# HG changeset patch # User bgruening # Date 1665921130 0 # Node ID e94dc7945639922a08d1a670e5ceaea44d984d53 # Parent 4f7e6612906b33faf9d8d448b8cd4168f7d105b9 planemo upload for repository https://github.com/bgruening/galaxytools/tree/recommendation_training/tools/tool_recommendation_model commit 24bab7a797f53fe4bcc668b18ee0326625486164 diff -r 4f7e6612906b -r e94dc7945639 create_tool_recommendation_model.xml --- a/create_tool_recommendation_model.xml Fri May 06 09:05:18 2022 +0000 +++ b/create_tool_recommendation_model.xml Sun Oct 16 11:52:10 2022 +0000 @@ -1,32 +1,32 @@ - + using deep learning - python - tensorflow - keras + python + tensorflow + keras scikit-learn + pandas h5py - csvkit - hyperopt echo "@VERSION@" @@ -34,37 +34,26 @@ +
- - -
- - - - - - - - + + + + + +
-
- - - - - - - - - - - - +
+ + + + +
@@ -72,71 +61,85 @@ - + - - - - - + + + + + + - + - - - - - - + + + + + + + + + + + + + - + + - + - + - - - + + + - + - + + + + + + - - - + + + - + - + - - - + + + - + - + - + - + @@ -188,7 +191,7 @@ - "max_evals": The hyperparameters of the neural network are tuned using a Bayesian optimisation approach and multiple configurations are sampled from different ranges of parameters. The number specified in this parameter is the number of configurations of hyperparameters evaluated to optimise them. Higher the number, the longer is the running time of the tool. - "optimize_n_epochs": This number specifies how many iterations would the neural network executes to evaluate each sampled configuration. - "n_epochs": Once the best configuration of hyperparameters has been found, the neural network takes this configuration and runs for "n_epochs" number of times minimising the error to produce a model at the end. - - "test_share": It specifies the size of the test set. For example, if it is 0.5, then the test set is half of the entire data available. It should not be set to more than 0.5. This set is used for evaluating the precision on an unseen set. + - "te_share": It specifies the size of the test set. For example, if it is 0.5, then the test set is half of the entire data available. It should not be set to more than 0.5. This set is used for evaluating the precision on an unseen set. 3. Neural network parameters: - "batch_size": The training of the neural network is done using batch learning in this work. The training data is divided into equal batches and for each epoch (a training iteration), all batches of data are trained one after another. A higher or lower value can unsettle the training. Therefore, this parameter should be optimised. diff -r 4f7e6612906b -r e94dc7945639 extract_workflow_connections.py --- a/extract_workflow_connections.py Fri May 06 09:05:18 2022 +0000 +++ b/extract_workflow_connections.py Sun Oct 16 11:52:10 2022 +0000 @@ -2,26 +2,26 @@ Extract workflow paths from the tabular file containing input and output tools """ - -import csv import random import utils class ExtractWorkflowConnections: + def __init__(self): """ Init method. """ - def collect_standard_connections(self, row): - published = row[8] - deleted = row[9] - has_errors = row[10] - if published == "t" and deleted == "f" and has_errors == "f": - return True - return False + def process_raw_files(self, wf_path, tool_popu_path, config): + """ + Remove pipe from workflows and popularity tabular files + """ + print("Removing pipe from tabular datasets...") + wf_frame = utils.remove_pipe(wf_path) + tool_popu_frame = utils.remove_pipe(tool_popu_path) + return wf_frame, tool_popu_frame - def read_tabular_file(self, raw_file_path): + def read_tabular_file(self, wf_dataframe, config): """ Read tabular file and extract workflow connections """ @@ -32,17 +32,18 @@ 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") - for index, row in enumerate(workflow_connections): - wf_id = str(row[0]) - in_tool = row[3].strip() - out_tool = row[6].strip() + for index, row in wf_dataframe.iterrows(): + row = row.tolist() + row = [str(item).strip() for item in row] + wf_id = str(row[0]) + if row[1] > config["cutoff_date"]: + in_tool = row[3] + out_tool = row[6] if wf_id not in workflows: workflows[wf_id] = list() if out_tool and in_tool and out_tool != in_tool: workflows[wf_id].append((out_tool, in_tool)) - qc = self.collect_standard_connections(row) + qc = self.__collect_standard_connections(row) if qc: i_t = utils.format_tool_id(in_tool) o_t = utils.format_tool_id(out_tool) @@ -54,15 +55,15 @@ wf_ctr = 0 for wf_id in workflows: wf_ctr += 1 - workflow_parents[wf_id] = self.read_workflow(wf_id, workflows[wf_id]) + workflow_parents[wf_id] = self.__read_workflow(wf_id, workflows[wf_id]) for wf_id in workflow_parents: flow_paths = list() parents_graph = workflow_parents[wf_id] - roots, leaves = self.get_roots_leaves(parents_graph) + roots, leaves = self.__get_roots_leaves(parents_graph) for root in roots: for leaf in leaves: - paths = self.find_tool_paths_workflow(parents_graph, root, leaf) + paths = self.__find_tool_paths_workflow(parents_graph, root, leaf) # reverse the paths as they are computed from leaves to roots leaf paths = [tool_path for tool_path in paths] if len(paths) > 0: @@ -84,13 +85,20 @@ unique_paths = list(workflow_paths_dup.split("\n")) unique_paths = list(filter(None, unique_paths)) random.shuffle(unique_paths) + print("unique_paths: {}".format(len(unique_paths))) no_dup_paths = list(set(unique_paths)) + print("no_dup_paths: {}".format(len(no_dup_paths))) + return no_dup_paths, standard_connections - print("Finding compatible next tools...") - compatible_next_tools = self.set_compatible_next_tools(no_dup_paths) - return unique_paths, compatible_next_tools, standard_connections + def __collect_standard_connections(self, row): + published = row[8].strip() + deleted = row[9].strip() + has_errors = row[10].strip() + if published == "t" and deleted == "f" and has_errors == "f": + return True + return False - def set_compatible_next_tools(self, workflow_paths): + def __set_compatible_next_tools(self, workflow_paths): """ Find next tools for each tool """ @@ -109,7 +117,7 @@ next_tools[tool] = ",".join(list(set(next_tools[tool].split(",")))) return next_tools - def read_workflow(self, wf_id, workflow_rows): + def __read_workflow(self, wf_id, workflow_rows): """ Read all connections for a workflow """ @@ -123,7 +131,7 @@ tool_parents[out_tool].append(in_tool) return tool_parents - def get_roots_leaves(self, graph): + def __get_roots_leaves(self, graph): roots = list() leaves = list() all_parents = list() @@ -135,7 +143,7 @@ leaves = list(set(children).difference(set(all_parents))) return roots, leaves - def find_tool_paths_workflow(self, graph, start, end, path=[]): + def __find_tool_paths_workflow(self, graph, start, end, path=[]): path = path + [end] if start == end: return [path] @@ -143,9 +151,7 @@ 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 diff -r 4f7e6612906b -r e94dc7945639 main.py --- a/main.py Fri May 06 09:05:18 2022 +0000 +++ b/main.py Sun Oct 16 11:52:10 2022 +0000 @@ -1,260 +1,36 @@ """ Predict next tools in the Galaxy workflows -using machine learning (recurrent neural network) +using deep learning learning (Transformers) """ - import argparse import time import extract_workflow_connections -import keras.callbacks as callbacks -import numpy as np -import optimise_hyperparameters import prepare_data -import utils - - -class PredictTool: - def __init__(self, num_cpus): - """ Init method. """ - - 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 - """ - # get tools with lowest representation - lowest_tool_ids = utils.get_lowest_tools(tool_freq) - - 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, - ) - - # 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, - ) - - callbacks_list = [predict_callback_test, early_stopping] - batch_size = int(best_params["batch_size"]) - - print("Start training on the best model...") - train_performance = dict() - trained_model = best_model.fit_generator( - utils.balanced_sample_generator( - train_data, - train_labels, - batch_size, - tool_tr_samples, - 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, - ) - 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["train_loss"] = np.array(trained_model.history["loss"]) - train_performance["model"] = best_model - train_performance["best_parameters"] = best_params - return train_performance - - -class PredictCallback(callbacks.Callback): - 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 - self.precision = list() - self.usage_weights = list() - self.published_precision = list() - self.n_epochs = n_epochs - self.pred_usage_scores = usg_scores - self.standard_connections = standard_connections - self.lowest_tool_ids = lowest_tool_ids - self.lowest_pub_precision = list() - self.lowest_norm_precision = list() - - def on_epoch_end(self, epoch, logs={}): - """ - 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, - ) - self.precision.append(precision) - self.usage_weights.append(usage_weights) - self.published_precision.append(precision_pub) - self.lowest_pub_precision.append(low_pub_prec) - self.lowest_norm_precision.append(low_norm_prec) - print("Epoch %d usage weights: %s" % (epoch + 1, usage_weights)) - print("Epoch %d normal precision: %s" % (epoch + 1, precision)) - 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) - ) - +import train_transformer 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") # 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("-om", "--output_model", required=True, help="trained model path") # 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("-ti", "--n_train_iter", required=True, help="Number of training iterations run to create model") + arg_parser.add_argument("-nhd", "--n_heads", required=True, help="Number of head in transformer's multi-head attention") + arg_parser.add_argument("-ed", "--n_embed_dim", required=True, help="Embedding dimension") + arg_parser.add_argument("-fd", "--n_feed_forward_dim", required=True, help="Feed forward network dimension") + arg_parser.add_argument("-dt", "--dropout", required=True, help="Percentage of neurons to be dropped") + arg_parser.add_argument("-lr", "--learning_rate", required=True, help="Learning rate") + arg_parser.add_argument("-ts", "--te_share", required=True, help="Share of data to be used for testing") + arg_parser.add_argument("-trbs", "--tr_batch_size", required=True, help="Train batch size") + arg_parser.add_argument("-trlg", "--tr_logging_step", required=True, help="Train logging frequency") + arg_parser.add_argument("-telg", "--te_logging_step", required=True, help="Test logging frequency") + arg_parser.add_argument("-tebs", "--te_batch_size", required=True, help="Test batch size") # get argument values args = vars(arg_parser.parse_args()) @@ -262,89 +38,48 @@ workflows_path = args["workflow_file"] cutoff_date = args["cutoff_date"] maximum_path_length = int(args["maximum_path_length"]) + + n_train_iter = int(args["n_train_iter"]) + te_share = float(args["te_share"]) + tr_batch_size = int(args["tr_batch_size"]) + te_batch_size = int(args["te_batch_size"]) + + n_heads = int(args["n_heads"]) + feed_forward_dim = int(args["n_feed_forward_dim"]) + embedding_dim = int(args["n_embed_dim"]) + dropout = float(args["dropout"]) + learning_rate = float(args["learning_rate"]) + te_logging_step = int(args["te_logging_step"]) + tr_logging_step = int(args["tr_logging_step"]) trained_model_path = args["output_model"] - n_epochs = int(args["n_epochs"]) - optimize_n_epochs = int(args["optimize_n_epochs"]) - max_evals = int(args["max_evals"]) - test_share = float(args["test_share"]) - batch_size = args["batch_size"] - units = args["units"] - embedding_size = args["embedding_size"] - dropout = args["dropout"] - spatial_dropout = args["spatial_dropout"] - recurrent_dropout = args["recurrent_dropout"] - learning_rate = args["learning_rate"] - 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_train_iter': n_train_iter, + 'n_heads': n_heads, + 'feed_forward_dim': feed_forward_dim, + 'embedding_dim': embedding_dim, + 'dropout': dropout, + 'learning_rate': learning_rate, + 'te_share': te_share, + 'te_logging_step': te_logging_step, + 'tr_logging_step': tr_logging_step, + 'tr_batch_size': tr_batch_size, + 'te_batch_size': te_batch_size, + 'trained_model_path': trained_model_path } - + print("Preprocessing workflows...") # Extract and process workflows connections = extract_workflow_connections.ExtractWorkflowConnections() - ( - workflow_paths, - compatible_next_tools, - standard_connections, - ) = connections.read_tabular_file(workflows_path) + # Process raw workflow file + wf_dataframe, usage_df = connections.process_raw_files(workflows_path, tool_usage_path, config) + workflow_paths, pub_conn = connections.read_tabular_file(wf_dataframe, config) # 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, - ) - # 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, - ) + data = prepare_data.PrepareData(maximum_path_length, te_share) + train_data, train_labels, test_data, test_labels, f_dict, r_dict, c_wts, c_tools, tr_tool_freq = data.get_data_labels_matrices(workflow_paths, usage_df, cutoff_date, pub_conn) + print(train_data.shape, train_labels.shape, test_data.shape, test_labels.shape) + train_transformer.create_enc_transformer(train_data, train_labels, test_data, test_labels, f_dict, r_dict, c_wts, c_tools, pub_conn, tr_tool_freq, config) end_time = time.time() print("Program finished in %s seconds" % str(end_time - start_time)) diff -r 4f7e6612906b -r e94dc7945639 optimise_hyperparameters.py --- a/optimise_hyperparameters.py Fri May 06 09:05:18 2022 +0000 +++ /dev/null Thu Jan 01 00:00:00 1970 +0000 @@ -1,147 +0,0 @@ -""" -Find the optimal combination of hyperparameters -""" - -import numpy as np -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, - ): - """ - Train a model and report accuracy - """ - # convert items to integer - l_batch_size = list(map(int, config["batch_size"].split(","))) - l_embedding_size = list(map(int, config["embedding_size"].split(","))) - l_units = list(map(int, config["units"].split(","))) - - # convert items to float - l_learning_rate = list(map(float, config["learning_rate"].split(","))) - l_dropout = list(map(float, config["dropout"].split(","))) - l_spatial_dropout = list(map(float, config["spatial_dropout"].split(","))) - l_recurrent_dropout = list(map(float, config["recurrent_dropout"].split(","))) - - optimize_n_epochs = int(config["optimize_n_epochs"]) - - # 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, - ) - - # 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 - ), - "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]) - ), - "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] - ), - } - - def create_model(params): - model = Sequential() - 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(Dropout(params["dropout"])) - 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 - ) - print(model.summary()) - model_fit = model.fit( - utils.balanced_sample_generator( - train_data, - train_labels, - batch_size, - tool_tr_samples, - 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, - ) - 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" - ] - # set the best params with respective values - for item in learned_params: - item_val = learned_params[item] - best_model_params[item] = item_val - return best_model_params, best_model diff -r 4f7e6612906b -r e94dc7945639 predict_tool_usage.py --- a/predict_tool_usage.py Fri May 06 09:05:18 2022 +0000 +++ b/predict_tool_usage.py Sun Oct 16 11:52:10 2022 +0000 @@ -3,9 +3,6 @@ """ import collections -import csv -import os -import warnings import numpy as np import utils @@ -13,40 +10,36 @@ from sklearn.pipeline import Pipeline from sklearn.svm import SVR -warnings.filterwarnings("ignore") - -main_path = os.getcwd() - class ToolPopularity: + def __init__(self): """ Init method. """ - def extract_tool_usage(self, tool_usage_file, cutoff_date, dictionary): + def extract_tool_usage(self, tool_usage_df, cutoff_date, dictionary): """ Extract the tool usage over time for each tool """ 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") - for index, row in enumerate(tool_usage): - 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]) - if tool_id not in tool_usage_dict: - tool_usage_dict[tool_id] = dict() - tool_usage_dict[tool_id][row[1]] = int(row[2]) + for index, row in tool_usage_df.iterrows(): + row = row.tolist() + row = [str(item).strip() for item in row] + if (row[1] > cutoff_date) is True: + tool_id = utils.format_tool_id(row[0]) + if tool_id in all_tool_list: + all_dates.append(row[1]) + if tool_id not in tool_usage_dict: + tool_usage_dict[tool_id] = dict() + tool_usage_dict[tool_id][row[1]] = int(float(row[2])) + else: + curr_date = row[1] + # merge the usage of different version of tools into one + if curr_date in tool_usage_dict[tool_id]: + tool_usage_dict[tool_id][curr_date] += int(float(row[2])) else: - curr_date = row[1] - # merge the usage of different version of tools into one - if curr_date in tool_usage_dict[tool_id]: - tool_usage_dict[tool_id][curr_date] += int(row[2]) - else: - tool_usage_dict[tool_id][curr_date] = int(row[2]) + tool_usage_dict[tool_id][curr_date] = int(float(row[2])) # get unique dates unique_dates = list(set(all_dates)) for tool in tool_usage_dict: @@ -66,25 +59,17 @@ """ epsilon = 0.0 cv = 5 - s_typ = "neg_mean_absolute_error" + s_typ = 'neg_mean_absolute_error' n_jobs = 4 s_error = 1 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, - 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 diff -r 4f7e6612906b -r e94dc7945639 prepare_data.py --- a/prepare_data.py Fri May 06 09:05:18 2022 +0000 +++ b/prepare_data.py Sun Oct 16 11:52:10 2022 +0000 @@ -5,16 +5,15 @@ """ import collections -import os import random import numpy as np import predict_tool_usage - -main_path = os.getcwd() +from sklearn.model_selection import train_test_split class PrepareData: + def __init__(self, max_seq_length, test_data_share): """ Init method. """ self.max_tool_sequence_len = max_seq_length @@ -26,7 +25,7 @@ """ 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: @@ -34,12 +33,7 @@ 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): @@ -62,116 +56,110 @@ """ count = collections.Counter(words).most_common() dictionary = dict() - for word, _ in count: + for index, (word, _) in enumerate(count): + word = word.lstrip() + word = word.rstrip() dictionary[word] = len(dictionary) + 1 - word = word.strip() - dictionary, reverse_dictionary = self.assemble_dictionary( - dictionary, old_data_dictionary - ) + dictionary, reverse_dictionary = self.assemble_dictionary(dictionary, old_data_dictionary) return dictionary, reverse_dictionary def decompose_paths(self, paths, dictionary): """ Decompose the paths to variable length sub-paths keeping the first tool fixed """ + max_len = 0 sub_paths_pos = list() for index, item in enumerate(paths): tools = item.split(",") len_tools = len(tools) - 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 - ] - if len(tools_pos) > 1: - sub_paths_pos.append(",".join(tools_pos)) + if len_tools > max_len: + max_len = len_tools + if len_tools < self.max_tool_sequence_len: + sequence = tools[0: len_tools] + 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)) + print("Max length of tools: ", max_len) return sub_paths_pos - 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 - """ - paths_labels = dict() - random.shuffle(paths) - for item in paths: - if item and item not in "": - tools = item.split(",") - label = 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( - "," - ) - except Exception: - continue - if len(compatible_tools) > 0: - 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) - if train_tools in paths_labels: - paths_labels[train_tools] += "," + composite_labels - else: - paths_labels[train_tools] = composite_labels - for item in paths_labels: - paths_labels[item] = ",".join(list(set(paths_labels[item].split(",")))) - return paths_labels + def prepare_input_one_target_paths(self, dictionary, reverse_dictionary, paths): + input_target_paths = dict() + compatible_tools = dict() + d_size = 0 + for i, item in enumerate(paths): + input_tools = item.split(",") + tool_seq = input_tools + i_tools = ",".join(tool_seq[0:-1]) + last_i_tool = i_tools.split(",")[-1] + if last_i_tool not in compatible_tools: + compatible_tools[last_i_tool] = list() + t_tools = tool_seq[-1] + if t_tools not in compatible_tools[last_i_tool]: + compatible_tools[last_i_tool].append(t_tools) + if i_tools not in input_target_paths: + input_target_paths[i_tools] = list() + if t_tools not in input_target_paths[i_tools]: + input_target_paths[i_tools].append(t_tools) + if i_tools not in input_target_paths: + input_target_paths[i_tools] = list() + if t_tools not in input_target_paths[i_tools]: + input_target_paths[i_tools].append(t_tools) + for item in input_target_paths: + d_size += len(input_target_paths[item]) + print("Dataset size:", d_size) + return input_target_paths, compatible_tools, d_size - def pad_test_paths(self, paths_dictionary, num_classes): - """ - Add padding to the tools sequences and create multi-hot encoded labels - """ - size_data = len(paths_dictionary) - data_mat = np.zeros([size_data, self.max_tool_sequence_len]) - label_mat = np.zeros([size_data, num_classes + 1]) - train_counter = 0 - for train_seq, train_label in list(paths_dictionary.items()): - positions = train_seq.split(",") - start_pos = self.max_tool_sequence_len - len(positions) - for id_pos, pos in enumerate(positions): - data_mat[train_counter][start_pos + id_pos] = int(pos) - for label_item in train_label.split(","): - label_mat[train_counter][int(label_item)] = 1.0 - train_counter += 1 - return data_mat, label_mat + def prepare_input_target_paths(self, dictionary, reverse_dictionary, paths): + input_target_paths = dict() + compatible_tools = dict() + d_size = 0 + for i, item in enumerate(paths): + input_tools = item.split(",") + ctr = 0 + for ctr in range(len(input_tools) - 1): + # uncomment this for one token target idea + tool_seq = input_tools[0: ctr + 2] + i_tools = ",".join(tool_seq[0:-1]) + last_i_tool = i_tools.split(",")[-1] + if last_i_tool not in compatible_tools: + compatible_tools[last_i_tool] = list() + t_tools = tool_seq[-1] + if t_tools not in compatible_tools[last_i_tool]: + compatible_tools[last_i_tool].append(t_tools) + if i_tools not in input_target_paths: + input_target_paths[i_tools] = list() + if t_tools not in input_target_paths[i_tools]: + input_target_paths[i_tools].append(t_tools) + if i_tools not in input_target_paths: + input_target_paths[i_tools] = list() + if t_tools not in input_target_paths[i_tools]: + input_target_paths[i_tools].append(t_tools) + for item in input_target_paths: + d_size += len(input_target_paths[item]) + print("Dataset size:", d_size) + return input_target_paths, compatible_tools, d_size - def pad_paths( - self, paths_dictionary, num_classes, standard_connections, reverse_dictionary - ): - """ - Add padding to the tools sequences and create multi-hot encoded labels - """ - size_data = len(paths_dictionary) - data_mat = np.zeros([size_data, self.max_tool_sequence_len]) - label_mat = np.zeros([size_data, 2 * (num_classes + 1)]) - pos_flag = 1.0 + def pad_paths_one_tool_target(self, multi_paths, compatible_tools, d_size, rev_dict, dictionary): + d_size = len(multi_paths) + input_mat = np.zeros([d_size, self.max_tool_sequence_len]) + target_mat = np.zeros([d_size, len(dictionary) + 1]) train_counter = 0 - for train_seq, train_label in list(paths_dictionary.items()): - pub_connections = list() - positions = train_seq.split(",") - last_tool_id = positions[-1] - last_tool_name = reverse_dictionary[int(last_tool_id)] - start_pos = self.max_tool_sequence_len - len(positions) - for id_pos, pos in enumerate(positions): - data_mat[train_counter][start_pos + id_pos] = int(pos) - if last_tool_name in standard_connections: - pub_connections = standard_connections[last_tool_name] - for label_item in train_label.split(","): - label_pos = int(label_item) - label_row = label_mat[train_counter] - if reverse_dictionary[label_pos] in pub_connections: - label_row[label_pos] = pos_flag - else: - label_row[label_pos + num_classes + 1] = pos_flag + for input_seq, target_seq_tools in list(multi_paths.items()): + input_seq_tools = input_seq.split(",") + last_i_tool = input_seq_tools[-1] + for id_pos, pos in enumerate(input_seq_tools): + input_mat[train_counter][id_pos] = int(pos) + if last_i_tool in compatible_tools: + compatible_targets = compatible_tools[last_i_tool] + for k, t_label in enumerate(target_seq_tools): + target_mat[train_counter][int(t_label)] = 1 + for c_tool in compatible_targets: + target_mat[train_counter][int(c_tool)] = 1 train_counter += 1 - return data_mat, label_mat + print("Final data size: ", input_mat.shape, target_mat.shape) + train_data, test_data, train_labels, test_labels = train_test_split(input_mat, target_mat, test_size=self.test_share, random_state=42) + return train_data, train_labels, test_data, test_labels def split_test_train_data(self, multilabels_paths): """ @@ -221,6 +209,27 @@ class_weights[key] = np.round(np.log(u_score), 6) return class_weights + def get_train_tool_labels_freq(self, train_paths, reverse_dictionary): + """ + Get the frequency of last tool of each tool sequence + to estimate the frequency of tool sequences + """ + last_tool_freq = dict() + freq_dict_names = dict() + for path in train_paths: + tools_pos = np.where(path > 0)[0] + path_pos = tools_pos + path_pos = [str(int(item)) for item in path_pos] + + for tool_pos in path_pos: + if tool_pos not in last_tool_freq: + last_tool_freq[tool_pos] = 0 + freq_dict_names[reverse_dictionary[int(tool_pos)]] = 0 + last_tool_freq[tool_pos] += 1 + freq_dict_names[reverse_dictionary[int(tool_pos)]] += 1 + sorted_dict = dict(sorted(last_tool_freq.items(), key=lambda kv: kv[1], reverse=True)) + return sorted_dict + def get_train_last_tool_freq(self, train_paths, reverse_dictionary): """ Get the frequency of last tool of each tool sequence @@ -229,13 +238,17 @@ last_tool_freq = dict() freq_dict_names = dict() for path in train_paths: - last_tool = path.split(",")[-1] + tools_pos = np.where(path > 0)[0] + path_pos = path[tools_pos] + path_pos = [str(int(item)) for item in path_pos] + last_tool = path_pos[-1] if last_tool not in last_tool_freq: last_tool_freq[last_tool] = 0 freq_dict_names[reverse_dictionary[int(last_tool)]] = 0 last_tool_freq[last_tool] += 1 freq_dict_names[reverse_dictionary[int(last_tool)]] += 1 - return last_tool_freq + sorted_dict = dict(sorted(last_tool_freq.items(), key=lambda kv: kv[1], reverse=True)) + return sorted_dict def get_toolid_samples(self, train_data, l_tool_freq): l_tool_tr_samples = dict() @@ -248,22 +261,13 @@ 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, usage_df, cutoff_date, 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)) @@ -274,50 +278,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, compatible_tools, d_size = self.prepare_input_target_paths(dictionary, rev_dict, all_unique_paths) - print("Complete data: %d" % len(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("Complete data: %d" % d_size) 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 - ) + # pad training and test data with trailing zeros + train_data, train_labels, test_data, test_labels = self.pad_paths_one_tool_target(multilabels_paths, compatible_tools, d_size, rev_dict, dictionary) + + print("Train data: ", train_data.shape) + print("Test data: ", test_data.shape) print("Estimating sample frequency...") - l_tool_freq = self.get_train_last_tool_freq(train_paths_dict, rev_dict) - l_tool_tr_samples = self.get_toolid_samples(train_data, l_tool_freq) + tr_tool_freq = self.get_train_tool_labels_freq(train_labels, rev_dict) # Predict tools usage print("Predicting tools' usage...") usage_pred = predict_tool_usage.ToolPopularity() - usage = usage_pred.extract_tool_usage(tool_usage_path, cutoff_date, dictionary) + usage = usage_pred.extract_tool_usage(usage_df, cutoff_date, dictionary) tool_usage_prediction = usage_pred.get_pupularity_prediction(usage) t_pred_usage = self.get_predicted_usage(dictionary, tool_usage_prediction) - # 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, compatible_tools, tr_tool_freq diff -r 4f7e6612906b -r e94dc7945639 test-data/test_tool_usage --- a/test-data/test_tool_usage Fri May 06 09:05:18 2022 +0000 +++ b/test-data/test_tool_usage Sun Oct 16 11:52:10 2022 +0000 @@ -1,93 +1,2001 @@ - 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 + tool_id | month | count +-----------------------------------------------------------------------------------------------------------------------------------------------------+------------+--------|| + toolshed.g2.bx.psu.edu/repos/bgruening/sdf_to_tab/sdf_to_tab/2020.03.4+galaxy0 | 2022-09-01 |63928.0 + __DATA_FETCH__ | 2022-09-01 |32104.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastqc/fastqc/0.73+galaxy0 | 2022-09-01 |6885.0 + toolshed.g2.bx.psu.edu/repos/iuc/snpsift/snpSift_filter/4.3+t.galaxy1 | 2022-09-01 |3042.0 + toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_replace_in_line/1.1.2 | 2022-09-01 |2661.0 + toolshed.g2.bx.psu.edu/repos/iuc/seqtk/seqtk_subseq/1.3.1 | 2022-09-01 |2279.0 + toolshed.g2.bx.psu.edu/repos/iuc/featurecounts/featurecounts/2.0.1+galaxy2 | 2022-09-01 |2077.0 + toolshed.g2.bx.psu.edu/repos/iuc/lofreq_call/lofreq_call/2.1.5+galaxy1 | 2022-09-01 |1898.0 + toolshed.g2.bx.psu.edu/repos/rnateam/mafft/rbc_mafft/7.505+galaxy0 | 2022-09-01 |1806.0 + Cut1 | 2022-09-01 |1726.0 + toolshed.g2.bx.psu.edu/repos/iuc/kraken2/kraken2/2.1.1+galaxy1 | 2022-09-01 |1693.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastqc/fastqc/0.72+galaxy1 | 2022-09-01 |1683.0 + CONVERTER_gz_to_uncompressed | 2022-09-01 |1656.0 + toolshed.g2.bx.psu.edu/repos/iuc/fastp/fastp/0.23.2+galaxy0 | 2022-09-01 |1584.0 + toolshed.g2.bx.psu.edu/repos/iuc/bcftools_annotate/bcftools_annotate/1.10 | 2022-09-01 |1550.0 + toolshed.g2.bx.psu.edu/repos/devteam/column_maker/Add_a_column1/1.6 | 2022-09-01 |1524.0 + Filter1 | 2022-09-01 |1463.0 + toolshed.g2.bx.psu.edu/repos/iuc/minimap2/minimap2/2.24+galaxy0 | 2022-09-01 |1397.0 + toolshed.g2.bx.psu.edu/repos/iuc/rgrnastar/rna_star/2.7.8a+galaxy0 | 2022-09-01 |1345.0 + Grouping1 | 2022-09-01 |1315.0 + toolshed.g2.bx.psu.edu/repos/pjbriggs/trimmomatic/trimmomatic/0.38.1 | 2022-09-01 |1315.0 + toolshed.g2.bx.psu.edu/repos/devteam/bwa/bwa_mem/0.7.17.2 | 2022-09-01 |1257.0 + toolshed.g2.bx.psu.edu/repos/crs4/prokka/prokka/1.14.6+galaxy1 | 2022-09-01 |1214.0 + toolshed.g2.bx.psu.edu/repos/iuc/lofreq_filter/lofreq_filter/2.1.5+galaxy0 | 2022-09-01 |1196.0 + Remove beginning1 | 2022-09-01 |1162.0 + toolshed.g2.bx.psu.edu/repos/iuc/samtools_fastx/samtools_fastx/1.9+galaxy1 | 2022-09-01 |1141.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcfvcfintersect/vcfvcfintersect/1.0.0_rc3+galaxy0 | 2022-09-01 |1137.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastqtofasta/fastq_to_fasta_python/1.1.5 | 2022-09-01 |1073.0 + interactive_tool_phinch | 2022-09-01 |1049.0 + toolshed.g2.bx.psu.edu/repos/iuc/lofreq_viterbi/lofreq_viterbi/2.1.5+galaxy0 | 2022-09-01 |1046.0 + toolshed.g2.bx.psu.edu/repos/iuc/datamash_reverse/datamash_reverse/1.1.0+galaxy2 | 2022-09-01 |1043.0 + toolshed.g2.bx.psu.edu/repos/iuc/lofreq_indelqual/lofreq_indelqual/2.1.5+galaxy0 | 2022-09-01 |1033.0 + toolshed.g2.bx.psu.edu/repos/iuc/biom_convert/biom_convert/2.1.12+galaxy1 | 2022-09-01 |1031.0 + toolshed.g2.bx.psu.edu/repos/devteam/bowtie2/bowtie2/2.4.5+galaxy1 | 2022-09-01 |998.0 + toolshed.g2.bx.psu.edu/repos/iuc/hisat2/hisat2/2.2.1+galaxy1 | 2022-09-01 |986.0 + toolshed.g2.bx.psu.edu/repos/iuc/read_it_and_keep/read_it_and_keep/0.2.2+galaxy0 | 2022-09-01 |954.0 + toolshed.g2.bx.psu.edu/repos/devteam/fasta_to_tabular/fasta2tab/1.1.0 | 2022-09-01 |932.0 + toolshed.g2.bx.psu.edu/repos/iuc/snpsift/snpSift_extractFields/4.3+t.galaxy0 | 2022-09-01 |921.0 + toolshed.g2.bx.psu.edu/repos/iuc/table_compute/table_compute/1.2.4+galaxy0 | 2022-09-01 |919.0 + toolshed.g2.bx.psu.edu/repos/iuc/freyja_demix/freyja_demix/1.3.8+galaxy0 | 2022-09-01 |893.0 + toolshed.g2.bx.psu.edu/repos/saskia-hiltemann/krona_text/krona-text/1 | 2022-09-01 |887.0 + toolshed.g2.bx.psu.edu/repos/iuc/snpeff_sars_cov_2/snpeff_sars_cov_2/4.5covid19 | 2022-09-01 |839.0 + toolshed.g2.bx.psu.edu/repos/devteam/samtools_stats/samtools_stats/2.0.2+galaxy2 | 2022-09-01 |829.0 + toolshed.g2.bx.psu.edu/repos/lparsons/cutadapt/cutadapt/4.0+galaxy0 | 2022-09-01 |820.0 + toolshed.g2.bx.psu.edu/repos/iuc/samtools_view/samtools_view/1.9+galaxy2 | 2022-09-01 |815.0 + toolshed.g2.bx.psu.edu/repos/iuc/ivar_trim/ivar_trim/1.3.1+galaxy2 | 2022-09-01 |803.0 + toolshed.g2.bx.psu.edu/repos/iuc/qualimap_bamqc/qualimap_bamqc/2.2.2d+galaxy3 | 2022-09-01 |802.0 + toolshed.g2.bx.psu.edu/repos/iuc/fastp/fastp/0.20.1+galaxy0 | 2022-09-01 |796.0 + toolshed.g2.bx.psu.edu/repos/iuc/qualimap_bamqc/qualimap_bamqc/2.2.2c+galaxy1 | 2022-09-01 |782.0 + __FILTER_FAILED_DATASETS__ | 2022-09-01 |771.0 + toolshed.g2.bx.psu.edu/repos/iuc/ivar_removereads/ivar_removereads/1.3.1+galaxy2 | 2022-09-01 |761.0 + toolshed.g2.bx.psu.edu/repos/iuc/kraken2/kraken2/2.0.8_beta+galaxy0 | 2022-09-01 |750.0 + toolshed.g2.bx.psu.edu/repos/iuc/abricate/abricate/1.0.1 | 2022-09-01 |717.0 + toolshed.g2.bx.psu.edu/repos/iuc/multiqc/multiqc/1.11+galaxy0 | 2022-09-01 |710.0 + Grep1 | 2022-09-01 |693.0 + toolshed.g2.bx.psu.edu/repos/bgruening/trim_galore/trim_galore/0.6.7+galaxy0 | 2022-09-01 |687.0 + __SET_METADATA__ | 2022-09-01 |617.0 + toolshed.g2.bx.psu.edu/repos/iuc/unicycler/unicycler/0.4.8.0 | 2022-09-01 |565.0 + toolshed.g2.bx.psu.edu/repos/devteam/fasta_to_tabular/fasta2tab/1.1.1 | 2022-09-01 |562.0 + toolshed.g2.bx.psu.edu/repos/devteam/tabular_to_fasta/tab2fasta/1.1.1 | 2022-09-01 |560.0 + toolshed.g2.bx.psu.edu/repos/iuc/stringtie/stringtie/2.1.7+galaxy1 | 2022-09-01 |552.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_MarkDuplicates/2.18.2.3 | 2022-09-01 |501.0 + cat1 | 2022-09-01 |498.0 + toolshed.g2.bx.psu.edu/repos/iuc/filter_tabular/filter_tabular/2.0.0 | 2022-09-01 |483.0 + toolshed.g2.bx.psu.edu/repos/nilesh/rseqc/rseqc_infer_experiment/2.6.4.1 | 2022-09-01 |478.0 + toolshed.g2.bx.psu.edu/repos/iuc/deseq2/deseq2/2.11.40.7+galaxy2 | 2022-09-01 |476.0 + toolshed.g2.bx.psu.edu/repos/iuc/humann/humann/3.0.0+galaxy1 | 2022-09-01 |450.0 + join1 | 2022-09-01 |402.0 + CONVERTER_fastq_to_fqtoc0 | 2022-09-01 |400.0 + toolshed.g2.bx.psu.edu/repos/iuc/sra_tools/fasterq_dump/2.11.0+galaxy1 | 2022-09-01 |390.0 + toolshed.g2.bx.psu.edu/repos/iuc/nanoplot/nanoplot/1.36.2+galaxy1 | 2022-09-01 |363.0 + toolshed.g2.bx.psu.edu/repos/iuc/porechop/porechop/0.2.3 | 2022-09-01 |344.0 + ebi_sra_main | 2022-09-01 |344.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_bam_coverage/deeptools_bam_coverage/3.5.1.0.0 | 2022-09-01 |339.0 + toolshed.g2.bx.psu.edu/repos/nml/ectyper/ectyper/1.0.0 | 2022-09-01 |335.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_compute_matrix/deeptools_compute_matrix/3.5.1.0.0 | 2022-09-01 |327.0 + toolshed.g2.bx.psu.edu/repos/lparsons/htseq_count/htseq_count/0.9.1+galaxy1 | 2022-09-01 |326.0 + toolshed.g2.bx.psu.edu/repos/devteam/clustalw/clustalw/2.1 | 2022-09-01 |324.0 + toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_find_and_replace/1.1.3 | 2022-09-01 |322.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_SamToFastq/2.18.2.2 | 2022-09-01 |298.0 + toolshed.g2.bx.psu.edu/repos/iuc/b2btools_single_sequence/b2btools_single_sequence/3.0.5+galaxy0 | 2022-09-01 |289.0 + toolshed.g2.bx.psu.edu/repos/devteam/concat/gops_concat_1/1.0.1 | 2022-09-01 |283.0 + toolshed.g2.bx.psu.edu/repos/iuc/bcftools_consensus/bcftools_consensus/1.10+galaxy1 | 2022-09-01 |282.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_plot_heatmap/deeptools_plot_heatmap/3.5.1.0.1 | 2022-09-01 |282.0 + toolshed.g2.bx.psu.edu/repos/devteam/merge/gops_merge_1/1.0.0 | 2022-09-01 |281.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_genomecoveragebed/2.29.2 | 2022-09-01 |281.0 + toolshed.g2.bx.psu.edu/repos/devteam/subtract/gops_subtract_1/1.0.0 | 2022-09-01 |281.0 + toolshed.g2.bx.psu.edu/repos/iuc/snpeff/snpEff/4.3+T.galaxy1 | 2022-09-01 |279.0 + toolshed.g2.bx.psu.edu/repos/devteam/bwa/bwa_mem/0.7.17.1 | 2022-09-01 |276.0 + toolshed.g2.bx.psu.edu/repos/devteam/samtools_idxstats/samtools_idxstats/2.0.4 | 2022-09-01 |271.0 + toolshed.g2.bx.psu.edu/repos/rnateam/sortmerna/bg_sortmerna/2.1b.6 | 2022-09-01 |269.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastq_paired_end_interlacer/fastq_paired_end_interlacer/1.2.0.1+galaxy0 | 2022-09-01 |253.0 + toolshed.g2.bx.psu.edu/repos/iuc/quast/quast/5.2.0+galaxy0 | 2022-09-01 |240.0 + toolshed.g2.bx.psu.edu/repos/iuc/humann2/humann2/0.11.1.3 | 2022-09-01 |239.0 + toolshed.g2.bx.psu.edu/repos/iuc/ggplot2_heatmap2/ggplot2_heatmap2/3.1.1+galaxy1 | 2022-09-01 |236.0 + toolshed.g2.bx.psu.edu/repos/iuc/limma_voom/limma_voom/3.50.1+galaxy0 | 2022-09-01 |231.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastx_quality_statistics/cshl_fastx_quality_statistics/1.0.1 | 2022-09-01 |228.0 + __UNZIP_COLLECTION__ | 2022-09-01 |223.0 + toolshed.g2.bx.psu.edu/repos/iuc/annotatemyids/annotatemyids/3.14.0+galaxy0 | 2022-09-01 |223.0 + toolshed.g2.bx.psu.edu/repos/iuc/ivar_trim/ivar_trim/1.2.2+galaxy1 | 2022-09-01 |222.0 + toolshed.g2.bx.psu.edu/repos/iuc/cooc_mutbamscan/cooc_mutbamscan/0.2+galaxy0 | 2022-09-01 |219.0 + toolshed.g2.bx.psu.edu/repos/iuc/qualimap_bamqc/qualimap_bamqc/2.2.2c | 2022-09-01 |218.0 + toolshed.g2.bx.psu.edu/repos/iuc/umi_tools_extract/umi_tools_extract/1.1.2+galaxy2 | 2022-09-01 |218.0 + toolshed.g2.bx.psu.edu/repos/nilesh/rseqc/rseqc_geneBody_coverage/2.6.4.3 | 2022-09-01 |217.0 + toolshed.g2.bx.psu.edu/repos/devteam/ncbi_blast_plus/ncbi_blastn_wrapper/2.10.1+galaxy2 | 2022-09-01 |213.0 + toolshed.g2.bx.psu.edu/repos/iuc/samtools_view/samtools_view/1.9+galaxy3 | 2022-09-01 |207.0 + toolshed.g2.bx.psu.edu/repos/nilesh/rseqc/rseqc_read_distribution/2.6.4.1 | 2022-09-01 |200.0 + toolshed.g2.bx.psu.edu/repos/iuc/samtools_view/samtools_view/1.15.1+galaxy0 | 2022-09-01 |197.0 + ucsc_table_direct1 | 2022-09-01 |197.0 + toolshed.g2.bx.psu.edu/repos/devteam/samtool_filter2/samtool_filter2/1.8+galaxy1 | 2022-09-01 |194.0 + toolshed.g2.bx.psu.edu/repos/devteam/bwa/bwa/0.7.17.4 | 2022-09-01 |194.0 + toolshed.g2.bx.psu.edu/repos/devteam/samtools_slice_bam/samtools_slice_bam/2.0.2 | 2022-09-01 |192.0 + toolshed.g2.bx.psu.edu/repos/iuc/ivar_removereads/ivar_removereads/1.2.2+galaxy1 | 2022-09-01 |188.0 + toolshed.g2.bx.psu.edu/repos/iuc/busco/busco/5.3.2+galaxy0 | 2022-09-01 |187.0 + toolshed.g2.bx.psu.edu/repos/rnateam/mirdeep2_quantifier/rbc_mirdeep2_quantifier/2.0.0 | 2022-09-01 |186.0 + toolshed.g2.bx.psu.edu/repos/iuc/anndata_inspect/anndata_inspect/0.7.5+galaxy1 | 2022-09-01 |172.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_intersectbed/2.30.0+galaxy1 | 2022-09-01 |166.0 + toolshed.g2.bx.psu.edu/repos/iuc/deg_annotate/deg_annotate/1.1.0 | 2022-09-01 |163.0 + toolshed.g2.bx.psu.edu/repos/iuc/scanpy_plot/scanpy_plot/1.7.1+galaxy1 | 2022-09-01 |157.0 + toolshed.g2.bx.psu.edu/repos/devteam/samtools_rmdup/samtools_rmdup/2.0.1 | 2022-09-01 |156.0 + toolshed.g2.bx.psu.edu/repos/iuc/scanpy_plot/scanpy_plot/1.7.1+galaxy0 | 2022-09-01 |151.0 + toolshed.g2.bx.psu.edu/repos/iuc/snippy/snippy/3.2 | 2022-09-01 |148.0 + toolshed.g2.bx.psu.edu/repos/devteam/kraken_filter/kraken-filter/1.3.1 | 2022-09-01 |146.0 + toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_cat/0.1.1 | 2022-09-01 |145.0 + toolshed.g2.bx.psu.edu/repos/iuc/featurecounts/featurecounts/1.6.4+galaxy1 | 2022-09-01 |144.0 + toolshed.g2.bx.psu.edu/repos/rnateam/mirdeep2_mapper/rbc_mirdeep2_mapper/2.0.0 | 2022-09-01 |132.0 + toolshed.g2.bx.psu.edu/repos/iuc/obi_uniq/obi_uniq/1.2.13 | 2022-09-01 |129.0 + toolshed.g2.bx.psu.edu/repos/devteam/freebayes/freebayes/1.1.0.46-0 | 2022-09-01 |129.0 + toolshed.g2.bx.psu.edu/repos/iuc/samtools_fastx/samtools_fastx/1.15.1+galaxy0 | 2022-09-01 |127.0 + toolshed.g2.bx.psu.edu/repos/devteam/samtools_sort/samtools_sort/2.0.4 | 2022-09-01 |126.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_plot_profile/deeptools_plot_profile/3.5.1.0.0 | 2022-09-01 |123.0 + toolshed.g2.bx.psu.edu/repos/nilesh/rseqc/rseqc_inner_distance/2.6.4.1 | 2022-09-01 |120.0 + toolshed.g2.bx.psu.edu/repos/iuc/hisat2/hisat2/2.2.1+galaxy0 | 2022-09-01 |120.0 + toolshed.g2.bx.psu.edu/repos/iuc/datamash_ops/datamash_ops/1.1.0 | 2022-09-01 |118.0 + toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_easyjoin_tool/1.1.2 | 2022-09-01 |118.0 + CONVERTER_bam_to_coodinate_sorted_bam | 2022-09-01 |114.0 + toolshed.g2.bx.psu.edu/repos/iuc/anndata_inspect/anndata_inspect/0.7.5+galaxy0 | 2022-09-01 |110.0 + toolshed.g2.bx.psu.edu/repos/devteam/ncbi_blast_plus/ncbi_makeblastdb/2.10.1+galaxy2 | 2022-09-01 |108.0 + toolshed.g2.bx.psu.edu/repos/iuc/volcanoplot/volcanoplot/0.0.5 | 2022-09-01 |108.0 + csv_to_tabular | 2022-09-01 |105.0 + toolshed.g2.bx.psu.edu/repos/iuc/filtlong/filtlong/0.2.1+galaxy0 | 2022-09-01 |105.0 + toolshed.g2.bx.psu.edu/repos/iuc/bwa_mem2/bwa_mem2/2.2.1+galaxy0 | 2022-09-01 |104.0 + toolshed.g2.bx.psu.edu/repos/iuc/featurecounts/featurecounts/2.0.1 | 2022-09-01 |104.0 + toolshed.g2.bx.psu.edu/repos/bgruening/salmon/salmon/1.5.1+galaxy0 | 2022-09-01 |103.0 + toolshed.g2.bx.psu.edu/repos/iuc/umi_tools_dedup/umi_tools_dedup/1.1.2+galaxy2 | 2022-09-01 |102.0 + sort1 | 2022-09-01 |101.0 + toolshed.g2.bx.psu.edu/repos/devteam/samtools_idxstats/samtools_idxstats/2.0.3 | 2022-09-01 |98.0 + toolshed.g2.bx.psu.edu/repos/iuc/metaphlan/metaphlan/3.0.14+galaxy0 | 2022-09-01 |98.0 + toolshed.g2.bx.psu.edu/repos/iuc/ggplot2_point/ggplot2_point/3.3.5+galaxy0 | 2022-09-01 |96.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/monocle3_plotcells/monocle3_plotCells/0.1.5+galaxy1 | 2022-09-01 |95.0 + toolshed.g2.bx.psu.edu/repos/bgruening/replace_column_by_key_value_file/replace_column_with_key_value_file/0.2 | 2022-09-01 |95.0 + toolshed.g2.bx.psu.edu/repos/devteam/column_maker/Add_a_column1/2.0 | 2022-09-01 |94.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicplotmatrix/hicexplorer_hicplotmatrix/3.6+galaxy0 | 2022-09-01 |94.0 + toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_sort_header_tool/1.1.1 | 2022-09-01 |93.0 + toolshed.g2.bx.psu.edu/repos/iuc/macs2/macs2_callpeak/2.2.7.1+galaxy0 | 2022-09-01 |92.0 + toolshed.g2.bx.psu.edu/repos/peterjc/seq_filter_by_id/seq_filter_by_id/0.2.7 | 2022-09-01 |91.0 + toolshed.g2.bx.psu.edu/repos/bgruening/antismash/antismash/6.1.1+galaxy1 | 2022-09-01 |91.0 + toolshed.g2.bx.psu.edu/repos/devteam/kraken_report/kraken-report/1.3.1 | 2022-09-01 |91.0 + toolshed.g2.bx.psu.edu/repos/iuc/bandage/bandage_image/0.8.1+galaxy3 | 2022-09-01 |90.0 + toolshed.g2.bx.psu.edu/repos/devteam/kraken2tax/Kraken2Tax/1.1 | 2022-09-01 |89.0 + toolshed.g2.bx.psu.edu/repos/crs4/taxonomy_krona_chart/taxonomy_krona_chart/2.7.1 | 2022-09-01 |87.0 + toolshed.g2.bx.psu.edu/repos/nml/spades/spades/3.12.0+galaxy1 | 2022-09-01 |87.0 + toolshed.g2.bx.psu.edu/repos/iuc/compose_text_param/compose_text_param/0.1.1 | 2022-09-01 |87.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_multiintersectbed/2.30.0 | 2022-09-01 |86.0 + toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_replace_in_column/1.1.3 | 2022-09-01 |85.0 + toolshed.g2.bx.psu.edu/repos/bgruening/flye/flye/2.9+galaxy0 | 2022-09-01 |82.0 + toolshed.g2.bx.psu.edu/repos/iuc/lofreq_call/lofreq_call/2.1.5+galaxy2 | 2022-09-01 |79.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_bamtobed/2.30.0+galaxy2 | 2022-09-01 |79.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_sortbed/2.30.0+galaxy1 | 2022-09-01 |79.0 + toolshed.g2.bx.psu.edu/repos/bgruening/infernal/infernal_cmsearch/1.1.2.0 | 2022-09-01 |78.0 + toolshed.g2.bx.psu.edu/repos/rnateam/graphclust_cmfinder/cmFinder/0.4 | 2022-09-01 |78.0 + toolshed.g2.bx.psu.edu/repos/bgruening/infernal/infernal_cmbuild/1.1.2.0 | 2022-09-01 |78.0 + toolshed.g2.bx.psu.edu/repos/rnateam/graphclust_mlocarna/locarna_best_subtree/0.4 | 2022-09-01 |78.0 + toolshed.g2.bx.psu.edu/repos/iuc/datamash_ops/datamash_ops/datamash_ops/1.0.6 | 2022-09-01 |77.0 + toolshed.g2.bx.psu.edu/repos/devteam/bowtie_wrappers/bowtie_wrapper/1.2.0 | 2022-09-01 |76.0 + toolshed.g2.bx.psu.edu/repos/iuc/shovill/shovill/1.1.0+galaxy1 | 2022-09-01 |75.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastx_barcode_splitter/cshl_fastx_barcode_splitter/1.0.1 | 2022-09-01 |74.0 + toolshed.g2.bx.psu.edu/repos/nml/collapse_collections/collapse_dataset/5.1.0 | 2022-09-01 |74.0 + toolshed.g2.bx.psu.edu/repos/iuc/collection_column_join/collection_column_join/0.0.3 | 2022-09-01 |73.0 + toolshed.g2.bx.psu.edu/repos/iuc/bcftools_stats/bcftools_stats/1.10+galaxy1 | 2022-09-01 |73.0 + toolshed.g2.bx.psu.edu/repos/iuc/hypo/hypo/1.0.3+galaxy0 | 2022-09-01 |73.0 + toolshed.g2.bx.psu.edu/repos/iuc/rgrnastar/rna_star/2.7.2b | 2022-09-01 |72.0 + toolshed.g2.bx.psu.edu/repos/nilesh/rseqc/rseqc_bam_stat/2.6.4 | 2022-09-01 |71.0 + toolshed.g2.bx.psu.edu/repos/iuc/snippy/snippy/4.6.0+galaxy0 | 2022-09-01 |70.0 + toolshed.g2.bx.psu.edu/repos/iuc/deseq2/deseq2/2.11.40.7+galaxy1 | 2022-09-01 |69.0 + toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_sorted_uniq/1.1.0 | 2022-09-01 |68.0 + __FLATTEN__ | 2022-09-01 |68.0 + toolshed.g2.bx.psu.edu/repos/iuc/hmmer3/hmmer_hmmsearch/0.1.0 | 2022-09-01 |68.0 + toolshed.g2.bx.psu.edu/repos/devteam/merge_cols/mergeCols1/1.0.2 | 2022-09-01 |67.0 + toolshed.g2.bx.psu.edu/repos/devteam/ncbi_blast_plus/ncbi_blastp_wrapper/2.10.1+galaxy2 | 2022-09-01 |66.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_MarkDuplicates/2.18.2.2 | 2022-09-01 |66.0 + toolshed.g2.bx.psu.edu/repos/iuc/datamash_transpose/datamash_transpose/1.1.0+galaxy2 | 2022-09-01 |66.0 + toolshed.g2.bx.psu.edu/repos/iuc/scanpy_inspect/scanpy_inspect/1.7.1+galaxy0 | 2022-09-01 |65.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastq_groomer/fastq_groomer/1.1.5 | 2022-09-01 |64.0 + toolshed.g2.bx.psu.edu/repos/iuc/datamash_reverse/datamash_reverse/1.1.0 | 2022-09-01 |63.0 + CONVERTER_fasta_to_tabular | 2022-09-01 |63.0 + toolshed.g2.bx.psu.edu/repos/iuc/scanpy_filter/scanpy_filter/1.7.1+galaxy0 | 2022-09-01 |62.0 + toolshed.g2.bx.psu.edu/repos/iuc/minimap2/minimap2/2.17+galaxy2 | 2022-09-01 |62.0 + toolshed.g2.bx.psu.edu/repos/crs4/taxonomy_krona_chart/taxonomy_krona_chart/2.6.1.1 | 2022-09-01 |62.0 + toolshed.g2.bx.psu.edu/repos/nml/spades/spades/3.15.4+galaxy1 | 2022-09-01 |62.0 + toolshed.g2.bx.psu.edu/repos/iuc/porechop/porechop/0.2.4+galaxy0 | 2022-09-01 |62.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_summary_seqs/mothur_summary_seqs/1.39.5.0 | 2022-09-01 |60.0 + toolshed.g2.bx.psu.edu/repos/iuc/bcftools_mpileup/bcftools_mpileup/1.10+galaxy2 | 2022-09-01 |59.0 + toolshed.g2.bx.psu.edu/repos/iuc/nanoplot/nanoplot/1.28.2+galaxy1 | 2022-09-01 |59.0 + toolshed.g2.bx.psu.edu/repos/devteam/cufflinks/cufflinks/2.2.1.3 | 2022-09-01 |59.0 + __EXTRACT_DATASET__ | 2022-09-01 |59.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_CollectInsertSizeMetrics/2.18.2.1 | 2022-09-01 |59.0 + toolshed.g2.bx.psu.edu/repos/bebatut/combine_metaphlan2_humann2/combine_metaphlan2_humann2/0.1.0 | 2022-09-01 |58.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_SortSam/2.18.2.1 | 2022-09-01 |58.0 + toolshed.g2.bx.psu.edu/repos/iuc/anndata_manipulate/anndata_manipulate/0.7.5+galaxy1 | 2022-09-01 |57.0 + toolshed.g2.bx.psu.edu/repos/lparsons/fastq_join/fastq_join/1.1.2-806 | 2022-09-01 |57.0 + toolshed.g2.bx.psu.edu/repos/iuc/graphlan_annotate/graphlan_annotate/1.0.0.0 | 2022-09-01 |57.0 + toolshed.g2.bx.psu.edu/repos/bgruening/racon/racon/1.5.0+galaxy0 | 2022-09-01 |57.0 + toolshed.g2.bx.psu.edu/repos/iuc/lofreq_call/lofreq_call/2.1.5+galaxy0 | 2022-09-01 |56.0 + CONVERTER_interval_to_bed_0 | 2022-09-01 |56.0 + toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_cut_tool/1.1.0 | 2022-09-01 |56.0 + toolshed.g2.bx.psu.edu/repos/iuc/pear/iuc_pear/0.9.6.2 | 2022-09-01 |56.0 + toolshed.g2.bx.psu.edu/repos/lparsons/htseq_count/htseq_count/0.9.1 | 2022-09-01 |55.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hiccorrelate/hicexplorer_hiccorrelate/3.6+galaxy0 | 2022-09-01 |55.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_bigwig_compare/deeptools_bigwig_compare/3.5.1.0.0 | 2022-09-01 |55.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_CASM/2.18.2.1 | 2022-09-01 |55.0 + toolshed.g2.bx.psu.edu/repos/nilesh/rseqc/rseqc_tin/2.6.4.1 | 2022-09-01 |54.0 + toolshed.g2.bx.psu.edu/repos/iuc/medaka_variant/medaka_variant/1.3.2+galaxy1 | 2022-09-01 |54.0 + toolshed.g2.bx.psu.edu/repos/iuc/edger/edger/3.36.0+galaxy0 | 2022-09-01 |54.0 + toolshed.g2.bx.psu.edu/repos/devteam/samtools_stats/samtools_stats/2.0.4 | 2022-09-01 |53.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_plot_embed/scanpy_plot_embed/1.6.0+galaxy0 | 2022-09-01 |53.0 + toolshed.g2.bx.psu.edu/repos/devteam/bamtools_filter/bamFilter/2.5.1+galaxy0 | 2022-09-01 |53.0 + toolshed.g2.bx.psu.edu/repos/bgruening/tgsgapcloser/tgsgapcloser/1.0.3+galaxy0 | 2022-09-01 |52.0 + toolshed.g2.bx.psu.edu/repos/iuc/compress_file/compress_file/0.1.0 | 2022-09-01 |52.0 + toolshed.g2.bx.psu.edu/repos/iuc/plasflow/PlasFlow/1.0 | 2022-09-01 |52.0 + toolshed.g2.bx.psu.edu/repos/iuc/proteinortho/proteinortho/6.0.32+galaxy0 | 2022-09-01 |52.0 + toolshed.g2.bx.psu.edu/repos/iuc/ggplot2_pca/ggplot2_pca/3.3.5+galaxy0 | 2022-09-01 |51.0 + toolshed.g2.bx.psu.edu/repos/crs4/muscle/muscle/0.0.11 | 2022-09-01 |51.0 + toolshed.g2.bx.psu.edu/repos/iuc/fastqe/fastqe/0.2.6+galaxy2 | 2022-09-01 |51.0 + toolshed.g2.bx.psu.edu/repos/iuc/hmmer_hmmscan/hmmer_hmmscan/3.3.2+galaxy0 | 2022-09-01 |50.0 + toolshed.g2.bx.psu.edu/repos/iuc/roary/roary/3.13.0+galaxy2 | 2022-09-01 |49.0 + toolshed.g2.bx.psu.edu/repos/nilesh/rseqc/rseqc_read_GC/2.6.4 | 2022-09-01 |49.0 + toolshed.g2.bx.psu.edu/repos/iuc/featurecounts/featurecounts/2.0.1+galaxy1 | 2022-09-01 |49.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastq_paired_end_splitter/fastq_paired_end_splitter/1.1.5+galaxy1 | 2022-09-01 |48.0 + toolshed.g2.bx.psu.edu/repos/iuc/goseq/goseq/1.44.0+galaxy2 | 2022-09-01 |48.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_CollectGcBiasMetrics/2.18.2.1 | 2022-09-01 |48.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/PicardInsertSize/1.56.0 | 2022-09-01 |48.0 + toolshed.g2.bx.psu.edu/repos/iuc/jbrowse/jbrowse/1.16.11+galaxy1 | 2022-09-01 |48.0 + toolshed.g2.bx.psu.edu/repos/bgruening/canu/canu/2.1.1+galaxy0 | 2022-09-01 |47.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_screen_seqs/mothur_screen_seqs/1.39.5.1 | 2022-09-01 |47.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastq_to_fasta/cshl_fastq_to_fasta/1.0.2 | 2022-09-01 |47.0 + toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_tail_tool/1.1.0 | 2022-09-01 |46.0 + wig_to_bigWig | 2022-09-01 |46.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_bam_coverage/deeptools_bam_coverage/3.3.2.0.0 | 2022-09-01 |46.0 + toolshed.g2.bx.psu.edu/repos/nml/staramr/staramr_search/0.8.0+galaxy0 | 2022-09-01 |46.0 + toolshed.g2.bx.psu.edu/repos/devteam/sam_merge/sam_merge2/1.2.0 | 2022-09-01 |45.0 + toolshed.g2.bx.psu.edu/repos/simon-gladman/velvetoptimiser/velvetoptimiser/2.2.6 | 2022-09-01 |45.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_unique_seqs/mothur_unique_seqs/1.39.5.0 | 2022-09-01 |45.0 + comp1 | 2022-09-01 |44.0 + CONVERTER_interval_to_bedstrict_0 | 2022-09-01 |44.0 + toolshed.g2.bx.psu.edu/repos/devteam/bowtie2/bowtie2/2.4.2+galaxy0 | 2022-09-01 |44.0 + toolshed.g2.bx.psu.edu/repos/bgruening/trim_galore/trim_galore/0.4.3.1 | 2022-09-01 |44.0 + toolshed.g2.bx.psu.edu/repos/iuc/iqtree/iqtree/2.1.2+galaxy2 | 2022-09-01 |43.0 + toolshed.g2.bx.psu.edu/repos/devteam/tophat2/tophat2/2.1.1 | 2022-09-01 |42.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hictransform/hicexplorer_hictransform/3.6+galaxy0 | 2022-09-01 |42.0 + toolshed.g2.bx.psu.edu/repos/devteam/samtools_flagstat/samtools_flagstat/2.0.4 | 2022-09-01 |42.0 + toolshed.g2.bx.psu.edu/repos/rnateam/peakachu/peakachu/0.1.0.2 | 2022-09-01 |41.0 + param_value_from_file | 2022-09-01 |41.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/msstats/msstats/4.0.0.0 | 2022-09-01 |41.0 + toolshed.g2.bx.psu.edu/repos/bgruening/pileometh/pileometh/0.5.2+galaxy0 | 2022-09-01 |40.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_filter_cells/scanpy_filter_cells/1.6.0+galaxy0 | 2022-09-01 |40.0 + toolshed.g2.bx.psu.edu/repos/iuc/bracken/est_abundance/2.7+galaxy1 | 2022-09-01 |40.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastx_clipper/cshl_fastx_clipper/1.0.1 | 2022-09-01 |40.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastx_reverse_complement/cshl_fastx_reverse_complement/1.0.0 | 2022-09-01 |40.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcf2tsv/vcf2tsv/0.0.3 | 2022-09-01 |40.0 + toolshed.g2.bx.psu.edu/repos/iuc/megahit/megahit/1.2.9+galaxy0 | 2022-09-01 |40.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_plot_correlation/deeptools_plot_correlation/3.5.1.0.0 | 2022-09-01 |40.0 + toolshed.g2.bx.psu.edu/repos/iuc/ragtag/ragtag/2.1.0+galaxy0 | 2022-09-01 |40.0 + CONVERTER_uncompressed_to_gz | 2022-09-01 |40.0 + toolshed.g2.bx.psu.edu/repos/ethevenot/heatmap/Heatmap/2.2.2 | 2022-09-01 |40.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_tagbed/2.30.0 | 2022-09-01 |39.0 + CONVERTER_bed_gff_or_vcf_to_bigwig_0 | 2022-09-01 |39.0 + toolshed.g2.bx.psu.edu/repos/iuc/pilon/pilon/1.20.1 | 2022-09-01 |39.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastx_clipper/cshl_fastx_clipper/1.0.3+galaxy0 | 2022-09-01 |39.0 + toolshed.g2.bx.psu.edu/repos/iuc/circos/circos/0.69.8+galaxy9 | 2022-09-01 |39.0 + toolshed.g2.bx.psu.edu/repos/galaxy-australia/alphafold2/alphafold/2.1.2+galaxy1 | 2022-09-01 |38.0 + toolshed.g2.bx.psu.edu/repos/iuc/bwameth/bwameth/0.2.3+galaxy0 | 2022-09-01 |38.0 + CONVERTER_bam_to_bigwig_0 | 2022-09-01 |37.0 + toolshed.g2.bx.psu.edu/repos/iuc/obi_clean/obi_clean/1.2.13 | 2022-09-01 |37.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_align_seqs/mothur_align_seqs/1.39.5.0 | 2022-09-01 |37.0 + toolshed.g2.bx.psu.edu/repos/iuc/fasttree/fasttree/2.1.10+galaxy1 | 2022-09-01 |37.0 + Convert characters1 | 2022-09-01 |37.0 + toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_awk_tool/1.1.2 | 2022-09-01 |36.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_genomecoveragebed/2.30.0 | 2022-09-01 |36.0 + toolshed.g2.bx.psu.edu/repos/devteam/freebayes/bamleftalign/1.3.1 | 2022-09-01 |36.0 + toolshed.g2.bx.psu.edu/repos/rnateam/mafft/rbc_mafft_add/7.505+galaxy0 | 2022-09-01 |36.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastx_collapser/cshl_fastx_collapser/1.0.1 | 2022-09-01 |36.0 + toolshed.g2.bx.psu.edu/repos/iuc/humann_renorm_table/humann_renorm_table/3.0.0+galaxy1 | 2022-09-01 |36.0 + toolshed.g2.bx.psu.edu/repos/iuc/pygenometracks/pygenomeTracks/3.6+galaxy1 | 2022-09-01 |35.0 + toolshed.g2.bx.psu.edu/repos/nml/metaspades/metaspades/3.15.4+galaxy2 | 2022-09-01 |35.0 + toolshed.g2.bx.psu.edu/repos/bgruening/diamond/bg_diamond/2.0.15+galaxy0 | 2022-09-01 |35.0 + toolshed.g2.bx.psu.edu/repos/chemteam/mmpbsa_mmgbsa/mmpbsa_mmgbsa/21.10+galaxy0 | 2022-09-01 |35.0 + toolshed.g2.bx.psu.edu/repos/devteam/bamtools/bamtools/2.5.1+galaxy0 | 2022-09-01 |35.0 + tabular_to_csv | 2022-09-01 |34.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_coveragebed/2.30.0 | 2022-09-01 |34.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastq_trimmer/fastq_trimmer/1.1.5 | 2022-09-01 |34.0 + toolshed.g2.bx.psu.edu/repos/devteam/samtools_rmdup/samtools_rmdup/1.0.0 | 2022-09-01 |34.0 + toolshed.g2.bx.psu.edu/repos/iuc/medaka_consensus_pipeline/medaka_consensus_pipeline/1.4.4+galaxy1 | 2022-09-01 |33.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_multi_bam_summary/deeptools_multi_bam_summary/3.5.1.0.0 | 2022-09-01 |33.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/metagene_annotator/metagene_annotator/1.0.0 | 2022-09-01 |33.0 + toolshed.g2.bx.psu.edu/repos/bgruening/gfastats/gfastats/1.2.1+galaxy0 | 2022-09-01 |33.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_bam_compare/deeptools_bam_compare/3.5.1.0.0 | 2022-09-01 |33.0 + upload1 | 2022-09-01 |33.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicmergematrixbins/hicexplorer_hicmergematrixbins/3.6+galaxy0 | 2022-09-01 |32.0 + toolshed.g2.bx.psu.edu/repos/iuc/kallisto_quant/kallisto_quant/0.46.2+galaxy0 | 2022-09-01 |32.0 + toolshed.g2.bx.psu.edu/repos/iuc/pretext_map/pretext_map/0.1.9+galaxy0 | 2022-09-01 |32.0 + toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_head_tool/1.1.0 | 2022-09-01 |32.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_intersectbed/2.30.0 | 2022-09-01 |32.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_pre_cluster/mothur_pre_cluster/1.39.5.0 | 2022-09-01 |31.0 + CONVERTER_interval_to_bgzip_0 | 2022-09-01 |31.0 + CONVERTER_interval_to_bed12_0 | 2022-09-01 |31.0 + toolshed.g2.bx.psu.edu/repos/iuc/samtools_view/samtools_view/1.9+galaxy1 | 2022-09-01 |31.0 + toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_grep_tool/1.1.1 | 2022-09-01 |31.0 + toolshed.g2.bx.psu.edu/repos/iuc/snpeff/snpSift_filter/3.4 | 2022-09-01 |30.0 + toolshed.g2.bx.psu.edu/repos/iuc/ruvseq/ruvseq/1.26.0+galaxy0 | 2022-09-01 |30.0 + toolshed.g2.bx.psu.edu/repos/iuc/lofreq_filter/lofreq_filter/2.1.3.1+galaxy1 | 2022-09-01 |30.0 + toolshed.g2.bx.psu.edu/repos/bebatut/format_metaphlan2_output/format_metaphlan2_output/0.1.0 | 2022-09-01 |30.0 + ChangeCase | 2022-09-01 |30.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicplottads/hicexplorer_hicplottads/2.1.4.0 | 2022-09-01 |30.0 + toolshed.g2.bx.psu.edu/repos/iuc/qiime_extract_barcodes/qiime_extract_barcodes/1.9.1.0 | 2022-09-01 |30.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/monocle3_reducedim/monocle3_reduceDim/0.1.4+galaxy0 | 2022-09-01 |29.0 + Show beginning1 | 2022-09-01 |29.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicfindrestrictionsites/hicexplorer_hicfindrestrictionsites/3.6+galaxy0 | 2022-09-01 |29.0 + toolshed.g2.bx.psu.edu/repos/iuc/datamash_ops/datamash_ops/1.1.0+galaxy2 | 2022-09-01 |28.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_MergeSamFiles/2.18.2.1 | 2022-09-01 |28.0 + toolshed.g2.bx.psu.edu/repos/iuc/bellerophon/bellerophon/1.0+galaxy0 | 2022-09-01 |28.0 + toolshed.g2.bx.psu.edu/repos/devteam/bwa/bwa/0.7.17.5 | 2022-09-01 |28.0 + CONVERTER_bed_to_fli_0 | 2022-09-01 |28.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_slopbed/2.30.0+galaxy1 | 2022-09-01 |28.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/anndata_ops/anndata_ops/1.6.0+galaxy1 | 2022-09-01 |28.0 + toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_pca/sklearn_pca/1.0.8.4+galaxy0 | 2022-09-01 |28.0 + toolshed.g2.bx.psu.edu/repos/iuc/links/links/2.0.1+galaxy+1 | 2022-09-01 |28.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicplotaverageregions/hicexplorer_hicplotaverageregions/3.6+galaxy0 | 2022-09-01 |28.0 + toolshed.g2.bx.psu.edu/repos/devteam/samtools_flagstat/samtools_flagstat/1.0.0 | 2022-09-01 |28.0 + toolshed.g2.bx.psu.edu/repos/iuc/bctools_extract_alignment_ends/bctools_extract_alignment_ends/0.2.2 | 2022-09-01 |28.0 + CONVERTER_interval_to_tabix_0 | 2022-09-01 |27.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/regex_find_replace/regexColumn1/1.0.2 | 2022-09-01 |27.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastx_trimmer/cshl_fastx_trimmer/1.0.2+galaxy0 | 2022-09-01 |27.0 + toolshed.g2.bx.psu.edu/repos/iuc/medaka_consensus/medaka_consensus/1.0.3+galaxy2 | 2022-09-01 |27.0 + toolshed.g2.bx.psu.edu/repos/iuc/vcf2maf/vcf2maf/1.6.21 | 2022-09-01 |27.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_find_markers/scanpy_find_markers/1.6.0+galaxy3 | 2022-09-01 |26.0 + toolshed.g2.bx.psu.edu/repos/bgruening/uniprot_rest_interface/uniprot/0.2 | 2022-09-01 |26.0 + toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_sed_tool/1.1.1 | 2022-09-01 |26.0 + toolshed.g2.bx.psu.edu/repos/iuc/meryl/meryl/1.3+galaxy6 | 2022-09-01 |26.0 + toolshed.g2.bx.psu.edu/repos/lparsons/cutadapt/cutadapt/3.4+galaxy1 | 2022-09-01 |26.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/monocle3_preprocess/monocle3_preprocess/0.1.4+galaxy0 | 2022-09-01 |26.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_heatmap_sim/mothur_heatmap_sim/1.39.5.0 | 2022-09-01 |26.0 + toolshed.g2.bx.psu.edu/repos/iuc/samtools_markdup/samtools_markdup/1.15.1+galaxy0 | 2022-09-01 |25.0 + interactive_tool_rstudio | 2022-09-01 |25.0 + toolshed.g2.bx.psu.edu/repos/imgteam/unzip/unzip/0.2 | 2022-09-01 |25.0 + __TAG_FROM_FILE__ | 2022-09-01 |25.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastqc/fastqc/0.69 | 2022-09-01 |24.0 + toolshed.g2.bx.psu.edu/repos/iuc/bbtools_bbmap/bbtools_bbmap/1.0.0+galaxy1.0.0 | 2022-09-01 |24.0 + toolshed.g2.bx.psu.edu/repos/iuc/mageck_count/mageck_count/0.5.8.4 | 2022-09-01 |24.0 + toolshed.g2.bx.psu.edu/repos/wolma/mimodd_main/mimodd_varcall/0.1.8_1 | 2022-09-01 |24.0 + toolshed.g2.bx.psu.edu/repos/iuc/metaphlan2/metaphlan2/2.6.0.0 | 2022-09-01 |24.0 + toolshed.g2.bx.psu.edu/repos/iuc/gemini_query/gemini_query/0.20.1+galaxy2 | 2022-09-01 |24.0 + toolshed.g2.bx.psu.edu/repos/devteam/macs/peakcalling_macs/1.0.1 | 2022-09-01 |24.0 + toolshed.g2.bx.psu.edu/repos/iuc/ivar_consensus/ivar_consensus/1.3.1+galaxy0 | 2022-09-01 |24.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_filter_seqs/mothur_filter_seqs/1.39.5.0 | 2022-09-01 |24.0 + toolshed.g2.bx.psu.edu/repos/iuc/pretext_snapshot/pretext_snapshot/0.0.3+galaxy1 | 2022-09-01 |24.0 + addValue | 2022-09-01 |23.0 + toolshed.g2.bx.psu.edu/repos/devteam/samtools_calmd/samtools_calmd/2.0.3 | 2022-09-01 |23.0 + toolshed.g2.bx.psu.edu/repos/iuc/mummer_nucmer/mummer_nucmer/4.0.0rc1+galaxy2 | 2022-09-01 |23.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_DownsampleSam/2.18.2.1 | 2022-09-01 |23.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/msstatstmt/msstatstmt/2.0.0+galaxy0 | 2022-09-01 |23.0 + toolshed.g2.bx.psu.edu/repos/devteam/bowtie2/bowtie2/2.3.4.3+galaxy0 | 2022-09-01 |23.0 + toolshed.g2.bx.psu.edu/repos/iuc/trinity/trinity/2.9.1+galaxy2 | 2022-09-01 |23.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastq_trimmer_by_quality/fastq_quality_trimmer/1.1.5 | 2022-09-01 |23.0 + toolshed.g2.bx.psu.edu/repos/iuc/fasta_stats/fasta-stats/2.0 | 2022-09-01 |23.0 + toolshed.g2.bx.psu.edu/repos/iuc/ncbi_acc_download/ncbi_acc_download/0.2.7+galaxy0 | 2022-09-01 |23.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_plot_embed/scanpy_plot_embed/1.8.1+galaxy0 | 2022-09-01 |22.0 + toolshed.g2.bx.psu.edu/repos/iuc/meme_chip/meme_chip/4.11.2+galaxy1 | 2022-09-01 |22.0 + toolshed.g2.bx.psu.edu/repos/devteam/varscan_version_2/varscan/2.4.2 | 2022-09-01 |22.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_getfastabed/2.30.0+galaxy1 | 2022-09-01 |22.0 + interactive_tool_jupyter_notebook | 2022-09-01 |22.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/thermo_raw_file_converter/thermo_raw_file_converter/1.3.4+galaxy0 | 2022-09-01 |22.0 + toolshed.g2.bx.psu.edu/repos/iuc/raven/raven/1.8.0+galaxy0 | 2022-09-01 |22.0 + toolshed.g2.bx.psu.edu/repos/iuc/gemini_load/gemini_load/0.20.1+galaxy2 | 2022-09-01 |22.0 + toolshed.g2.bx.psu.edu/repos/bgruening/trna_prediction/aragorn_trna/0.6 | 2022-09-01 |22.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_AddOrReplaceReadGroups/2.18.2.1 | 2022-09-01 |22.0 + toolshed.g2.bx.psu.edu/repos/iuc/anndata_manipulate/anndata_manipulate/0.7.5+galaxy0 | 2022-09-01 |22.0 + toolshed.g2.bx.psu.edu/repos/iuc/pathview/pathview/1.34.0+galaxy0 | 2022-09-01 |21.0 + toolshed.g2.bx.psu.edu/repos/iuc/prinseq/prinseq/0.20.4+galaxy2 | 2022-09-01 |21.0 + toolshed.g2.bx.psu.edu/repos/rnateam/graphclust_prepocessing_for_mlocarna/preMloc/0.4 | 2022-09-01 |21.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/pepquery/pepquery/1.6.2+galaxy1 | 2022-09-01 |21.0 + toolshed.g2.bx.psu.edu/repos/iuc/mageck_test/mageck_test/0.5.8.1 | 2022-09-01 |21.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastq_quality_filter/cshl_fastq_quality_filter/1.0.2+galaxy0 | 2022-09-01 |21.0 + toolshed.g2.bx.psu.edu/repos/rnateam/graphclust_nspdk/NSPDK_candidateClust/9.2.3.1 | 2022-09-01 |21.0 + toolshed.g2.bx.psu.edu/repos/iuc/tximport/tximport/1.22.0 | 2022-09-01 |21.0 + toolshed.g2.bx.psu.edu/repos/iuc/newick_utils/newick_display/1.6+galaxy1 | 2022-09-01 |21.0 + toolshed.g2.bx.psu.edu/repos/rnateam/graphclust_postprocessing/glob_report/0.5 | 2022-09-01 |21.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hiccorrectmatrix/hicexplorer_hiccorrectmatrix/3.6+galaxy0 | 2022-09-01 |21.0 + toolshed.g2.bx.psu.edu/repos/nilesh/rseqc/rseqc_bam2wig/2.6.4 | 2022-09-01 |21.0 + toolshed.g2.bx.psu.edu/repos/iuc/jvarkit_wgscoverageplotter/jvarkit_wgscoverageplotter/20201223+galaxy0 | 2022-09-01 |21.0 + toolshed.g2.bx.psu.edu/repos/iuc/gatk4_mutect2/gatk4_mutect2/4.1.7.0+galaxy1 | 2022-09-01 |20.0 + toolshed.g2.bx.psu.edu/repos/iuc/ngsutils_bam_filter/ngsutils_bam_filter/0.5.9 | 2022-09-01 |20.0 + toolshed.g2.bx.psu.edu/repos/iuc/kraken_taxonomy_report/kraken_taxonomy_report/0.0.2 | 2022-09-01 |20.0 + toolshed.g2.bx.psu.edu/repos/bgruening/fastq_info/fastq_info/0.25.1+Galaxy0 | 2022-09-01 |20.0 + toolshed.g2.bx.psu.edu/repos/devteam/samtools_mpileup/samtools_mpileup/2.1.6 | 2022-09-01 |20.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicfindtads/hicexplorer_hicfindtads/3.6+galaxy0 | 2022-09-01 |20.0 + toolshed.g2.bx.psu.edu/repos/iuc/ncbi_datasets/datasets_download_genome/13.35.0+galaxy0 | 2022-09-01 |20.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/monocle3_partition/monocle3_partition/0.1.4+galaxy0 | 2022-09-01 |20.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_plot_heatmap/deeptools_plot_heatmap/3.3.2.0.1 | 2022-09-01 |20.0 + toolshed.g2.bx.psu.edu/repos/iuc/abricate/abricate_summary/1.0.1 | 2022-09-01 |20.0 + toolshed.g2.bx.psu.edu/repos/iuc/extract_genomic_dna/Extract genomic DNA 1/3.0.3+galaxy2 | 2022-09-01 |20.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastx_collapser/cshl_fastx_collapser/1.0.0 | 2022-09-01 |20.0 + toolshed.g2.bx.psu.edu/repos/iuc/scanpy_cluster_reduce_dimension/scanpy_cluster_reduce_dimension/1.7.1+galaxy0 | 2022-09-01 |20.0 + toolshed.g2.bx.psu.edu/repos/iuc/query_tabular/query_tabular/3.3.0 | 2022-09-01 |20.0 + toolshed.g2.bx.psu.edu/repos/bgruening/cp_common/cp_common/3.1.9+galaxy1 | 2022-09-01 |19.0 + toolshed.g2.bx.psu.edu/repos/bgruening/cp_color_to_gray/cp_color_to_gray/3.1.9+galaxy0 | 2022-09-01 |19.0 + toolshed.g2.bx.psu.edu/repos/bgruening/cp_cellprofiler/cp_cellprofiler/3.1.9+galaxy0 | 2022-09-01 |19.0 + toolshed.g2.bx.psu.edu/repos/iuc/fastani/fastani/1.3 | 2022-09-01 |19.0 + toolshed.g2.bx.psu.edu/repos/iuc/mlst/mlst/2.22.0 | 2022-09-01 |19.0 + toolshed.g2.bx.psu.edu/repos/devteam/gffread/gffread/2.2.1.3+galaxy0 | 2022-09-01 |19.0 + toolshed.g2.bx.psu.edu/repos/iuc/trinity_align_and_estimate_abundance/trinity_align_and_estimate_abundance/2.9.1+galaxy1 | 2022-09-01 |19.0 + toolshed.g2.bx.psu.edu/repos/iuc/genomescope/genomescope/2.0+galaxy2 | 2022-09-01 |19.0 + toolshed.g2.bx.psu.edu/repos/devteam/cuffmerge/cuffmerge/2.2.1.3 | 2022-09-01 |19.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_bamtofastq/2.27.1 | 2022-09-01 |19.0 + toolshed.g2.bx.psu.edu/repos/bgruening/cp_save_images/cp_save_images/3.1.9+galaxy1 | 2022-09-01 |19.0 + toolshed.g2.bx.psu.edu/repos/iuc/stringtie/stringtie_merge/2.1.7+galaxy1 | 2022-09-01 |19.0 + toolshed.g2.bx.psu.edu/repos/iuc/graphlan/graphlan/1.0.0.0 | 2022-09-01 |19.0 + toolshed.g2.bx.psu.edu/repos/bgruening/gfastats/gfastats/1.2.2+galaxy0 | 2022-09-01 |18.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_chimera_vsearch/mothur_chimera_vsearch/1.39.5.1 | 2022-09-01 |18.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/maxquant/maxquant/1.6.17.0+galaxy4 | 2022-09-01 |18.0 + toolshed.g2.bx.psu.edu/repos/devteam/ncbi_blast_plus/ncbi_blastx_wrapper/2.10.1+galaxy2 | 2022-09-01 |18.0 + CONVERTER_gff_to_bed_0 | 2022-09-01 |18.0 + toolshed.g2.bx.psu.edu/repos/bgruening/cp_export_to_spreadsheet/cp_export_to_spreadsheet/3.1.9+galaxy1 | 2022-09-01 |18.0 + __MERGE_COLLECTION__ | 2022-09-01 |18.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicaverageregions/hicexplorer_hicaverageregions/3.6+galaxy0 | 2022-09-01 |18.0 + toolshed.g2.bx.psu.edu/repos/iuc/stacks2_tsv2bam/stacks2_tsv2bam/2.55+galaxy4 | 2022-09-01 |18.0 + toolshed.g2.bx.psu.edu/repos/iuc/anndata_import/anndata_import/0.7.5+galaxy1 | 2022-09-01 |18.0 + toolshed.g2.bx.psu.edu/repos/iuc/flash/flash/1.2.11.4 | 2022-09-01 |17.0 + toolshed.g2.bx.psu.edu/repos/bgruening/interproscan/interproscan/5.55-88.0+galaxy3 | 2022-09-01 |17.0 + toolshed.g2.bx.psu.edu/repos/iuc/collection_element_identifiers/collection_element_identifiers/0.0.2 | 2022-09-01 |17.0 + toolshed.g2.bx.psu.edu/repos/iuc/ivar_variants/ivar_variants/1.3.1+galaxy2 | 2022-09-01 |17.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_compute_matrix/deeptools_compute_matrix/3.3.2.0.0 | 2022-09-01 |17.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_plot_fingerprint/deeptools_plot_fingerprint/3.5.1.0.0 | 2022-09-01 |17.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicbuildmatrix/hicexplorer_hicbuildmatrix/3.6+galaxy0 | 2022-09-01 |16.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/filter_by_fasta_ids/filter_by_fasta_ids/2.1 | 2022-09-01 |16.0 + toolshed.g2.bx.psu.edu/repos/devteam/add_value/addValue/1.0.0 | 2022-09-01 |16.0 + toolshed.g2.bx.psu.edu/repos/devteam/kraken/kraken/1.3.1 | 2022-09-01 |16.0 + toolshed.g2.bx.psu.edu/repos/bgruening/pileometh/pileometh/0.3.0.1 | 2022-09-01 |16.0 + toolshed.g2.bx.psu.edu/repos/iuc/metaphlan2krona/metaphlan2krona/2.6.0.0 | 2022-09-01 |16.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcfselectsamples/vcfselectsamples/1.0.0_rc1+galaxy0 | 2022-09-01 |16.0 + toolshed.g2.bx.psu.edu/repos/iuc/seqtk/seqtk_sample/1.3.2 | 2022-09-01 |16.0 + toolshed.g2.bx.psu.edu/repos/iuc/filtlong/filtlong/0.2.0 | 2022-09-01 |16.0 + toolshed.g2.bx.psu.edu/repos/devteam/intersect/gops_intersect_1/1.0.0 | 2022-09-01 |16.0 + toolshed.g2.bx.psu.edu/repos/crs4/taxonomy_krona_chart/taxonomy_krona_chart/2.7.1+galaxy0 | 2022-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/devteam/ncbi_blast_plus/ncbi_tblastn_wrapper/2.10.1+galaxy2 | 2022-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/bgruening/plotly_parallel_coordinates_plot/plotly_parallel_coordinates_plot/0.1 | 2022-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/iuc/multiqc/multiqc/1.7 | 2022-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/artbio/concatenate_multiple_datasets/cat_multi_datasets/1.4.1 | 2022-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/iuc/bbtools_bbmap/bbtools_bbmap/1.0.0+galaxy4 | 2022-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/iuc/recentrifuge/recentrifuge/1.9.1+galaxy1 | 2022-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/iuc/quast/quast/5.0.2+galaxy1 | 2022-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/bgruening/bismark/bismark_bowtie2/0.22.1+galaxy4 | 2022-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/wolma/mimodd_main/mimodd_varextract/0.1.8_1 | 2022-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/fasta_merge_files_and_filter_unique_sequences/fasta_merge_files_and_filter_unique_sequences/1.2.0 | 2022-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/bgruening/autodock_vina/docking/1.2.3+galaxy0 | 2022-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_make_contigs/mothur_make_contigs/1.39.5.1 | 2022-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/iuc/trycycler_cluster/trycycler_cluster/0.5.3 | 2022-09-01 |14.0 + CONVERTER_bz2_to_uncompressed | 2022-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/monocle3_ordercells/monocle3_orderCells/0.1.4+galaxy0 | 2022-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/crs4/sopra/sopra_wpc/0.1 | 2022-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_searchcv/sklearn_searchcv/1.0.8.4 | 2022-09-01 |14.0 + CONVERTER_bam_to_qname_sorted_bam | 2022-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/iuc/samtools_depth/samtools_depth/1.15.1+galaxy0 | 2022-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcffixup/vcffixup/1.0.0_rc1+galaxy0 | 2022-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastqc/fastqc/0.63 | 2022-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/iuc/mitos2/mitos2/2.0.6+galaxy2 | 2022-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/iuc/hisat2/hisat2/2.1.0+galaxy7 | 2022-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/iuc/trinity_analyze_diff_expr/trinity_analyze_diff_expr/2.8.4+galaxy1 | 2022-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/rnateam/splitfasta/rbc_splitfasta/0.2.0 | 2022-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/devteam/xy_plot/XY_Plot_1/1.0.2 | 2022-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/iuc/jellyfish/jellyfish/2.3.0+galaxy0 | 2022-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/devteam/join/gops_join_1/1.0.0 | 2022-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_find_variable_genes/scanpy_find_variable_genes/1.6.0+galaxy0 | 2022-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_run_umap/scanpy_run_umap/1.6.0+galaxy1 | 2022-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_normalise_data/scanpy_normalise_data/1.6.0+galaxy0 | 2022-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_run_tsne/scanpy_run_tsne/1.6.0+galaxy2 | 2022-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_run_pca/scanpy_run_pca/1.6.0+galaxy1 | 2022-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/devteam/samtools_flagstat/samtools_flagstat/2.0.3 | 2022-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/iuc/scanpy_normalize/scanpy_normalize/1.7.1+galaxy0 | 2022-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_compute_graph/scanpy_compute_graph/1.6.0+galaxy4 | 2022-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/iuc/scanpy_remove_confounders/scanpy_remove_confounders/1.7.1+galaxy0 | 2022-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/chemteam/parmconv/parmconv/21.10+galaxy0 | 2022-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/iuc/bcftools_consensus/bcftools_consensus/1.9+galaxy1 | 2022-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_scale_data/scanpy_scale_data/1.6.0+galaxy0 | 2022-09-01 |13.0 + CONVERTER_sam_to_bigwig_0 | 2022-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_filter_genes/scanpy_filter_genes/1.6.0+galaxy0 | 2022-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/rnateam/chipseeker/chipseeker/1.28.3+galaxy0 | 2022-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_find_cluster/scanpy_find_cluster/1.6.0+galaxy4 | 2022-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/iuc/rgrnastar/rna_star/2.7.8a | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/iuc/featurecounts/featurecounts/1.6.3 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicpca/hicexplorer_hicpca/3.6+galaxy0 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/iuc/hisat2/hisat2/2.1.0+galaxy3 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_cluster_split/mothur_cluster_split/1.39.5.0 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_anosim/mothur_anosim/1.39.5.0 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/iuc/humann2_unpack_pathways/humann2_unpack_pathways/0.11.1.1 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/devteam/samtools_rmdup/samtools_rmdup/2.0 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/lparsons/cutadapt/cutadapt/1.16.3 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/iuc/bioext_bam2msa/bioext_bam2msa/0.20.4+galaxy0 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/cardinal_data_exporter/cardinal_data_exporter/2.10.0.0 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_MarkDuplicates/2.18.2.1 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/wolma/mimodd_main/mimodd_vcf_filter/0.1.8_1 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/iuc/rgrnastar/rna_star/2.6.0b-2 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/iuc/snpeff/snpEff/4.1.0 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/iuc/samtools_merge/samtools_merge/1.15.1+galaxy0 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/devteam/cuffcompare/cuffcompare/2.2.1.2 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_make_shared/mothur_make_shared/1.39.5.0 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/bebatut/group_humann2_uniref_abundances_to_go/group_humann2_uniref_abundances_to_go/1.2.3 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicadjustmatrix/hicexplorer_hicadjustmatrix/3.6+galaxy0 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_FixMateInformation/2.18.2.1 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/csbl/repeatmodeler/repeatmodeler/2.0.3+galaxy0 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/devteam/ncbi_blast_plus/ncbi_blastn_wrapper/2.10.1+galaxy0 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/iuc/dada2_filterandtrim/dada2_filterAndTrim/1.20+galaxy0 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/devteam/samtools_idxstats/samtools_idxstats/2.0.2 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hiccompartmentspolarization/hicexplorer_hiccompartmentspolarization/3.6+galaxy0 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/iuc/seqkit_stats/seqkit_stats/2.2.0+galaxy0 | 2022-09-01 |12.0 + gbk_to_orf | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/chemteam/bio3d_rmsd/bio3d_rmsd/2.3.4 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/bgruening/sailfish/sailfish/0.10.1.1 | 2022-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/iuc/humann2/humann2/0.11.1.0 | 2022-09-01 |11.0 + Count1 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_bam_coverage/deeptools_bam_coverage/2.4.1.0 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/bgruening/flye/flye/2.6 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/iuc/export2graphlan/export2graphlan/0.19 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/lparsons/fastq_join/fastq_join/1.1.2-806.1 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/iuc/trinity_samples_qccheck/trinity_samples_qccheck/2.8.4 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/devteam/sam_pileup/sam_pileup/1.1.1 | 2022-09-01 |11.0 + velveth | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/iuc/qualimap_rnaseq/qualimap_rnaseq/2.2.2c+galaxy1 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/rnateam/viennarna_rnafold/viennarna_rnafold/2.2.10.4 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/iuc/vsearch/vsearch_dereplication/1.9.7.0 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/iuc/snp_dists/snp_dists/0.6.3+galaxy0 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/iuc/humann2_genefamilies_genus_level/humann2_genefamilies_genus_level/0.11.1.0 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/monocle3_create/monocle3_create/0.1.4+galaxy2 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/iuc/bcftools_norm/bcftools_norm/1.9+galaxy1 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/crs4/prokka/prokka/1.14.6+galaxy0 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/bgruening/prepare_ligands_for_docking/prepare_ligands_for_docking/3.1.1+galaxy0 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/bebatut/group_humann2_uniref_abundances_to_go/group_humann2_uniref_abundances_to_go/1.2.0 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/mvdbeek/add_input_name_as_column/addName/0.2.0 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/devteam/emboss_5/EMBOSS: extractseq35/5.0.0 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/rnateam/sortmerna/bg_sortmerna/2.1b.5 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcffilter/vcffilter2/1.0.0_rc3+galaxy3 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/devteam/cuffdiff/cuffdiff/2.2.1.6 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/iuc/gtftobed12/gtftobed12/357 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_remove_seqs/mothur_remove_seqs/1.39.5.0 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/chemteam/gmx_setup/gmx_setup/2022+galaxy0 | 2022-09-01 |11.0 + CONVERTER_bedgraph_to_bigwig | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastqc/fastqc/0.71 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/bgruening/trim_galore/trim_galore/0.4.2 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/iuc/bandage/bandage_image/0.8.1+galaxy2 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/galaxy-australia/smudgeplot/smudgeplot/0.2.5+galaxy+1 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/regex_find_replace/regex1/1.0.2 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/wolma/mimodd_main/mimodd_varreport/0.1.8_1 | 2022-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/bgruening/cp_measure_object_size_shape/cp_measure_object_size_shape/3.1.9+galaxy0 | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/bgruening/cp_identify_primary_objects/cp_identify_primary_objects/3.1.9+galaxy1 | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/ethevenot/qualitymetrics/quality_metrics/2.2.8 | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/bgruening/rxdock_rbdock/rxdock_rbdock/0.1.5 | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_MarkDuplicatesWithMateCigar/2.18.2.2 | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/bgruening/cp_overlay_outlines/cp_overlay_outlines/3.1.9+galaxy0 | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/iuc/strelka_germline/strelka_germline/2.9.10+galaxy0 | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/bgruening/cp_measure_object_intensity/cp_measure_object_intensity/3.1.9+galaxy0 | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcfbedintersect/vcfbedintersect/1.0.0_rc1+galaxy0 | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/bgruening/cp_track_objects/cp_track_objects/3.1.9+galaxy0 | 2022-09-01 |10.0 + __EXPORT_HISTORY__ | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/iuc/annotatemyids/annotatemyids/3.12.0+galaxy1 | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/devteam/bowtie2/bowtie2/2.4.5+galaxy0 | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/iuc/ggplot2_heatmap2/ggplot2_heatmap2/2.2.1+galaxy1 | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_classify_seqs/mothur_classify_seqs/1.39.5.0 | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/monocle3_learngraph/monocle3_learnGraph/0.1.4+galaxy0 | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/peterjc/mira_assembler/mira_assembler/0.0.11 | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/iuc/samtools_coverage/samtools_coverage/1.15.1+galaxy0 | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/devteam/emboss_5/EMBOSS: union105/5.0.0 | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/iuc/abyss/abyss-pe/2.3.4+galaxy1 | 2022-09-01 |10.0 + velvetg | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/devteam/fasta_concatenate_by_species/fasta_concatenate0/0.0.1 | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/iuc/snpeff/snpEff_build_gb/4.3+T.galaxy4 | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/bgruening/cp_tile/cp_tile/3.1.9+galaxy0 | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/iuc/gffcompare/gffcompare/0.11.2 | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/rnateam/structure_to_gspan/structure_to_gspan/0.4 | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/rnateam/graphclust_preprocessing/preproc/0.5 | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/iuc/ggplot2_point/ggplot2_point/2.2.1+galaxy2 | 2022-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/devteam/emboss_5/EMBOSS: needle56/5.0.0.1 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/jbrowse/jbrowse/1.16.9+galaxy0 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_multi_bigwig_summary/deeptools_multi_bigwig_summary/3.5.1.0.0 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_reverse_seqs/mothur_reverse_seqs/1.39.5.0 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicdetectloops/hicexplorer_hicdetectloops/3.6+galaxy0 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/nml/staramr/staramr_search/0.7.1+galaxy2 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/umi_tools_dedup/umi_tools_dedup/0.5.3.0 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_genomecoveragebed_histogram/2.19.0 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/unipept/unipept/4.3.0 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/stacks2_procrad/stacks2_procrad/2.55+galaxy4 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicconvertformat/hicexplorer_hicconvertformat/3.6+galaxy0 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/kraken_biom/kraken_biom/1.0.1+galaxy0 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/lofreq_alnqual/lofreq_alnqual/2.1.5+galaxy1 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/crs4/prokka/prokka/1.14.5+galaxy0 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/fastp/fastp/0.19.5+galaxy1 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/ivar_consensus/ivar_consensus/1.2.2+galaxy0 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_plot_enrichment/deeptools_plot_enrichment/3.5.1.0.0 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/ivar_variants/ivar_variants/1.2+galaxy0 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_numeric_clustering/sklearn_numeric_clustering/1.0.8.1 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/umi_tools_extract/umi_tools_extract/0.5.5.1 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/bgruening/nanopolish_polya/nanopolish_polya/0.13.2+galaxy0 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/qualimap_counts/qualimap_counts/2.2.2c | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/progressivemauve/progressivemauve/2015_02_13.1 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastx_reverse_complement/cshl_fastx_reverse_complement/1.0.2+galaxy0 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_filter_cells/scanpy_filter_cells/1.8.1+galaxy0 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/miller-lab/genome_diversity/gd_raxml/1.0.0 | 2022-09-01 |9.0 + __FILTER_FROM_FILE__ | 2022-09-01 |9.0 + wc_gnu | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/trinotate/trinotate/3.2.2+galaxy0 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/freyja_aggregate_plot/freyja_aggregate_plot/1.3.8+galaxy0 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/anndata_ops/anndata_ops/1.8.1+galaxy0 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/ncbi_eutils_efetch/ncbi_eutils_efetch/1.2 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/mummer_dnadiff/mummer_dnadiff/4.0.0rc1+galaxy2 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/spades_plasmidspades/spades_plasmidspades/3.15.4+galaxy2 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/tbl2gff3/tbl2gff3/1.1 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_genomecoveragebed_bedgraph/2.19.0 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/yahs/yahs/1.2a+galaxy1 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_build_pipeline/sklearn_build_pipeline/1.0.8.1 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/devteam/count_covariates/gatk_count_covariates/0.0.5 | 2022-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/dexseq/dexseq_count/1.28.1.1 | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/cardinal_quality_report/cardinal_quality_report/2.10.0.0 | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/bgruening/split_file_on_column/tp_split_on_column/0.4 | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/multiqc/multiqc/1.8+galaxy1 | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/pe_histogram/pe_histogram/1.0.1 | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/snpeff/snpSift_annotate/3.4 | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcf2tsv/vcf2tsv/1.0.0_rc3+galaxy0 | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/snippy/snippy_core/3.2 | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/devteam/column_maker/Add_a_column1/1.2.0 | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/eggnog_mapper/eggnog_mapper/2.1.8+galaxy3 | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_read_10x/scanpy_read_10x/1.8.1+galaxy0 | 2022-09-01 |8.0 + CONVERTER_ref_to_seq_taxomony | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/gemini_stats/gemini_stats/0.20.1 | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/nml/sistr_cmd/sistr_cmd/1.1.1+galaxy1 | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/devteam/bowtie2/bowtie2/2.3.4.3 | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_taxonomy_to_krona/mothur_taxonomy_to_krona/1.0 | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/homer_findmotifsgenome/homer_findMotifsGenome/4.11+galaxy2 | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/samtools_fixmate/samtools_fixmate/1.15.1+galaxy0 | 2022-09-01 |8.0 + gff2bed1 | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/devteam/principal_component_analysis/pca1/1.0.2 | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_find_cluster/scanpy_find_cluster/1.8.1+galaxy0 | 2022-09-01 |8.0 + bed2gff1 | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/breseq/breseq/0.35.5+galaxy1 | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_count_seqs/mothur_count_seqs/1.39.5.0 | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastx_artifacts_filter/cshl_fastx_artifacts_filter/1.0.1+galaxy0 | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/peterjc/blastxml_to_top_descr/blastxml_to_top_descr/0.1.1 | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_artifact_metrics/2.18.2.2 | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_tree_shared/mothur_tree_shared/1.39.5.0 | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/novoplasty/novoplasty/4.3.1+galaxy0 | 2022-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/qiime_assign_taxonomy/qiime_assign_taxonomy/1.9.1.0 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/raxml/raxml/8.2.4+galaxy3 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/tbprofiler/tb_profiler_profile/4.1.1+galaxy0 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/export2graphlan/export2graphlan/0.20+galaxy0 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/bandage/bandage_image/0.8.1+galaxy0 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/bbtools_bbduk/bbtools_bbduk/1.0.0+galaxy3 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/trinity_abundance_estimates_to_matrix/trinity_abundance_estimates_to_matrix/2.9.1 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/bgruening/openbabel_compound_convert/openbabel_compound_convert/3.1.1+galaxy0 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/deseq2/deseq2/2.11.40.6+galaxy2 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/devteam/fasta_filter_by_length/fasta_filter_by_length/1.2 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/chemteam/gmx_sim/gmx_sim/2022+galaxy0 | 2022-09-01 |7.0 + sra_source | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/lecorguille/xcms_plot_chromatogram/xcms_plot_chromatogram/3.4.4.0 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/bgruening/augustus/augustus/3.4.0+galaxy1 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_summary_single/mothur_summary_single/1.39.5.2 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/merqury/merqury/1.3+galaxy2 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_get_groups/mothur_get_groups/1.39.5.0 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_find_markers/scanpy_find_markers/1.8.1+galaxy0 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/ggplot2_heatmap2/ggplot2_heatmap2/2.2.1 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/bandage/bandage_info/0.8.1+galaxy0 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/bgruening/diamond/bg_diamond_makedb/2.0.15+galaxy0 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/bcftools_call/bcftools_call/1.9+galaxy1 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/bandage/bandage_info/0.8.1+galaxy2 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/snpeff/snpEff_download/4.1.0 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/bgruening/split_file_to_collection/split_file_to_collection/0.5.0 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/rnateam/graphclust_nspdk/nspdk_sparse/9.2.3 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_classify_otu/mothur_classify_otu/1.39.5.0 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_plot_pca/deeptools_plot_pca/3.5.1.0.0 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/snp_sites/snp_sites/2.5.1+galaxy0 | 2022-09-01 |7.0 + CONVERTER_biom | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_multicovtbed/2.30.0 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/trinity_run_de_analysis/trinity_run_de_analysis/2.9.1 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/shasta/shasta/0.6.0+galaxy0 | 2022-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/ensembl_vep/ensembl_vep/106.1+galaxy1 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/devteam/kraken_translate/kraken-translate/1.3.1 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/gecko/gecko/1.2 | 2022-09-01 |6.0 + __FILTER_EMPTY_DATASETS__ | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_dist_shared/mothur_dist_shared/1.39.5.0 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/devteam/freebayes/freebayes/1.3.6+galaxy0 | 2022-09-01 |6.0 + __RELABEL_FROM_FILE__ | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/metaphlan/metaphlan/3.0.9+galaxy0 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/lparsons/cutadapt/cutadapt/3.4+galaxy0 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/bgruening/interproscan5/interproscan/5.0.0 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/devteam/velvet/velveth/1.2.10.3 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/cat_contigs/cat_contigs/5.0.3.1 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/bp_genbank2gff3/bp_genbank2gff3/1.1 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/humann_regroup_table/humann_regroup_table/3.0.0+galaxy1 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/trinity_define_clusters_by_cutting_tree/trinity_define_clusters_by_cutting_tree/2.8.4+galaxy1 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/anndata_export/anndata_export/0.7.5+galaxy1 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/devteam/bamtools_filter/bamFilter/2.4.1 | 2022-09-01 |6.0 + CONVERTER_bed_to_gff_0 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/rnateam/mafft/rbc_mafft/7.489+galaxy0 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/circos/circos_tableviewer/0.69.8+galaxy9 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/crs4/taxonomy_krona_chart/taxonomy_krona_chart/2.6.1 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/bgruening/unique/bg_uniq/0.3 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/unicycler/unicycler/0.4.6.0 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/fgsea/fgsea/1.8.0+galaxy1 | 2022-09-01 |6.0 + CONVERTER_fasta_to_len | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/humann_rename_table/humann_rename_table/3.0.0+galaxy1 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicaggregatecontacts/hicexplorer_hicaggregatecontacts/3.6+galaxy0 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/medaka_variant_pipeline/medaka_variant_pipeline/1.4.4+galaxy1 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcfallelicprimitives/vcfallelicprimitives/1.0.0_rc3+galaxy0 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/snpfreqplot/snpfreqplot/1.0+galaxy3 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/lofreq_indelqual/lofreq_indelqual/2.1.5+galaxy1 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/humann_split_stratified_table/humann_split_stratified_table/3.0.0+galaxy1 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/spades_metaviralspades/spades_metaviralspades/3.15.4+galaxy2 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/metabat2_jgi_summarize_bam_contig_depths/metabat2_jgi_summarize_bam_contig_depths/2.15+galaxy2 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_CollectRnaSeqMetrics/2.18.2.2 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/enasearch_retrieve_data/enasearch_retrieve_data/0.1.1.0 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/qiime_make_phylogeny/qiime_make_phylogeny/1.9.1.0 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/unipept/unipept/4.5.1 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/arriba/arriba/2.3.0+galaxy0 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcf2tsv/vcf2tsv/1.0.0_rc1+galaxy0 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/devteam/get_flanks/get_flanks1/1.0.0 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcfvcfintersect/vcfvcfintersect/1.0.0_rc1+galaxy0 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/humann_unpack_pathways/humann_unpack_pathways/3.0.0+galaxy1 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/nml/collapse_collections/collapse_dataset/4.2 | 2022-09-01 |6.0 + CONVERTER_wig_to_bigwig | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/aldex2/aldex2/1.26.0+galaxy0 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/mitos/mitos/1.0.5+galaxy1 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/pangolin/pangolin/4.1.2+galaxy0 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_find_variable_genes/scanpy_find_variable_genes/1.8.1+galaxy0 | 2022-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/trycycler_subsample/trycycler_subsample/0.5.3 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/ecology/ecology_link_between_var/ecology_link_between_var/0.0.0 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/multiqc/multiqc/1.8+galaxy0 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/coverm_genome/coverm_genome/0.2.1+galaxy0 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/bgruening/plotly_regression_performance_plots/plotly_regression_performance_plots/0.1 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_build_pipeline/sklearn_build_pipeline/1.0.8.4 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/chemteam/gmx_energy/gmx_energy/2022+galaxy1 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/qiime_pick_open_reference_otus/qiime_pick_open_reference_otus/1.9.1.0 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/retrieve_scxa/retrieve_scxa/v0.0.2+galaxy2 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/qiime_align_seqs/qiime_align_seqs/1.9.1.0 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/mlst/mlst/2.19.0 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/gemini_actionable_mutations/gemini_actionable_mutations/0.20.1 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/bgruening/split_file_on_column/tp_split_on_column/0.2 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/gfa_to_fa/gfa_to_fa/0.1.2 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_map/2.30.0.3 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/column_remove_by_header/column_remove_by_header/1.0 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/intervene/intervene_upset/0.6.5 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/devteam/megablast_wrapper/megablast_wrapper/1.2.0 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_dist_seqs/mothur_dist_seqs/1.39.5.0 | 2022-09-01 |5.0 + omicsdi | 2022-09-01 |5.0 + __ZIP_COLLECTION__ | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/devteam/ncbi_blast_plus/get_species_taxids/2.10.1+galaxy2 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_mergebed/2.30.0 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/gemini_annotate/gemini_annotate/0.20.1+galaxy2 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_multijoin_tool/1.1.1 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/trinity_gene_to_trans_map/trinity_gene_to_trans_map/2.9.1 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/peterjc/blast_rbh/blast_reciprocal_best_hits/0.1.11 | 2022-09-01 |5.0 + CONVERTER_len_to_linecount | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/describe_samples/describe_samples/2.8.4 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/dada2_assigntaxonomyaddspecies/dada2_assignTaxonomyAddspecies/1.20+galaxy0 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/minia/minia/3.2.6 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_remove_lineage/mothur_remove_lineage/1.39.5.0 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/regex_find_replace/regexColumn1/1.0.1 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastx_nucleotides_distribution/cshl_fastx_nucleotides_distribution/1.0.1 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/chemteam/bio3d_pca/bio3d_pca/2.3.4 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_uniq_tool/1.1.1 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/seqtk/seqtk_mergefa/1.3.1 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/orthofinder_onlygroups/orthofinder_onlygroups/2.5.4+galaxy1 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/earlhaminst/ete/species_tree_generator/3.0.0b35 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/stacks2_gstacks/stacks2_gstacks/2.55+galaxy4 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/devteam/kraken_report/kraken-mpa-report/1.2.4 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/miller-lab/genome_diversity/gd_pathway_image/1.1.0 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/snpeff/snpEff_databases/4.3+T.galaxy2 | 2022-09-01 |5.0 + interactive_tool_ml_jupyter_notebook | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/proteinortho_grab_proteins/proteinortho_grab_proteins/6.0.32+galaxy0 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/jjohnson/rsem/rsem_prepare_reference/1.1.17 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/peterjc/blast2go/blast2go/0.0.9 | 2022-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/meme_meme/meme_meme/5.4.1+galaxy0 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_cluster/mothur_cluster/1.39.5.0 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/stacks2_ustacks/stacks2_ustacks/2.55+galaxy4 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_plot_coverage/deeptools_plot_coverage/3.5.1.0.0 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/bamtools_split_mapped/bamtools_split_mapped/2.5.1+galaxy0 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_text_file_with_recurring_lines/1.1.0 | 2022-09-01 |4.0 + CONVERTER_fasta_to_fai | 2022-09-01 |4.0 + __IMPORT_HISTORY__ | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/rnateam/ribotaper/ribotaper_create_metaplots/1.3.1a+galaxy2 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastq_paired_end_joiner/fastq_paired_end_joiner/2.0.1.1+galaxy0 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/funannotate_predict/funannotate_predict/1.8.9+galaxy2 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/minimap2/minimap2/2.17 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/mash/mash_screen/2.3+galaxy3 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/length_and_gc_content/length_and_gc_content/0.1.2 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_maskfastabed/2.30.0 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_sub_sample/mothur_sub_sample/1.39.5.0 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_NormalizeFasta/2.18.2.1 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_rarefaction_single/mothur_rarefaction_single/1.39.5.0 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/lecorguille/msnbase_readmsdata/msnbase_readmsdata/2.8.2.1 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/trycycler_reconcile_msa/trycycler_reconcile_msa/0.5.3 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/ecology/vigiechiro_bilanenrichipf/vigiechiro_bilanenrichipf/0.1.1 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/maker/maker/2.31.11+galaxy2 | 2022-09-01 |4.0 + CONVERTER_interval_to_bed6_0 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/ncbi_eutils_esearch/ncbi_eutils_esearch/1.2 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/yhoogstrate/segmentation_fold/smf_utils_fix-fasta-headers/smf-v1.7-0_utils-v2.1.1-1 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcf_filter/vcf_filter/1.0.0 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/ucsc_cell_browser/ucsc_cell_browser/1.0.0+galaxy0 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/circos/circos/0.69.8+galaxy7 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/table_compute/table_compute/0.9.2 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/bgruening/wtdbg/wtdbg/1.2.8.1 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/lecorguille/camera_annotate/abims_CAMERA_annotateDiffreport/2.2.4 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/transdecoder/transdecoder/5.5.0+galaxy2 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/ecology/spocc_occ/spocc_occ/0.9.0 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/varscan_mpileup/varscan_mpileup/2.4.3.0 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/bcftools_plugin_split_vep/bcftools_plugin_split_vep/1.10 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_ensemble/sklearn_ensemble/1.0.8.1 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/bgruening/plotly_ml_performance_plots/plotly_ml_performance_plots/0.2 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/jjohnson/rsem/rsem_calculate_expression/1.1.17 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/ggplot2_heatmap/ggplot2_heatmap/3.3.5+galaxy0 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/devteam/fasta_compute_length/fasta_compute_length/1.0.3 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/gemini_pathways/gemini_pathways/0.20.1 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/chemteam/gmx_em/gmx_em/2022+galaxy0 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/peterjc/tmhmm_and_signalp/tmhmm2/0.0.17 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/bgruening/crispr_recognition_tool/crispr_recognition_tool/1.2.0 | 2022-09-01 |4.0 + interactive_tool_pangeo_notebook | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/ecology/vigiechiro_idvalid/vigiechiro_idvalid/0.1.1 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/chemteam/bio3d_rmsf/bio3d_rmsf/2.3.4 | 2022-09-01 |4.0 + CONVERTER_Bam_Bai_0 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/nextclade/nextclade/1.5.1+galaxy0 | 2022-09-01 |4.0 + export_remote | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/ecology/vigiechiro_idcorrect_2ndlayer/vigiechiro_idcorrect_2ndlayer/0.1.1 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/yhoogstrate/segmentation_fold/smf_utils_add-read-counts/smf-v1.7-0_utils-v2.1.1-3 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicplotdistvscounts/hicexplorer_hicplotdistvscounts/3.6+galaxy0 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/qiime_alpha_diversity/qiime_alpha_diversity/1.9.1.0 | 2022-09-01 |4.0 + Summary_Statistics1 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/varscan_somatic/varscan_somatic/2.4.3.6 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_svm_classifier/sklearn_svm_classifier/1.0.8.1 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_BamIndexStats/1.56.0 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/devteam/samtools_slice_bam/samtools_slice_bam/0.0.1 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/mlst/mlst/2.16.1 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/bioext_bealign/bioext_bealign/0.20.4+galaxy0 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/devteam/freebayes/bamleftalign/1.1.0.46-0 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/lecorguille/xcms_group/abims_xcms_group/3.4.4.0 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/length_and_gc_content/length_and_gc_content/0.1.1 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/lecorguille/xcms_retcor/abims_xcms_retcor/3.4.4.1 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/funannotate_sort/funannotate_sort/1.8.9+galaxy2 | 2022-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/retrieve_scxa/retrieve_scxa/v0.0.1+galaxy1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/chemteam/gmx_solvate/gmx_solvate/2022+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/chemteam/gmx_sim/gmx_sim/2020.4+galaxy1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_find_variable_genes/scanpy_find_variable_genes/1.3.2+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_make_biom/mothur_make_biom/1.39.5.0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/bgruening/create_tool_recommendation_model/create_tool_recommendation_model/0.0.1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_count_groups/mothur_count_groups/1.39.5.0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/emboss_5/EMBOSS: geecee41/5.0.0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/snpsift/snpsift_vartype/4.3.1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_annotatebed/2.30.0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/chemteam/vmd_hbonds/vmd_hbonds/1.9.3 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/bgruening/racon/racon/1.3.1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/bgruening/split_file_on_column/tp_split_on_column/0.6 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/data_manager_interproscan/data_manager_interproscan/0.0.2 | 2022-09-01 |3.0 + hgv_linkToGProfile | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/tabular_to_fastq/tabular_to_fastq/1.0.0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/abricate/abricate_list/1.0.1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ecology/ecology_presence_abs_abund/ecology_presence_abs_abund/0.0.0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/barrnap/barrnap/1.2.2 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/ucsc_cell_browser/ucsc_cell_browser/0.5.21+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/seurat/seurat/4.1.1+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/cooc_tabmut/cooc_tabmut/0.2+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_normalise_data/scanpy_normalise_data/1.3.2+galaxy1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/deepvariant/deepvariant/1.4.0+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/minimap2/minimap2/2.12 | 2022-09-01 |3.0 + Show tail1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/metabat2/metabat2/2.15+galaxy2 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/bgruening/autodock_vina_prepare_receptor/prepare_receptor/1.5.7+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/chemteam/gmx_editconf/gmx_editconf/2022+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/limma_voom/limma_voom/3.48.0+galaxy1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/nilesh/rseqc/rseqc_read_NVC/2.6.4 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_remove_groups/mothur_remove_groups/1.39.5.0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/nml/mob_suite/mob_recon/3.0.3+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_run_pca/scanpy_run_pca/1.3.2+galaxy1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/medaka_consensus/medaka_consensus/1.4.4+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/bgruening/chembl/chembl/0.10.1+galaxy4 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/multiqc/multiqc/1.9+galaxy1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/fgiacomoni/hmdb_ms_search/wsdl_hmdb/1.6.1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/cuffmerge/cuffmerge/2.2.1.1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_bam_compare/deeptools_bam_compare/3.3.2.0.0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_compute_matrix_operations/deeptools_compute_matrix_operations/3.5.1.0.0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcfhethom/vcfhethom/1.0.0_rc1+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/bgruening/flye/flye/2.3.5 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/peterjc/mummer/mummerplot_wrapper/0.0.7 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/circos/circos_aln_to_links/0.69.8+galaxy9 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/gbcs-embl-heidelberg/je_demultiplex/je_demultiplex/1.2.1 | 2022-09-01 |3.0 + Paste1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_compute_graph/scanpy_compute_graph/1.8.1+galaxy1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_run_tsne/scanpy_run_tsne/1.3.2+galaxy1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_compute_graph/scanpy_compute_graph/1.3.2+galaxy1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/pick_open_reference_otus/pick_open_reference_otus/1.9.1.0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/homer_gtf_to_annotations/homer_gtf_to_annotations/4.11+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/stacks2_tsv2bam/stacks2_tsv2bam/2.55+galaxy2 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/ggplot2_violin/ggplot2_violin/3.3.5+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/bgruening/add_line_to_file/add_line_to_file/0.1.0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_find_cluster/scanpy_find_cluster/1.3.2+galaxy1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/mageck_mle/mageck_mle/0.5.8.1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/humann_join_tables/humann_join_tables/3.0.0+galaxy1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/checkm_plot/checkm_plot/1.2.0+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_run_umap/scanpy_run_umap/1.8.1+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/scatterplot/scatterplot_rpy/1.0.3 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/snpeff/snpEff_download/4.3+T.galaxy1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/deseq2/deseq2/2.11.40.6+galaxy1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/homer_annotatepeaks/homer_annotatePeaks/4.11+galaxy2 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_mergebedgraph/2.19.0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/circos/circos_interval_to_tile/0.69.8+galaxy9 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/spades_rnaviralspades/spades_rnaviralspades/3.15.4+galaxy2 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_find_markers/scanpy_find_markers/1.3.2+galaxy1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/bgruening/nanopolish_variants/nanopolish_variants/0.11.1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/stacks2_sstacks/stacks2_sstacks/2.55+galaxy4 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_run_tsne/scanpy_run_tsne/1.8.1+galaxy1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/bcftools_convert_to_vcf/bcftools_convert_to_vcf/1.10 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_scale_data/scanpy_scale_data/1.8.1+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_scale_data/scanpy_scale_data/1.3.2+galaxy1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_run_umap/scanpy_run_umap/1.3.2+galaxy1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicdifferentialtad/hicexplorer_hicdifferentialtad/3.6+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/bam_to_sam/bam_to_sam/2.0.1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/bgruening/nanopolish_variants/nanopolish_variants/0.1.0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/miller-lab/genome_diversity/gd_cluster_kegg/1.0.0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/bgruening/fpocket/fpocket/4.0.0+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/ucsc_cell_browser/ucsc_cell_browser/0.7.10+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/nml/staramr/staramr_search/0.5.1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/coverm_contig/coverm_contig/0.2.1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hiccomparematrices/hicexplorer_hiccomparematrices/3.6+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/snpeff/snpEff_download/4.3+T.galaxy2 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_read_10x/scanpy_read_10x/1.3.2+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_classify_tree/mothur_classify_tree/1.39.5.0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/bgruening/trna_prediction/trnascan/0.4 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/rnateam/segemehl/segemehl/0.2.0.3 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/emboss_5/EMBOSS: revseq82/5.0.0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/kraken_taxonomy_report/kraken_taxonomy_report/0.0.3 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/custom_pro_db/custom_pro_db/1.22.0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_normalise_data/scanpy_normalise_data/1.8.1+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/pathview/pathview/1.24.0+galaxy2 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/samtools_phase/samtools_phase/2.0.2 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/gubbins/gubbins/3.2.1+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/qiime_pick_otus/qiime_pick_otus/1.9.1.0 | 2022-09-01 |3.0 + liftOver1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_run_pca/scanpy_run_pca/1.8.1+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/bebatut/cdhit/cd_hit_est/1.3 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_filter_genes/scanpy_filter_genes/1.3.2+galaxy1 | 2022-09-01 |3.0 + gff_to_sequence | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/salsa/salsa/2.3+galaxy3 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_filter_genes/scanpy_filter_genes/1.8.1+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/raxml/raxml/8.2.4+galaxy2 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_filter_cells/scanpy_filter_cells/1.3.2+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/busco/busco/5.3.1+galaxy0 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/cuffquant/cuffquant/2.2.1.1 | 2022-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/peterjc/tmhmm_and_signalp/signalp3/0.0.20 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/chemteam/gmx_editconf/gmx_editconf/2020.4+galaxy0 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/funannotate_annotate/funannotate_annotate/1.8.9+galaxy2 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/stacks2_cstacks/stacks2_cstacks/2.55+galaxy2 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/rnateam/rcas/rcas/1.5.4 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/minced/minced/0.1.5 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/pjbriggs/trimmomatic/trimmomatic/0.36.5 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/snpsift/snpSift_rmInfo/4.3+t.galaxy0 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/qiime_upgma_cluster/qiime_upgma_cluster/1.9.1.0 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/miller-lab/genome_diversity/gd_new_oscar/1.0.0 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/stacks2_ustacks/stacks2_ustacks/2.55+galaxy3 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcfgenotypes/vcfgenotypes/1.0.0_rc1+galaxy0 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/qiime_count_seqs/qiime_count_seqs/1.9.1.0 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_tac/1.1.0 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/mummer_mummerplot/mummer_mummerplot/4.0.0rc1+galaxy2 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/blankenberg/naive_variant_caller/naive_variant_caller/0.0.3 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/stacks2_cstacks/stacks2_cstacks/2.55+galaxy4 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/pangolin/pangolin/3.1.14+galaxy0 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/melpetera/batchcorrection/Batch_correction/2.1.2 | 2022-09-01 |2.0 + Extract_features1 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/circos/circos/0.69.8+galaxy10 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/deepvariant/deepvariant/1.2.0+galaxy1 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/diffbind/diffbind/2.10.0 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/ecology/ecology_beta_diversity/ecology_beta_diversity/0.0.0 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/hyphy_annotate/hyphy_annotate/2.5.36+galaxy0 | 2022-09-01 |2.0 + __EXPORT_HISTORY_TO_URI__ | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/rnateam/viennarna_rnaplot/viennarna_rnaplot/2.2.10.0 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/binning_refiner/bin_refiner/1.4.3+galaxy1 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/vcfanno/vcfanno/0.3.3+galaxy0 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/nml/spades/spades/1.2 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/medaka_consensus_pipeline/medaka_consensus_pipeline/1.4.4+galaxy0 | 2022-09-01 |2.0 + interactive_tool_simtext_app | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/multiqc/multiqc/1.6 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/devteam/ncbi_blast_plus/ncbi_blastdbcmd_wrapper/2.10.1+galaxy2 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/peterjc/venn_list/venn_list/0.1.1 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/nick/allele_counts/allele_counts_1/1.2 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/ucsc_fasplit/fasplit/377 | 2022-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/devteam/weblogo3/rgweblogo3/3.5.0 | 2022-09-01 |2.0 + __IMPORT_HISTORY__ | 2020-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/bgruening/autodock_vina_prepare_box/prepare_box/2020.03.4+galaxy0 | 2020-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/iuc/macs2/macs2_bdgdiff/2.1.1.20160309.1 | 2020-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/iuc/ggplot2_violin/ggplot2_violin/2.2.1+galaxy0 | 2020-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_targetedfileconverter/TargetedFileConverter/2.5+galaxy0 | 2020-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/peterjc/tmhmm_and_signalp/rxlr_motifs/0.0.14 | 2020-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/iuc/metaphlan_hclust_heatmap/metaphlan_hclust_heatmap/2.6.0.0 | 2020-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_run_pca/scanpy_run_pca/1.6.0+galaxy0 | 2020-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcftools_merge/vcftools_merge/0.1.1 | 2020-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastq_manipulation/fastq_manipulation/1.1.5 | 2020-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/iuc/seqtk/seqtk_subseq/1.3.1 | 2020-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_bam_coverage/deeptools_bam_coverage/3.0.2.0 | 2020-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_run_pca/scanpy_run_pca/1.4.3+galaxy0 | 2020-09-01 |15.0 + liftOver1 | 2020-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/iuc/raceid_clustering/raceid_clustering/3.1 | 2020-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/bgruening/bismark/bismark_methylation_extractor/0.22.1 | 2020-09-01 |15.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_MarkDuplicatesWithMateCigar/2.18.2.1 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/gbcs-embl-heidelberg/je_demultiplex/je_demultiplex/1.2.1 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/bgruening/prepare_ligands_for_docking/prepare_ligands_for_docking/3.1.1+galaxy0 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/iuc/raceid_inspectclusters/raceid_inspectclusters/3.1 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_find_markers/scanpy_find_markers/1.6.0+galaxy0 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/lecorguille/xcms_plot_chromatogram/xcms_plot_chromatogram/3.4.4.0 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/iuc/ruvseq/ruvseq/1.16.0 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/rnateam/paralyzer/paralyzer/1.5 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/earlhaminst/hcluster_sg_parser/hcluster_sg_parser/0.2.1 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_fisher/2.29.2 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_openswathassaygenerator/OpenSwathAssayGenerator/2.5+galaxy0 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/iuc/ggplot2_pca/ggplot2_pca/2.2.1 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_compute_matrix/deeptools_compute_matrix/3.0.2.0 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/chemteam/bio3d_pca/bio3d_pca/2.3.4 | 2020-09-01 |14.0 + CONVERTER_bed_to_gff_0 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicplotviewpoint/hicexplorer_hicplotviewpoint/3.4.3.0 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/wolma/mimodd_main/mimodd_map/0.1.8_1 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/iuc/gemini_query/gemini_query/0.20.1+galaxy1 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/iuc/scanpy_cluster_reduce_dimension/scanpy_cluster_reduce_dimension/1.4.4.post1+galaxy2 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/maldi_quant_preprocessing/maldi_quant_preprocessing/1.18.0.3 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/dbbuilder/dbbuilder/0.3.1 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/iuc/pureclip/pureclip/1.0.4 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/bgruening/wtdbg/wtdbg/1.2.8.1 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/devteam/ncbi_blast_plus/ncbi_makeblastdb/0.3.3 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/iuc/qiime_multiple_join_paired_ends/qiime_multiple_join_paired_ends/1.9.1.0 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_filter_cells/scanpy_filter_cells/1.4.3+galaxy0 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/unipept/unipept/2.0.1 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/iuc/bcftools_merge/bcftools_merge/1.10 | 2020-09-01 |14.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/gffcompare_to_bed/gffcompare_to_bed/0.2.1 | 2020-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicquickqc/hicexplorer_hicquickqc/3.4.3.0 | 2020-09-01 |13.0 + bed2gff1 | 2020-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/iuc/macs2/macs2_bdgpeakcall/2.1.1.20160309.0 | 2020-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/iuc/macs2/macs2_randsample/2.1.1.20160309.1 | 2020-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/cardinal_filtering/cardinal_filtering/2.6.0.0 | 2020-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/bgruening/chembl/chembl/0.10.1+galaxy2 | 2020-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/devteam/cummerbund/cummeRbund/2.16.0+galaxy1 | 2020-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/thermo_raw_file_converter/thermo_raw_file_converter/1.2.3+galaxy0 | 2020-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/myrimatch/myrimatch/3.0.20175.0 | 2020-09-01 |13.0 + __DATA_FETCH__ | 2020-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/cardinal_filtering/cardinal_filtering/1.12.1.3 | 2020-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/iuc/raceid_inspecttrajectory/raceid_inspecttrajectory/3.1 | 2020-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/iuc/qiime_align_seqs/qiime_align_seqs/1.9.1.0 | 2020-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/iuc/mash_sketch/mash_sketch/2.1+galaxy0 | 2020-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_mapalignerposeclustering/MapAlignerPoseClustering/2.5+galaxy0 | 2020-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicbuildmatrix/hicexplorer_hicbuildmatrix/2.1.4.0 | 2020-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/iuc/egsea/egsea/1.10.0 | 2020-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/peterjc/mira_assembler/mira_assembler/0.0.11 | 2020-09-01 |13.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/eggnog_mapper/eggnog_mapper/2.0.1 | 2020-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/encyclopedia_walnut/encyclopedia_walnut/0.9.5.0 | 2020-09-01 |12.0 + CONVERTER_vcf_to_tabix_0 | 2020-09-01 |12.0 + interactive_tool_cellxgene | 2020-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/lecorguille/xcms_group/abims_xcms_group/3.4.4.0 | 2020-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcfannotate/vcfannotate/1.0.0_rc3+galaxy0 | 2020-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_falsediscoveryrate/FalseDiscoveryRate/2.3.0 | 2020-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_nmds/mothur_nmds/1.39.5.0 | 2020-09-01 |12.0 + CONVERTER_wig_to_bigwig | 2020-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/iuc/scanpy_filter/scanpy_filter/1.4.4.post1+galaxy3 | 2020-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/iuc/humann2_renorm_table/humann2_renorm_table/0.9.9.0 | 2020-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/iuc/ucsc_fasplit/fasplit/357 | 2020-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/iuc/chira_merge/chira_merge/1.4.3+galaxy0 | 2020-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/devteam/kraken_report/kraken-mpa-report/1.2.4 | 2020-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/bgruening/trna_prediction/trnascan/0.4 | 2020-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcfvcfintersect/vcfvcfintersect/1.0.0_rc1+galaxy0 | 2020-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/peterjc/blast2go/blast2go/0.0.9 | 2020-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_find_markers/scanpy_find_markers/1.4.3+galaxy1 | 2020-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/cardinal_data_exporter/cardinal_data_exporter/2.6.0.0 | 2020-09-01 |12.0 + __BUILD_LIST__ | 2020-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/iuc/featurecounts/featurecounts/1.6.3 | 2020-09-01 |12.0 + tombo_resquiggle | 2020-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_run_tsne/scanpy_run_tsne/1.4.3+galaxy1 | 2020-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_compute_matrix_operations/deeptools_compute_matrix_operations/3.3.2.0.0 | 2020-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/wolma/mimodd_main/mimodd_vcf_filter/0.1.8_1 | 2020-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/iuc/chira_map/chira_map/1.4.3+galaxy0 | 2020-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/iuc/qiime_assign_taxonomy/qiime_assign_taxonomy/1.9.1.0 | 2020-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/iuc/collection_element_identifiers/collection_element_identifiers/0.0.2 | 2020-09-01 |12.0 + methtools_calling | 2020-09-01 |12.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_run_tsne/scanpy_run_tsne/1.6.0+galaxy0 | 2020-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastq_paired_end_splitter/fastq_paired_end_splitter/1.1.5 | 2020-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/iuc/macs2/macs2_bdgcmp/2.1.1.20160309.0 | 2020-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/lparsons/cutadapt/cutadapt/1.6 | 2020-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/iuc/raceid_trajectory/raceid_trajectory/3.1 | 2020-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/crs4/taxonomy_krona_chart/taxonomy_krona_chart/2.6.1 | 2020-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/earlhaminst/blast_parser/blast_parser/0.1.2 | 2020-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_compute_graph/scanpy_compute_graph/1.4.3+galaxy0 | 2020-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/devteam/sam2interval/sam2interval/1.0.2 | 2020-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_biom_info/mothur_biom_info/1.39.5.0 | 2020-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/devteam/megablast_wrapper/megablast_wrapper/1.2.0 | 2020-09-01 |11.0 + CONVERTER_bz2_to_uncompressed | 2020-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_run_umap/scanpy_run_umap/1.4.3+galaxy1 | 2020-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/iuc/stacks_refmap/stacks_refmap/1.46.0 | 2020-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/iuc/stacks_procrad/stacks_procrad/1.46.0 | 2020-09-01 |11.0 + CONVERTER_vcf_to_bgzip_0 | 2020-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/devteam/flanking_features/flanking_features_1/4.0.1 | 2020-09-01 |11.0 + OpenSwathDecoyGenerator | 2020-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/iuc/msaboot/msaboot/0.1.2 | 2020-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/bgruening/column_arrange_by_header/bg_column_arrange_by_header/0.2 | 2020-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/iuc/disco/disco/1.2.0 | 2020-09-01 |11.0 + TargetedFileConverter | 2020-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicfindrestrictionsites/hicexplorer_hicfindrestrictionsites/3.4.3.0 | 2020-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastq_to_fasta/cshl_fastq_to_fasta/1.0.2 | 2020-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_featurelinkerunlabeledqt/FeatureLinkerUnlabeledQT/2.5+galaxy0 | 2020-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/dbbuilder/dbbuilder/0.3.0 | 2020-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/iuc/stringtie/stringtie/1.3.6 | 2020-09-01 |11.0 + Summary_Statistics1 | 2020-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/iuc/graphlan_annotate/graphlan_annotate/1.0.0.0 | 2020-09-01 |11.0 + __APPLY_RULES__ | 2020-09-01 |11.0 + OpenSwathAssayGenerator | 2020-09-01 |11.0 + toolshed.g2.bx.psu.edu/repos/iuc/anndata_manipulate/anndata_manipulate/0.6.22.post1+galaxy4 | 2020-09-01 |10.0 + CONVERTER_interval_to_bigwig_0 | 2020-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/devteam/merge_cols/mergeCols1/1.0.1 | 2020-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/devteam/emboss_5/EMBOSS: polydot77/5.0.0.1 | 2020-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_find_cluster/scanpy_find_cluster/1.4.3+galaxy1 | 2020-09-01 |10.0 + interactive_tool_climate_notebook | 2020-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/iuc/snpsift/snpSift_filter/4.3+t.galaxy0 | 2020-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/devteam/ncbi_blast_plus/ncbi_rpsblast_wrapper/2.10.1+galaxy0 | 2020-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/peterjc/sample_seqs/sample_seqs/0.2.5 | 2020-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/devteam/column_maker/Add_a_column1/1.1.0 | 2020-09-01 |10.0 + interactive_tool_pyiron | 2020-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_anosim/mothur_anosim/1.39.5.0 | 2020-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/devteam/dna_filtering/histogram_rpy/1.0.3 | 2020-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_merge_groups/mothur_merge_groups/1.39.5.0 | 2020-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/iuc/trinity_abundance_estimates_to_matrix/trinity_abundance_estimates_to_matrix/2.9.1 | 2020-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/peterjc/seq_filter_by_mapping/seq_filter_by_mapping/0.0.6 | 2020-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicconvertformat/hicexplorer_hicconvertformat/3.4.3.0 | 2020-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/devteam/samtools_rmdup/samtools_rmdup/1.0.0 | 2020-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_svm_classifier/sklearn_svm_classifier/1.0.8.2 | 2020-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/ethevenot/univariate/Univariate/2.2.4 | 2020-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/devteam/samtool_filter2/samtool_filter2/1.8 | 2020-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/bgruening/find_subsequences/bg_find_subsequences/0.2 | 2020-09-01 |10.0 + Extract_features1 | 2020-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/mbernt/maxbin2/maxbin2/2.2.7+galaxy2 | 2020-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/chemteam/bio3d_pca_visualize/bio3d_pca_visualize/2.3.4 | 2020-09-01 |10.0 + toolshed.g2.bx.psu.edu/repos/iuc/scater_plot_dist_scatter/scater_plot_dist_scatter/1.12.2 | 2020-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/imgteam/bfconvert/ip_convertimage/0.4 | 2020-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/qualimap_rnaseq/qualimap_rnaseq/2.2.2c+galaxy1 | 2020-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/qiime_collapse_samples/qiime_collapse_samples/1.9.1.0 | 2020-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_rnadigestor/RNADigestor/2.5+galaxy0 | 2020-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/flashlfq/flashlfq/1.0.3.0 | 2020-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/multiqc/multiqc/1.6 | 2020-09-01 |9.0 + hgv_david | 2020-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/mz_to_sqlite/mz_to_sqlite/2.0.4+galaxy1 | 2020-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/lofreq_alnqual/lofreq_alnqual/2.1.3.1+galaxy0 | 2020-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/peterjc/blastxml_to_top_descr/blastxml_to_top_descr/0.0.9 | 2020-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/devteam/histogram/histogram_rpy/1.0.4 | 2020-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/merge_metaphlan_tables/merge_metaphlan_tables/2.6.0.0 | 2020-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/ncbi_eutils_esearch/ncbi_eutils_esearch/1.2 | 2020-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_annotatebed/2.29.2 | 2020-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/bgruening/autodock_vina_prepare_box/prepare_box/0.1.0 | 2020-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/melpetera/tablemerge/tablemerge/1.0.1 | 2020-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/earlhaminst/hcluster_sg/hcluster_sg/0.5.1.1 | 2020-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_run_umap/scanpy_run_umap/1.6.0+galaxy0 | 2020-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/lofreq_indelqual/lofreq_indelqual/2.1.3.1+galaxy0 | 2020-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/encyclopedia_searchtolib/encyclopedia_searchtolib/0.9.5.0 | 2020-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/percolator/percolator_input_converters/3.1 | 2020-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_cooccurrence/mothur_cooccurrence/1.39.5.0 | 2020-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/snpeff/snpEff_build_gb/4.3+T.galaxy4 | 2020-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/iuc/lofreq_call/lofreq_call/2.1.3.1+galaxy1 | 2020-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/bgruening/bismark/bismark_pretty_report/0.22.1 | 2020-09-01 |9.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicdetectloops/hicexplorer_hicdetectloops/3.4.3.0 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicpca/hicexplorer_hicpca/3.4.3.0 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_find_variable_genes/scanpy_find_variable_genes/1.6.0+galaxy0 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/mz_to_sqlite/mz_to_sqlite/2.0.4 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/snap_training/snap_training/2013_11_29+galaxy1 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/fastani/fastani/1.3 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/bgruening/fpocket/fpocket/3.1.4.2+galaxy0 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/hmmer3/hmmer_phmmer/0.1.0 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/peterjc/tmhmm_and_signalp/wolf_psort/0.0.11 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/bgruening/racon/racon/1.4.13 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/sra_tools/sra_pileup/2.10.3 | 2020-09-01 |8.0 + interactive_tool_guacamole_desktop | 2020-09-01 |8.0 + CONVERTER_bed_to_bgzip_0 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/humann2_regroup_table/humann2_regroup_table/0.11.1.0 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/bgruening/minced/minced/0.1.5 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/scanpy_plot/scanpy_plot/1.4.4.post1+galaxy2 | 2020-09-01 |8.0 + CONVERTER_bed_to_fli_0 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/miniasm/miniasm/0.3+galaxy0 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/mageck_mle/mageck_mle/0.5.8.1 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/bgruening/diamond/bg_diamond_makedb/0.9.21 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/chira_collapse/chira_collapse/1.4.3+galaxy0 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_genomecoveragebed/2.29.2 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/gbcs-embl-heidelberg/je_demultiplex_illu/je_demultiplex_illu/1.2.1 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_mergebedgraph/2.19.0 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/crs4/taxonomy_krona_chart/taxonomy_krona_chart/2.6.1.1 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/retrieve_scxa/retrieve_scxa/v0.0.2+galaxy2 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastq_to_tabular/fastq_to_tabular/1.1.5 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/devteam/bamtools/bamtools/2.4.0 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/bgruening/uniprot_rest_interface/uniprot/0.2 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/pygenometracks/pygenomeTracks/3.3 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_plot_heatmap/deeptools_plot_heatmap/3.0.2.0 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/iuc/umi_tools_extract/umi_tools_extract/0.5.3.2 | 2020-09-01 |8.0 + toolshed.g2.bx.psu.edu/repos/devteam/principal_component_analysis/pca1/1.0.2 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/custom_pro_db/custom_pro_db/1.22.0 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/fraggenescan/fraggenescan/1.30.0 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/earlhaminst/t_coffee/t_coffee/11.0.8_1 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcfprimers/vcfprimers/1.0.0_rc3+galaxy0 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/seurat_filter_cells/seurat_filter_cells/3.1.1+galaxy0 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/bgruening/graphmap_align/graphmap_align/0.5.2 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/metaquantome_db/metaquantome_db/1.0.0-0 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/bgruening/openbabel_filter/openbabel_filter/3.1.1+galaxy0 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/encyclopedia_quantify/encyclopedia_quantify/0.9.5.0 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/kraken_taxonomy_report/kraken_taxonomy_report/0.0.2 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastq_stats/fastq_stats/1.1.5 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/lecorguille/xcms_merge/xcms_merge/3.4.4.0 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_get_coremicrobiome/mothur_get_coremicrobiome/1.39.5.0 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/artic_minion/artic_minion/1.1.3+galaxy0 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/rnateam/locarna_multiple/locarna_multiple/1.9.0.1 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_normalise_data/scanpy_normalise_data/1.6.0+galaxy0 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/rnateam/graphclust_nspdk/NSPDK_candidateClust/9.2.3 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/bgruening/autodock_vina/docking/0.3.0 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_bedtoigv/2.29.2 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/bgruening/autodock_vina_prepare_receptor/prepare_receptor/0.1.0 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_plot_coverage/deeptools_plot_coverage/3.3.2.0.0 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/jq/jq/1.0 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hiccomparematrices/hicexplorer_hiccomparematrices/3.4.3.0 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/devteam/scatterplot/scatterplot_rpy/1.0.3 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/rnateam/piranha/piranha/0.1.0 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/translate_bed/translate_bed/0.1.0 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/peterjc/tmhmm_and_signalp/signalp3/0.0.19 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/varscan_somatic/varscan_somatic/2.4.3.6 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/seurat/seurat/3.1.5+galaxy2 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/eschen42/w4mjoinpn/w4mjoinpn/0.98.2 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/iuc/trinity_filter_low_expr_transcripts/trinity_filter_low_expr_transcripts/2.9.1 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/crs4/bwa_mem/bwa_mem/0.8.0 | 2020-09-01 |7.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_NormalizeFasta/2.18.2.1 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/chemteam/gmx_md/gmx_md/2019.1 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/sniffles/sniffles/1.0.12+galaxy0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/trinity_contig_exn50_statistic/trinity_contig_exn50_statistic/2.9.1 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/busco/busco/3.0.2+galaxy0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/intervene/intervene_pairwise/0.6.4 | 2020-09-01 |6.0 + CONVERTER_bed_to_tabix_0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/bed_to_protein_map/bed_to_protein_map/0.2.0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/peptide_genomic_coordinate/peptide_genomic_coordinate/0.1.1 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/chemteam/mdanalysis_cosine_analysis/mdanalysis_cosine_analysis/1.0.0+galaxy0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_normalize_shared/mothur_normalize_shared/1.39.5.0 | 2020-09-01 |6.0 + CONVERTER_fasta_to_2bit | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_makewindowsbed/2.29.2 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/featurecounts/featurecounts/1.6.2 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/kallisto_pseudo/kallisto_pseudo/0.46.0.1 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/jjohnson/rsem/rsem_prepare_reference/1.1.17 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/devteam/cuffcompare/cuffcompare/2.2.1.2 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/devteam/emboss_5/EMBOSS: megamerger53/5.0.0.1 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/bebatut/format_metaphlan2_output/format_metaphlan2_output/0.1.0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_filefilter/FileFilter/2.3.0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/rnateam/rnashapes/RNAshapes/3.3.0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/scater_create_qcmetric_ready_sce/scater_create_qcmetric_ready_sce/1.12.2 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/humann2_regroup_table/humann2_regroup_table/0.9.9.0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/humann2/humann2/0.9.9.0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_peptideindexer/PeptideIndexer/2.3.0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/mummer_nucmer/mummer_nucmer/4.0.0beta2+galaxy0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/bgruening/augustus_training/augustus_training/3.3.3 | 2020-09-01 |6.0 + bwtool-lift | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_fidoadapter/FidoAdapter/2.3.0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/humann2_rename_table/humann2_rename_table/0.11.1.0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/vsearch/vsearch_chimera_detection/2.8.3.0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/imgteam/2d_histogram_equalization/ip_histogram_equalization/0.0.1 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/lecorguille/xcms_export_samplemetadata/xcms_export_samplemetadata/3.4.4.0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_idposteriorerrorprobability/IDPosteriorErrorProbability/2.3.0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_idfilter/IDFilter/2.3.0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/minimap2/minimap2/2.17+galaxy0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastq_paired_end_interlacer/fastq_paired_end_interlacer/1.2.0.1 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/mixcr_analyze/mixcr_analyze/3.0.5.0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/pep_pointer/pep_pointer/0.1.3 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/drep_dereplicate/drep_dereplicate/2.5.4.0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcfcombine/vcfcombine/1.0.0_rc3+galaxy0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/column_remove_by_header/column_remove_by_header/0.0.1 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastx_barcode_splitter/cshl_fastx_barcode_splitter/1.0.1 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/scater_plot_pca/scater_plot_pca/1.12.2 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/spaln/spaln/2.3.2+galaxy0 | 2020-09-01 |6.0 + Paste1 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_idscoreswitcher/IDScoreSwitcher/2.3.0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/ucsc_cell_browser/ucsc_cell_browser/0.5.21+galaxy0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/hisat2/hisat2/2.1.0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/lecorguille/xcms_retcor/abims_xcms_retcor/3.4.4.1 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_idmapper/IDMapper/2.3.0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/lparsons/cutadapt/cutadapt/1.16.1 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_idconflictresolver/IDConflictResolver/2.3.0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/bgruening/racon/racon/1.3.1.1 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/goseq/goseq/1.26.0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/monocle3_ordercells/monocle3_orderCells/0.1.4+galaxy0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/rnateam/segemehl/segemehl/0.2.0.4 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/colibread_lordec/lordec/0.9 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_xtandemadapter/XTandemAdapter/2.3.0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_peptideindexer/PeptideIndexer/2.5+galaxy0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/nilesh/rseqc/rseqc_FPKM_count/2.6.4.1 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_make_design/mothur_make_design/1.39.5.0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_multiplexresolver/MultiplexResolver/2.3.0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_featurefindermultiplex/FeatureFinderMultiplex/2.3.0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_proteinquantifier/ProteinQuantifier/2.3.0 | 2020-09-01 |6.0 + toolshed.g2.bx.psu.edu/repos/iuc/gemini_annotate/gemini_annotate/0.20.1+galaxy2 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/trinity_run_de_analysis/trinity_run_de_analysis/2.9.1 | 2020-09-01 |5.0 + __FILTER_FAILED_DATASETS__ | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/hca_matrix_downloader/hca_matrix_downloader/v0.0.3+galaxy0 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/bgruening/svm_classifier/svm_classifier/0.9 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/devteam/cuffnorm/cuffnorm/2.2.1.3 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/lecorguille/xcms_fillpeaks/abims_xcms_fillPeaks/3.4.4.0 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicplotdistvscounts/hicexplorer_hicplotdistvscounts/3.4.3.0 | 2020-09-01 |5.0 + testtoolshed.g2.bx.psu.edu/repos/messersc/jamm/jamm/1.0.7 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastqc/fastqc/0.68 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/rgrnastar/rna_star/2.4.0d-2 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/bandage/bandage_image/0.8.1+galaxy1 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/seurat_normalise_data/seurat_normalise_data/3.1.1+galaxy0 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/peptideshaker/search_gui/3.3.3.0 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/seurat_read10x/seurat_read10x/3.1.1+galaxy1 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/dada2_plotqualityprofile/dada2_plotQualityProfile/1.14+galaxy0 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_metastats/mothur_metastats/1.39.5.0 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/chemteam/gmx_nvt/gmx_nvt/2018.2 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/circos/circos_wiggle_to_scatter/0.69.8+galaxy7 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/jjohnson/samtools_filter/samtools_filter/1.1.1 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicnormalize/hicexplorer_hicnormalize/3.4.3.0 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcf_filter/vcf_filter/1.0.0 | 2020-09-01 |5.0 + wiggle2simple1 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/xpath/xpath/1.0.0 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/devteam/kraken_filter/kraken-filter/1.3.1 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/bcftools/bcftools_view/0.1.19.0 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_fileinfo/FileInfo/2.5+galaxy0 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/medaka_consensus/medaka_consensus/1.0.3+galaxy2 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hictransform/hicexplorer_hictransform/3.4.3.0 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/crs4/prokka/prokka/1.13 | 2020-09-01 |5.0 + translate_nucleotides | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/devteam/ncbi_blast_plus/blastxml_to_tabular/2.10.1+galaxy0 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/snpeff/snpEff_databases/4.3+T.galaxy2 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/chemteam/gmx_merge_topology_files/gmx_merge_topology_files/3.2.0+galaxy0 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_find_cluster/scanpy_find_cluster/1.6.0+galaxy0 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/pick_open_reference_otus/pick_open_reference_otus/1.9.1.0 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_read_10x/scanpy_read_10x/1.6.0+galaxy0 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/shovill/shovill/1.0.4 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_bam_coverage/deeptools_bam_coverage/3.0.1.0 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/devteam/subtract_query/subtract_query1/0.1 | 2020-09-01 |5.0 + rnalfoldz | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/bgruening/rdock_rbcavity/rdock_rbcavity/2013.1-0+galaxy0 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicinfo/hicexplorer_hicinfo/3.4.3.0 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/monocle3_plotcells/monocle3_plotCells/0.1.5+galaxy1 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_lefse/mothur_lefse/1.39.5.0 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/bgruening/alevin/alevin/1.3.0+galaxy1 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcftools_compare/vcftools_compare/0.1 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/peptideshaker/peptide_shaker/1.16.26 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/gemini_db_info/gemini_db_info/0.20.1 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/monocle3_topmarkers/monocle3_topmarkers/0.1.5+galaxy0 | 2020-09-01 |5.0 + toolshed.g2.bx.psu.edu/repos/iuc/poretools_extract/poretools_extract/0.6.1a1.0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/bgruening/glimmer3/glimmer_not-knowlegde-based/0.2 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/crs4/sopra/sopra_wpc/0.1 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/enasearch_search_data/enasearch_search_data/0.1.1.0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/chemteam/mdanalysis_extract_rmsd/mdanalysis_extract_rmsd/1.0.0+galaxy0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/devteam/tabular_to_fastq/tabular_to_fastq/1.1.5 | 2020-09-01 |4.0 + CONVERTER_fasta_to_bowtie_base_index | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/ggplot2_point/ggplot2_point/2.2.1+galaxy1 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/bgruening/diamond/bg_diamond/0.8.24.1 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/trinotate/trinotate/3.2.1 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/unipept/unipept/4.0.0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/dada2_seqcounts/dada2_seqCounts/1.14+galaxy0 | 2020-09-01 |4.0 + smooth_running_window | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/imgteam/binary2labelimage/ip_binary_to_labelimage/0.4 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/snippy/snippy/3.2 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/maldi_quant_peak_detection/maldi_quant_peak_detection/1.18.0.4 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/bgruening/openbabel_remsmall/openbabel_remSmall/3.1.1+galaxy0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/kpbioteam/clusterprofiler_bitr/clusterprofiler_bitr/0.1.0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/imgteam/2d_auto_threshold/ip_threshold/0.0.4 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/bgruening/chemical_data_sources/ctb_online_data_fetch/0.2 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastx_collapser/cshl_fastx_collapser/1.0.1 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/devteam/cuffdiff/cuffdiff/2.2.1.5 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/mummer_delta_filter/mummer_delta_filter/4.0.0beta2+galaxy0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/genrich/genrich/0.5+galaxy1 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/devteam/ncbi_blast_plus/ncbi_blastx_wrapper/0.3.3 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/imgteam/2d_simple_filter/ip_filter_standard/0.0.3 | 2020-09-01 |4.0 + gene2exon1 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/chemteam/biomd_rmsd_clustering/biomd_rmsd_clustering/0.1.5.2+galaxy0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_myrimatchadapter/MyriMatchAdapter/2.5+galaxy0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/mitos/mitos/1.0.5 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/gubbins/gubbins/0.1.0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/rnateam/splitfasta/rbc_splitfasta/0.2.0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/marie-tremblay-metatoul/normalization/normalization/2.0.1 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/bgruening/circexplorer/circexplorer/1.1.9.0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/poretools_qualdist/poretools_qualdist/0.6.1a1.0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/chemteam/gmx_md/gmx_md/2018.2 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/cardinal_mz_images/cardinal_mz_images/2.6.0.0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/bebatut/combine_metaphlan2_humann2/combine_metaphlan2_humann2/0.1.0 | 2020-09-01 |4.0 + CONVERTER_sam_to_bigwig_0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_falsediscoveryrate/FalseDiscoveryRate/2.5+galaxy0 | 2020-09-01 |4.0 + bfast_wrapper | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/bjoern-gruening/sed_wrapper/sed_stream_editor/0.0.1 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/snp_sites/snp_sites/2.5.1+galaxy0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastq_trimmer/fastq_trimmer/1.1.1 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/bgruening/pileometh/pileometh/0.3.0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/encyclopedia_fasta_to_prosit_csv/encyclopedia_fasta_to_prosit_csv/0.9.5.0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/roary/roary/3.13.0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/devteam/ncbi_blast_plus/ncbi_tblastn_wrapper/0.3.3 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/filter_tabular/filter_tabular/2.0.0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_sortbed/2.27.1 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_clusterbed/2.29.2 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/jbrowse/jbrowse/0.7.0.3 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_shufflebed/2.29.2 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/scater_plot_tsne/scater_plot_tsne/1.12.2 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/intervene/intervene_upset/0.6.4 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/proteinortho_summary/proteinortho_summary/6.0.14+galaxy2.9.1 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_plot_enrichment/deeptools_plot_enrichment/3.3.2.0.0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/devteam/short_reads_figure_score/quality_score_distribution/1.0.2 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_compute_matrix/deeptools_compute_matrix/2.5.1.1.0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/ivar_trim/ivar_trim/1.2.2+galaxy1 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/qiime_plot_taxa_summary/qiime_plot_taxa_summary/1.9.1.0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastq_stats/fastq_stats/1.1.1 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/pipelign/pipelign/0.2+galaxy0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/stacks2_shortreads/stacks2_shortreads/2.4+galaxy1 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/abricate/abricate_list/0.9.8 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_fidoadapter/FidoAdapter/2.5+galaxy0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/imgteam/2d_feature_extraction/ip_2d_feature_extraction/0.1.1 | 2020-09-01 |4.0 + tombo_detect_modifications | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/devteam/sam_merge/sam_merge2/1.1.2 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/iuc/maker_map_ids/maker_map_ids/2.31.10 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/melpetera/idchoice/idchoice/18.01 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/PicardInsertSize/1.56.0 | 2020-09-01 |4.0 + toolshed.g2.bx.psu.edu/repos/chemteam/mdanalysis_cosine_analysis/mdanalysis_cosine_analysis/0.20 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/rnateam/pipmir/pipmir/0.1.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_numeric_clustering/sklearn_numeric_clustering/1.0.8.1 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/concat/gops_concat_1/1.0.1 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/unicycler/unicycler/0.4.7.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/bgruening/mordred/ctb_mordred_descriptors/1.2.0+galaxy0 | 2020-09-01 |3.0 + CONVERTER_interval_to_tabix_0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/bgruening/keras_batch_models/keras_batch_models/0.5.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/seurat_create_seurat_object/seurat_create_seurat_object/2.3.1+galaxy0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/ncbi_blast_plus/ncbi_tblastx_wrapper/2.10.1+galaxy0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcftools_subset/vcftools_subset/0.1 | 2020-09-01 |3.0 + CONVERTER_interval_to_bgzip_0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/bp_genbank2gff3/bp_genbank2gff3/1.1 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/vsearch/vsearch_clustering/2.8.3.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcftools_slice/vcftools_slice/0.1 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/qiime_make_phylogeny/qiime_make_phylogeny/1.9.1.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ecology/spocc_occ/spocc_occ/0.9.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/peterjc/tmhmm_and_signalp/promoter2/0.0.12 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/qiime_extract_barcodes/qiime_extract_barcodes/1.9.1.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_filter_cells/scanpy_filter_cells/1.6.0+galaxy0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/wolma/mimodd_main/mimodd_varextract/0.1.8_1 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/samtools_mpileup/samtools_mpileup/0.0.1 | 2020-09-01 |3.0 + gff_filter_by_attribute | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/bowtie2/bowtie2/2.3.4.2 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/rnateam/dorina/dorina_search/1.0.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/volcanoplot/volcanoplot/0.0.2 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/length_and_gc_content/length_and_gc_content/0.1.1 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/fasta_nucleotide_changer/cshl_fasta_nucleotides_changer/1.0.2 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/bgruening/join_files_on_column_fuzzy/join_files_on_column_fuzzy/1.0.1 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_find_markers/scanpy_find_markers/1.3.2+galaxy1 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_get_groups/mothur_get_groups/1.39.5.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/computationaltranscriptomics/glassgo/glassgo/1.5.2 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/monocle3_reducedim/monocle3_reduceDim/0.1.4+galaxy0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/monocle3_create/monocle3_create/0.1.4+galaxy2 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/bgruening/split_file_on_column/tp_split_on_column/0.2 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/scanpy_remove_confounders/scanpy_remove_confounders/1.4.4.post1+galaxy3 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/chemteam/bio3d_pca/bio3d_pca/2.3 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastx_nucleotides_distribution/cshl_fastx_nucleotides_distribution/1.0.1 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/mt2mq/mt2mq/1.1.0 | 2020-09-01 |3.0 + intermine | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/blankenberg/naive_variant_caller/naive_variant_caller/0.0.3 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/data_manager_twobit_builder/twobit_builder_data_manager/0.0.4 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/bgruening/bismark/bismark_bowtie2/0.22.1+galaxy2 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/qualimap_bamqc/qualimap_bamqc/2.2.2d+galaxy3 | 2020-09-01 |3.0 + CONVERTER_gff_to_interval_index_0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/cummerbund_to_tabular/cummerbund_to_cuffdiff/1.0.1 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/scanpy_normalize/scanpy_normalize/1.4.4.post1+galaxy3 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/mummer_mummerplot/mummer_mummerplot/4.0.0beta2+galaxy0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/jjohnson/sqlite_to_tabular/sqlite_to_tabular/0.0.1 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/roary/roary/3.12.0+galaxy0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/chemteam/gmx_editconf/gmx_editconf/2019.1.4 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_venn/mothur_venn/1.36.1.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/tgac/miranda/miranda/3.3a | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/chemteam/bio3d_rmsd/bio3d_rmsd/2.3 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/emboss_5/EMBOSS: dotmatcher24/5.0.0.1 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/bam_to_sam/bam_to_sam/1.0.3 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/bowtie2/bowtie2/2.2.6.2 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/peterjc/seq_composition/seq_composition/0.0.5 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastx_quality_statistics/cshl_fastx_quality_statistics/1.0.1 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/gga/apollo_list_organism/list_organism/4.2.5 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/qiime_filter_fasta/qiime_filter_fasta/1.9.1.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/qiime_beta_diversity/qiime_beta_diversity/1.9.1.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/correlation/cor2/1.0.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/bcftools_call/bcftools_call/1.9+galaxy1 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/stringtie/stringtie/1.3.3.1 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/vsearch/vsearch_alignment/2.8.3.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/rnateam/selectsequencesfrommsa/selectsequencesfrommsa/1.0.2 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/proteomics_moff/proteomics_moff/2.0.3.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/data_manager_fetch_genome_dbkeys_all_fasta/data_manager_fetch_genome_all_fasta_dbkey/0.0.2 | 2020-09-01 |3.0 + CONVERTER_gff_to_fli_0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/melpetera/corr_table/corrtable/0.0.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/bgruening/plotly_parallel_coordinates_plot/plotly_parallel_coordinates_plot/0.1 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/gffcompare/gffcompare/0.9.8 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_BamIndexStats/1.56.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_remove_groups/mothur_remove_groups/1.39.5.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/chemteam/bio3d_rmsf/bio3d_rmsf/2.3 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/peterjc/mummer/mummerplot_wrapper/0.0.7 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/imgteam/overlay_segmentation_mask/ip_overlay_segmentation/0.0.6 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/miller-lab/genome_diversity/gd_cluster_kegg/1.0.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/rnateam/viennarna_rnaup/viennarna_rnaup/2.2.10.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_fastq_info/mothur_fastq_info/1.39.5.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/bcftools_concat/bcftools_concat/1.10 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/trinity_super_transcripts/trinity_super_transcripts/2.9.1 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/wolma/mimodd_main/mimodd_varreport/0.1.8_1 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/nilesh/rseqc/rseqc_bam2wig/2.6.4 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/jjohnson/rsem/rsem_calculate_expression/1.1.17 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/poretools_tabular/poretools_tabular/0.6.1a1.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/PicardASMetrics/1.56.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/anton/vcf2tsv/vcf2tsv/0.0.1 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/emboss_5/EMBOSS: fuzznuc37/5.0.2 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/describe_samples/describe_samples/2.8.4 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_multiintersectbed/2.29.2 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/circos/circos_tableviewer/0.69.8+galaxy7 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/circos/circos_wiggle_to_stacked/0.69.8+galaxy7 | 2020-09-01 |3.0 + secure_hash_message_digest | 2020-09-01 |3.0 + velvetg | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/wolma/mimodd_main/mimodd_rebase/0.1.8_1 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/emboss_5/EMBOSS: geecee41/5.0.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/imgteam/coordinates_of_roi/ip_coordinates_of_roi/0.0.4 | 2020-09-01 |3.0 + gtf_filter_by_attribute_values_list | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_filter_cells/scanpy_filter_cells/1.4.3+galaxy9 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/gi2taxonomy/Fetch Taxonomic Ranks/1.1.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/wolma/mimodd_main/mimodd_varcall/0.1.8_1 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/bcftools_norm/bcftools_norm/1.9+galaxy1 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/wolma/mimodd_main/mimodd_covstats/0.1.8_1 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/cardinal_combine/cardinal_combine/2.6.0.0 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/macs2/macs2_predictd/2.1.1.20160309.1 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/iuc/snpsift/snpsift_vartype/4.3.1 | 2020-09-01 |3.0 + toolshed.g2.bx.psu.edu/repos/devteam/ncbi_blast_plus/blastxml_to_tabular/0.3.3 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/devteam/freebayes/freebayes/0.4.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_build_pipeline/sklearn_build_pipeline/1.0.8.2 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/rnateam/graphclust_mlocarna/locarna_best_subtree/0.3 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/ecology/pampa_glmcomm/pampa_glmcomm/0.0.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/reactome_pathwaymatcher/reactome_pathwaymatcher/1.9.1.3 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_compute_gc_bias/deeptools_compute_gc_bias/3.3.2.0.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_normalise_data/scanpy_normalise_data/1.3.2+galaxy1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/circos/circos_interval_to_text/0.69.8+galaxy7 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/transit_gumbel/transit_gumbel/3.0.2+galaxy0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/get_online_data/ctb_online_data_fetch/0.4 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/sickle/sickle/1.33.2 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_idposteriorerrorprobability/IDPosteriorErrorProbability/2.5+galaxy0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/chemteam/gmx_nvt/gmx_nvt/2019.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/sailfish/sailfish/0.10.1.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcfannotategenotypes/vcfannotategenotypes/1.0.0_rc3+galaxy0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcftools_annotate/vcftools_annotate/0.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/snpeff/snpSift_annotate/3.4 | 2020-09-01 |2.0 + sklearn_generalized_linear | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/snpsift_genesets/snpSift_geneSets/4.3.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_compute_graph/scanpy_compute_graph/1.3.2+galaxy1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/meme_psp_gen/meme_psp_gen/5.0.5.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/nilesh/rseqc/rseqc_read_quality/2.6.4 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/ggplot2_heatmap2/ggplot2_heatmap2/2.2.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/tximport/tximport/0.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/devteam/lda_analysis/lda_analy1/1.0.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/anton/vcfcombine/vcfcombine/0.0.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/devteam/data_manager_bowtie2_index_builder/bowtie2_index_builder_data_manager/2.3.4.3 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_run_tsne/scanpy_run_tsne/1.3.2+galaxy1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/scater_filter/scater_filter/1.12.2 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/cardinal_combine/cardinal_combine/2.4.0.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/export2graphlan/export2graphlan/0.19 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/openbabel_svg_depiction/openbabel_svg_depiction/3.1.1+galaxy0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/peptideshaker/search_gui/3.2.13 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/idr/idr/2.0.3 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hiccorrectmatrix/hicexplorer_hiccorrectmatrix/2.1.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/rnateam/selectsequencesfrommsa/selectsequencesfrommsa/1.0.5 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/stacks2_procrad/stacks2_procrad/2.4+galaxy1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcftools_isec/vcftools_isec/0.1.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/ivar_consensus/ivar_consensus/1.2.2+galaxy0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/lparsons/cutadapt/cutadapt/1.16.3 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/openbabel_genprop/openbabel_genProp/3.1.1+galaxy0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_fileinfo/FileInfo/2.2.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/gff_to_prot/gff_to_prot/3.0.2+galaxy0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/peptideshaker/peptide_shaker/1.16.4 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/mlst/mlst_list/2.19.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_find_markers/scanpy_find_markers/1.4.3+galaxy6 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_nn_classifier/sklearn_nn_classifier/1.0.8.2 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_filter_genes/scanpy_filter_genes/1.3.2+galaxy1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/devteam/tabular_to_fastq/tabular_to_fastq/1.0.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/enasearch_retrieve_data/enasearch_retrieve_data/0.1.1.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/ncbi_eutils_egquery/ncbi_eutils_egquery/1.2 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_run_umap/scanpy_run_umap/1.4.3+galaxy9 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_find_cluster/scanpy_find_cluster/1.3.2+galaxy1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/devteam/weblogo3/rgweblogo3/3.5.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/cardinal_classification/cardinal_classification/1.12.1.3 | 2020-09-01 |2.0 + gff_to_sequence | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_get_relabund/mothur_get_relabund/1.39.5.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/rnateam/graphclust_cmfinder/cmFinder/0.3 | 2020-09-01 |2.0 + sequence_convert | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/nilesh/rseqc/rseqc_junction_annotation/2.6.4.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/melpetera/batchcorrection/Batch_correction/2.1.2 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/bwameth/bwameth/0.2.0.3 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_sortbed/2.27.0.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/crs4/ssake/ssake/0.0.10 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/tyty/structurefold/iterative_map_pipeline/1.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/metaquantome_sample/metaquantome_sample/2.0.0-0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_find_variable_genes/scanpy_find_variable_genes/1.3.2+galaxy0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_xtandemadapter/XTandemAdapter/2.5+galaxy0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/rgrnastar/rna_star/2.5.2b-0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/rnateam/viennarna_rnapaln/viennarna_rnapaln/2.2.10.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_reldistbed/2.29.2 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastqc/fastqc/0.69 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_plot_profile/deeptools_plot_profile/2.5.1.1.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/cat_contigs/cat_contigs/5.0.3.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/peterjc/tmhmm_and_signalp/tmhmm2/0.0.16 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/bio_hansel/bio_hansel/0.1.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_peakpickerhires/PeakPickerHiRes/2.3.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/devteam/samtools_stats/samtools_stats/2.0.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/devteam/count_covariates/gatk_count_covariates/0.0.5 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/vardict_java/vardict_java/1.7.0+galaxy0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_filter_cells/scanpy_filter_cells/1.3.2+galaxy0 | 2020-09-01 |2.0 + wc_gnu | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/devteam/kraken2tax/Kraken2Tax/1.2 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/bed_to_protein_map/bed_to_protein_map/0.1.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/gfa_to_fa/gfa_to_fa/0.1.1 | 2020-09-01 |2.0 + gbk_to_orf | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/control_freec/control_freec/11.6+galaxy1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/nilesh/rseqc/rseqc_tin/2.6.4.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/qed/ctb_silicos_qed/2019.03.1+galaxy0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/imgteam/2d_split_binaryimage_by_watershed/ip_2d_split_binaryimage_by_watershed/0.0.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/deseq2/deseq2/2.11.40.6 | 2020-09-01 |2.0 + genbank_to_gff | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/poretools_nucdist/poretools_nucdist/0.6.1a1.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/keras_model_builder/keras_model_builder/0.5.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastq_groomer/fastq_groomer/1.1.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/bctools_extract_barcodes/bctools_extract_barcodes/0.2.2 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/imgteam/coordinates_of_roi/ip_coordinates_of_roi/0.0.3 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastq_quality_boxplot/cshl_fastq_quality_boxplot/1.0.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/snippy/snippy/3.2+galaxy1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/gemini_amend/gemini_amend/0.20.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/trinity/trinity/2.4.0.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/cardinal_data_exporter/cardinal_data_exporter/1.12.1.2 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/poretools_stats/poretools_stats/0.6.1a1.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_falsediscoveryrate/FalseDiscoveryRate/2.2.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/devteam/ncbi_blast_plus/ncbi_rpstblastn_wrapper/2.10.1+galaxy0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/crossmap_gff/crossmap_gff/0.3.7 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_run_pca/scanpy_run_pca/1.3.2+galaxy1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/goseq/goseq/0.2.2 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/plotly_ml_performance_plots/plotly_ml_performance_plots/0.2 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_compute_graph/scanpy_compute_graph/1.6.0+galaxy0 | 2020-09-01 |2.0 + deseq2_single | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_svm_classifier/sklearn_svm_classifier/1.0.8.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_scale_data/scanpy_scale_data/1.3.2+galaxy1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_make_lefse/mothur_make_lefse/1.39.5.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/split_file_to_collection/split_file_to_collection/0.1.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/replace_column_by_key_value_file/replace_column_with_key_value_file/0.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bebatut/group_humann2_uniref_abundances_to_go/group_humann2_uniref_abundances_to_go/1.2.3 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/devteam/megablast_xml_parser/megablast_xml_parser/1.0.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_cluster/mothur_cluster/1.39.5.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/get_pubchem/ctb_pubchem_download_as_smiles/0.3 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/nucleosome_prediction/Nucleosome/3.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/devteam/freebayes_wrapper/freebayes_wrapper/0.5.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_run_pca/scanpy_run_pca/1.4.3+galaxy9 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_run_umap/scanpy_run_umap/1.3.2+galaxy1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/deseq2/deseq2/2.11.40.2 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_compute_graph/scanpy_compute_graph/1.4.3+galaxy9 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/seurat_find_clusters/seurat_find_clusters/2.3.1+galaxy1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/metagene_annotator/metagene_annotator/1.0.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/imgteam/count_objects/ip_count_objects/0.0.4 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_decoydatabase/DecoyDatabase/2.5+galaxy0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/ecology/pampa_communitymetrics/pampa_communitymetrics/0.0.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/imgteam/2d_filter_segmentation_by_features/ip_2d_filter_segmentation_by_features/0.0.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bebatut/cdhit/cd_hit_est/1.3 | 2020-09-01 |2.0 + __FILTER_EMPTY_DATASETS__ | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/devteam/complement/gops_complement_1/0.0.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/rnateam/viennarna_rnapkplex/viennarna_rnapkplex/2.2.10.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_idscoreswitcher/IDScoreSwitcher/2.5+galaxy0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/tyty/structurefold/predict_pipeline/1.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/monocle3_learngraph/monocle3_learnGraph/0.1.4+galaxy0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/crs4/exomedepth/exomedepth/1.1.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/stacks_denovomap/stacks_denovomap/1.46.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_dist_seqs/mothur_dist_seqs/1.39.5.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/snpeff/snpEff/4.3k.0 | 2020-09-01 |2.0 + pyiron_meta | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/gga/apollo_create_account/create_account/4.2.5 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicsummatrices/hicexplorer_hicsummatrices/3.4.3.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/data_manager_star_index_builder/rna_star_index_builder_data_manager/2.7.4a | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/abricate/abricate_list/1.0.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/diff/diff/3.6+galaxy1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicplotmatrix/hicexplorer_hicplotmatrix/2.1.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/devteam/coverage/gops_coverage_1/1.0.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/ont_fast5_api_multi_to_single_fast5/ont_fast5_api_multi_to_single_fast5/3.1.3+galaxy0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_plot_embed/scanpy_plot_embed/1.6.0+galaxy0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_read_10x/scanpy_read_10x/1.3.2+galaxy0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_seq_error/mothur_seq_error/1.39.5.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/stacks2_denovomap/stacks2_denovomap/2.4+galaxy1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/heinz/heinz_visualization/0.1.1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/iuc/moabs/moabs/1.3.4.6+galaxy1 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_awk_tool/1.1.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/diamond/bg_diamond/0.1.6.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/gga/apollo_create_or_update/create_or_update/4.2.5 | 2020-09-01 |2.0 + eden_sequence_converter | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/metaquantome_expand/metaquantome_expand/2.0.0-0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_generalized_linear/sklearn_generalized_linear/1.0.8.2 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hiccorrectmatrix/hicexplorer_hiccorrectmatrix/3.4.1.0 | 2020-09-01 |2.0 + toolshed.g2.bx.psu.edu/repos/bgruening/keras_model_config/keras_model_config/0.5.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/earlhaminst/hcluster_sg/hcluster_sg/0.5.1 | 2020-09-01 |1.0 + bed_to_bigBed | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastq_combiner/fastq_combiner/1.1.5 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_scale_data/scanpy_scale_data/1.4.3+galaxy9 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/gffcompare_to_bed/gffcompare_to_bed/0.1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/rnaz/rnaz/2.1.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/peterjc/align_back_trans/align_back_trans/0.0.10 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/freebayes/freebayes/freebayes-0.9.14 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/protein_properties/bg_protein_properties/0.1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_plot_correlation/deeptools_plot_correlation/3.0.2.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/rnaspades/rnaspades/3.9.0.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/maker/maker/2.31.9.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_FilterSamReads/2.18.2.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/yhoogstrate/segmentation_fold/smf_utils_find-boxes/smf-v1.7-0_utils-v2.1.1-1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/extract_genomic_dna/Extract genomic DNA 1/3.0.0 | 2020-09-01 |1.0 + vcf_to_maf_customtrack1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_merge_count/mothur_merge_count/1.39.5.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_filter_shared/mothur_filter_shared/1.39.5.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/openbabel_remduplicates/openbabel_remDuplicates/3.1.1+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/jjohnson/cdhit/cd_hit_protein/1.2 | 2020-09-01 |1.0 + __RELABEL_FROM_FILE__ | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/chemteam/biomd_extract_clusters/biomd_extract_clusters/0.1.5.2+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/circos/circos_interval_to_tile/0.69.8+galaxy7 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/data_manager_hisat2_index_builder/hisat2_index_builder_data_manager/2.0.5 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/rnateam/antarna/antarna/1.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/rgrnastar/rna_star/2.5.2b-1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcftools_merge/vcftools_merge/0.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/humann2_barplot/humann2_barplot/0.11.1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/gemini_interactions/gemini_interactions/0.20.1 | 2020-09-01 |1.0 + CONVERTER_bcf_uncompressed_to_bcf | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/gemini_pathways/gemini_pathways/0.20.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/enumerate_charges/enumerate_charges/2020.03.4+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_chimera_uchime/mothur_chimera_uchime/1.39.5.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_ValidateSamFile/2.18.2.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_find_variable_genes/scanpy_find_variable_genes/1.4.3+galaxy9 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/anton/vcfcheck/vcfcheck/0.0.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_data_preprocess/sklearn_data_preprocess/1.0.8.2 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcfcheck/vcfcheck/1.0.0_rc1+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicplotsvl/hicexplorer_hicplotsvl/3.4.3.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_links/2.29.2 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/encyclopedia_prosit_csv_to_library/encyclopedia_prosit_csv_to_library/0.9.5.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/vsearch/vsearch_masking/2.8.3.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/cardinal_segmentations/cardinal_segmentations/2.4.0.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/dotknot/dotknot/1.3.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/medaka_variant/medaka_variant/1.0.3+galaxy1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/ebi_search_rest_results/ebi_search_rest_results/0.1.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/poretools_winner/poretools_winner/0.6.1a1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/nanocompore_db/nanocompore_db/1.0.0rc3.post2+galaxy2 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/merge/gops_merge_1/1.0.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/bismark/bismark_pretty_report/0.16.3 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_idposteriorerrorprobability/IDPosteriorErrorProbability/2.2.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/monocle3_diffexp/monocle3_diffExp/0.1.4+galaxy1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/umi_tools_whitelist/umi_tools_whitelist/0.5.5.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/ggplot2_histogram/ggplot2_histogram/2.2.1+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/emboss_5/EMBOSS: dotpath25/5.0.0.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/cardinal_combine/cardinal_combine/2.2.6.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/poretools_yield_plot/poretools_yield_plot/0.6.1a1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/cardinal_mz_images/cardinal_mz_images/2.4.0.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_searchcv/sklearn_searchcv/1.0.8.2 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/repeat_masker/repeatmasker_wrapper/4.0.9 | 2020-09-01 |1.0 + srma_wrapper | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/vt_variant_tools/vt_normalize/0.1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/short_reads_trim_seq/trim_reads/1.0.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/rnateam/atactk_trim_adapters/atactk_trim_adapters/0.1.6 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/seurat_dim_plot/seurat_dim_plot/2.3.1+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ethevenot/transformation/Transformation/2.2.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/seurat_run_tsne/seurat_run_tsne/2.3.1+galaxy1 | 2020-09-01 |1.0 + modENCODEworm | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_plot_fingerprint/deeptools_plot_fingerprint/2.5.7.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/qiime_pick_closed_reference_otus/qiime_pick_closed_reference_otus/1.9.1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicmergematrixbins/hicexplorer_hicmergematrixbins/2.1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/miller-lab/genome_diversity/gd_new_oscar/1.0.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/miller-lab/genome_diversity/gd_pca/1.0.0 | 2020-09-01 |1.0 + codon_count | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/bamtools/bamtools/0.0.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/monocle3_partition/monocle3_partition/0.1.4+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/freebayes/bamleftalign/0.4 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/quast/quast/4.6.3 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/imgteam/image_info/ip_imageinfo/0.2 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_getfastabed/2.29.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/kraken_report/kraken-mpa-report/1.2.3 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/tophat_fusion_post/tophat_fusion_post/0.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/idba_hybrid/idba_hybrid/1.1.3 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcfcombine/vcfcombine/0.0.4 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/metaquantome_filter/metaquantome_filter/2.0.0-0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/seurat_find_variable_genes/seurat_find_variable_genes/2.3.1+galaxy1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/natural_product_likeness/ctb_np-likeness-calculator/2.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/seurat_run_pca/seurat_run_pca/2.3.1+galaxy1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/earlhaminst/ensembl_get_feature_info/get_feature_info/0.1.2 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/gprofiler_snpense/gprofiler_snpense/0.1.7+galaxy11 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/metaeuk_easy_predict/metaeuk_easy_predict/2.ddf2742+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/last/last_al/1021+galaxy1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_featurefindermultiplex/FeatureFinderMultiplex/2.2.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_genomecoveragebed_histogram/2.19.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/miller-lab/genome_diversity/gd_rank_terms/1.1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/cutesv/cutesv/1.0.8+galaxy0 | 2020-09-01 |1.0 + CONVERTER_interval_to_bed6_0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/gemini_burden/gemini_burden/0.20.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/rnateam/viennarna_rnaplex/viennarna_rnaplex/2.2.10.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicadjustmatrix/hicexplorer_hicadjustmatrix/3.4.3.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/seqtk/seqtk_mergefa/1.3.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/rnaz_annotate/rnaz_annotate/2.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/yhoogstrate/segmentation_fold/smf_utils_fix-fasta-headers/smf-v1.7-0_utils-v2.1.1-1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_split_groups/mothur_split_groups/1.39.5.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/tsne/tsne/0.0.2 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/ivar_variants/ivar_variants/1.2.2+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/rnateam/graphclust_postprocessing/glob_report/0.4 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicpca/hicexplorer_hicpca/2.1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/seurat_find_markers/seurat_find_markers/2.3.1+galaxy1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/bam_to_sam/bam_to_sam/2.0.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_idfilter/IDFilter/2.2.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/crs4/prokka/prokka/1.12.0 | 2020-09-01 |1.0 + interactive_tool_fairdom_send | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_searchcv/sklearn_searchcv/0.9 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcf2pgsnp/vcf2pgSnp/1.0.0 | 2020-09-01 |1.0 + ucsc_table_direct_archaea1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/lecorguille/anova/abims_anova/1.2.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/snpeff/snpEff/4.0.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/eggnog_mapper/eggnog_mapper/1.0.3.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/stacks_populations/stacks_populations/1.46.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/obi_ngsfilter/obi_ngsfilter/1.2.11 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/ucsc_cell_browser/ucsc_cell_browser/0.5.43+galaxy1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/idba_ud/idba_ud/1.1.3+galaxy1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_msgfplusadapter/MSGFPlusAdapter/2.2.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/rnateam/viennarna_rnalalifold/viennarna_rnalalifold/2.2.10.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_filter_genes/scanpy_filter_genes/1.6.0+galaxy0 | 2020-09-01 |1.0 + interactive_tool_openrefine | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/rnateam/graphclust_prepocessing_for_mlocarna/preMloc/0.3 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/picrust_compare_biom/picrust_compare_biom/1.1.1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ecology/pampa_presabs/pampa_presabs/0.0.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/peterjc/tmhmm_and_signalp/wolf_psort/0.0.8 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_get_sharedseqs/mothur_get_sharedseqs/1.39.5.0 | 2020-09-01 |1.0 + mosaik_wrapper | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/imgteam/scale_image/ip_scale_image/0.4 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcfannotate/vcfannotate/1.0.0_rc1+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/jbrowse/jbrowse/1.16.8+galaxy1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_idscoreswitcher/IDScoreSwitcher/2.2.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_mapalignerspectrum/MapAlignerSpectrum/2.5+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/scater_normalize/scater_normalize/1.12.2 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcfcombine/vcfcombine/1.0.0_rc1+galaxy0 | 2020-09-01 |1.0 + PerM | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/msi_preprocessing/mass_spectrometry_imaging_preprocessing/1.10.0.4 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/bcftools_call/bcftools_call/1.10 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/featurecounts/featurecounts/1.4.6.p5 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_filefilter/FileFilter/2.2.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/resize_coordinate_window/resize_coordinate_window/1.0.2 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastx_renamer/cshl_fastx_renamer/0.0.14+galaxy1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/seqtk/seqtk_comp/1.3.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/gemini_lof_sieve/gemini_lof_sieve/0.20.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/qualimap_multi_bamqc/qualimap_multi_bamqc/2.2.2c | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcfbedintersect/vcfbedintersect/1.0.0_rc1+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/chemteam/ambertools_antechamber/ambertools_antechamber/19.11 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/seurat_read10x/seurat_read10x/2.3.1+galaxy1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_idconflictresolver/IDConflictResolver/2.2.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/seurat_filter_cells/seurat_filter_cells/2.3.1+galaxy1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/count_seqs/count_seqs/1.9.1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/hisat2/hisat2/2.0.3 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/monocle3_preprocess/monocle3_preprocess/0.1.4+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/meme_chip/meme_chip/4.11.2 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/humann2_genefamilies_genus_level/humann2_genefamilies_genus_level/0.11.1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/phyml/phyml/3.3.20190909 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ecology/regionalgam_flight_curve/regionalgam_flight_curve/1.5 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/structure/structure/2.3.4 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicbuildmatrix/hicexplorer_hicbuildmatrix/2.1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_normalise_data/scanpy_normalise_data/1.4.3+galaxy9 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/chemteam/gmx_npt/gmx_npt/2018.2 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/openbabel_addh/openbabel_addh/3.1.1+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/uniprotxml_downloader/uniprotxml_downloader/2.1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/last/last_train/1021+galaxy1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/gffread/gffread/2.2.1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicplottads/hicexplorer_hicplottads/2.1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_regress_variable/scanpy_regress_variable/1.4.3+galaxy9 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/droplet_barcode_plot/_dropletBarcodePlot/1.6.1+galaxy2 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/maker/maker/2.31.10 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcfcheck/vcfcheck/1.0.0_rc3+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/weblogo3/rgweblogo3/0.4 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_CleanSam/2.18.2.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/humann2_join_tables/humann2_join_tables/0.11.1.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/alevin/alevin/0.14.1.2+galaxy1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/emboss_5/EMBOSS: merger54/5.0.0.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/onto_tk_term_id_vs_term_name/onto_tk_term_id_vs_term_name/1.45.0 | 2020-09-01 |1.0 + CONVERTER_maf_to_interval_0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_peptideindexer/PeptideIndexer/2.2.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/bcftools_cnv/bcftools_cnv/1.9+galaxy1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bonsai/sortmerna/merged_paired_reads_wrapper/1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/stacks2_gstacks/stacks2_gstacks/2.4+galaxy1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_fidoadapter/FidoAdapter/2.2.0.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/gemini_fusions/gemini_fusions/0.20.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/crossmap_bed/crossmap_bed/0.3.7 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/sauria/hifive/hifive/0.1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/edger/edger/3.16.5 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/rnateam/rcas/rcas/1.5.4 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_peakpickerhires/PeakPickerHiRes/2.1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/crispr_recognition_tool/crispr_recognition_tool/1.2.0 | 2020-09-01 |1.0 + CONVERTER_cram_to_bam_0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_map/2.29.2.2 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_phylotype/mothur_phylotype/1.39.5.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/chemteam/md_converter/md_slicer/1.9.3 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_get_seqs/mothur_get_seqs/1.39.5.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/roary/roary/0.1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/earlhaminst/ete/species_tree_generator/3.0.0b35 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/humann2_reduce_table/humann2_reduce_table/0.11.1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/peterjc/tmhmm_and_signalp/wolf_psort/0.0.6 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/bamhash/bamhash/1.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_train_test_eval/sklearn_train_test_eval/1.0.8.2 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_list_seqs/mothur_list_seqs/1.39.5.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/imgteam/imagej2_math/imagej2_math/3.0.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastqc/fastqc/0.67 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicfindtads/hicexplorer_hicfindtads/2.1.0 | 2020-09-01 |1.0 + gff_filter_by_feature_count | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_proteinquantifier/ProteinQuantifier/2.2.0 | 2020-09-01 |1.0 + raceid_main | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/cp_measure_object_size_shape/cp_measure_object_size_shape/3.1.9 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/unicycler/unicycler/0.4.6.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastq_paired_end_deinterlacer/fastq_paired_end_deinterlacer/1.1.2 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/keras_train_and_eval/keras_train_and_eval/1.0.8.2 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/sucos_max_score/sucos_max_score/2020.03.4+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/gga/apollo_feat_from_gff3/feat_from_gff3/4.2.5 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_slopbed/2.27.0.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/rnateam/viennarna_rnainverse/viennarna_rnainverse/2.2.10.0 | 2020-09-01 |1.0 + CONVERTER_Bam_Bai_0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/xchem_transfs_scoring/xchem_transfs_scoring/0.4.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/bcftools_cnv/bcftools_cnv/1.10 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/crossmap_bam/crossmap_bam/0.3.7 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/emboss_5/EMBOSS: garnier40/5.0.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/ctb_frankenstein_ligand/ctb_frankenstein_ligand/2013.1-0+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/openbabel_compound_convert/openbabel_compound_convert/2.4.2.2.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/retrieve_scxa/retrieve_scxa/v0.0.1+galaxy1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/freebayes/freebayes/1.0.2.29--1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcfsort/vcfsort/1.0.0_rc3+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/emboss_5/EMBOSS: plotcon75/5.0.0.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/chemteam/biomd_neqgamma/biomd_neqgamma/0.1.5.2+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/chemteam/mdanalysis_endtoend/mdanalysis_endtoend/1.0.0+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/seq2hla/seq2hla/2.2.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_idfilter/IDFilter/2.5+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/peptideshaker/search_gui/2.9.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/bowtie2/bowtie2/0.2 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/rnateam/viennarna_rnaeval/viennarna_rnaeval/2.2.10.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicaverageregions/hicexplorer_hicaverageregions/3.4.3.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/emboss_5/EMBOSS: backtranseq2/6.6.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/rnateam/mlocarna/mlocarna/1.8.12.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/cardinal_classification/cardinal_classification/2.6.0.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/jbrowse/jbrowse_to_standalone/1.16.9+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/chemteam/mdanalysis_hbonds/mdanalysis_hbonds/1.0.0+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_numeric_clustering/sklearn_numeric_clustering/1.0.0.4 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_scale_data/scanpy_scale_data/1.6.0+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/kobas/kobas_annotate/0.4 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/wolma/mimodd_main/mimodd_info/0.1.8_1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ecology/pampa_glmsp/pampa_glmsp/0.0.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/seurat_normalise_data/seurat_normalise_data/2.3.1+galaxy1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_idmapper/IDMapper/2.2.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/rnateam/structure_to_gspan/structure_to_gspan/0.3 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/humann2_unpack_pathways/humann2_unpack_pathways/0.11.1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/gatk4_mutect2/gatk4_mutect2/4.1.4.0+galaxy0 | 2020-09-01 |1.0 + svm_classifier | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/cp_export_to_spreadsheet/cp_export_to_spreadsheet/3.1.9 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/trinity_analyze_diff_expr/trinity_analyze_diff_expr/2.8.4+galaxy1 | 2020-09-01 |1.0 + fragmenter | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/rnateam/graphclust_nspdk/NSPDK_candidateClust/9.2.2 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/rnateam/graphclust_preprocessing/preproc/0.4 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/gemini_roh/gemini_roh/0.20.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_highresprecursormasscorrector/HighResPrecursorMassCorrector/2.2.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/blankenberg/naive_variant_caller/naive_variant_caller/0.0.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/seurat/seurat/3.1.5+galaxy1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_plot_correlation/deeptools_plot_correlation/2.5.7.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/ncbi_eutils_einfo/ncbi_eutils_einfo/1.2 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/heinz/heinz_bum/1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcffixup/vcffixup/1.0.0_rc3+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_multi_bam_summary/deeptools_multi_bam_summary/2.5.7.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/earlhaminst/smina/smina/1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/openms_fileconverter/FileConverter/2.1.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/unicycler/unicycler/0.2.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/kraken_report/kraken-mpa-report/1.1.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_build_pipeline/sklearn_build_pipeline/0.9 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/rnateam/graphclust_nspdk/nspdk_sparse/9.2.2 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/busco/busco/3.0.2+galaxy1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/seqtk/seqtk_mergepe/1.3.1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcfbedintersect/vcfbedintersect/1.0.0_rc3+galaxy0 | 2020-09-01 |1.0 + qual_stats_boxplot | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/galaxyp/peptideshaker/peptide_shaker/1.11.0 | 2020-09-01 |1.0 + interactive_tool_askomics | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/seurat_scale_data/seurat_scale_data/2.3.1+galaxy1 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/seurat_export_cellbrowser/seurat_export_cellbrowser/2.3.1+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_model_validation/sklearn_model_validation/1.0.8.2 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/ebi-gxa/scanpy_filter_genes/scanpy_filter_genes/1.4.3+galaxy9 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/mothur_chimera_slayer/mothur_chimera_slayer/1.39.5.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/autodock_vina_prepare_ligand/prepare_ligand/1.5.7+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_train_test_split/sklearn_train_test_split/1.0.8.2 | 2020-09-01 |1.0 + tombo_text_output | 2020-09-01 |1.0 + hgv_linkToGProfile | 2020-09-01 |1.0 + CONVERTER_wiggle_to_interval_0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/valet/valet/1.0.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/nml/sistr_cmd/sistr_cmd/1.0.2 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/vcfaddinfo/vcfaddinfo/1.0.0_rc1+galaxy0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/iuc/ngsutils_bam_filter/ngsutils_bam_filter/0.5.7.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/devteam/fastqtofasta/fastq_to_fasta_python/1.0.0 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/earlhaminst/ensembl_get_sequences/get_sequences/0.1.2 | 2020-09-01 |1.0 + toolshed.g2.bx.psu.edu/repos/bgruening/rxdock_rbcavity/rxdock_rbcavity/0.1.5 | 2020-09-01 |1.0 +(51301 rows)|| diff -r 4f7e6612906b -r e94dc7945639 test-data/test_workflow_connections --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/test_workflow_connections Sun Oct 16 11:52:10 2022 +0000 @@ -0,0 +1,1101 @@ + wf_id | wf_updated | in_id | in_tool | in_tool_v | out_id | out_tool | out_tool_v | published | deleted | has_errors +--------+------------+---------+----------------------------------------------------------------------------------------------------------------------------------------+----------------------------------------------+---------+----------------------------------------------------------------------------------------------------------------------------------------+----------------------------------------------+-----------+---------+------------|||||||||| + 3 | 2013-02-07 |5.0| Grep1 | 1.0.1 |7.0| Remove beginning1 | 1.0.0 | f | t | f + 3 | 2013-02-07 |6.0| Cut1 | 1.0.1 |8.0| addValue | 1.0.0 | f | t | f + 3 | 2013-02-07 |7.0| Remove beginning1 | 1.0.0 |6.0| Cut1 | 1.0.1 | f | t | f + 3 | 2013-02-07 |7.0| Remove beginning1 | 1.0.0 |9.0| Cut1 | 1.0.1 | f | t | f + 3 | 2013-02-07 |8.0| addValue | 1.0.0 |11.0| Paste1 | 1.0.0 | f | t | f + 3 | 2013-02-07 |9.0| Cut1 | 1.0.1 |11.0| Paste1 | 1.0.0 | f | t | f + 3 | 2013-02-07 |11.0| Paste1 | 1.0.0 |10.0| addValue | 1.0.0 | f | t | f + 3 | 2013-02-07 |12.0| | |5.0| Grep1 | 1.0.1 | f | t | f + 4 | 2013-02-07 |13.0| cat1 | 1.0.0 |22.0| barchart_gnuplot | 1.0.0 | f | t | f + 4 | 2013-02-07 |14.0| bedtools_intersectBed | |16.0| wc_gnu | 1.0.0 | f | t | f + 4 | 2013-02-07 |15.0| bedtools_intersectBed | |17.0| sort1 | 1.0.1 | f | t | f + 4 | 2013-02-07 |16.0| wc_gnu | 1.0.0 |18.0| addValue | 1.0.0 | f | t | f + 4 | 2013-02-07 |17.0| sort1 | 1.0.1 |19.0| cshl_awk_tool | | f | t | f + 4 | 2013-02-07 |18.0| addValue | 1.0.0 |13.0| cat1 | 1.0.0 | f | t | f + 4 | 2013-02-07 |19.0| cshl_awk_tool | |21.0| cshl_uniq_tool | 1.0.0 | f | t | f + 4 | 2013-02-07 |20.0| Count1 | 1.0.0 |13.0| cat1 | 1.0.0 | f | t | f + 4 | 2013-02-07 |21.0| cshl_uniq_tool | 1.0.0 |20.0| Count1 | 1.0.0 | f | t | f + 4 | 2013-02-07 |23.0| | |14.0| bedtools_intersectBed | | f | t | f + 4 | 2013-02-07 |23.0| | |15.0| bedtools_intersectBed | | f | t | f + 4 | 2013-02-07 |24.0| | |14.0| bedtools_intersectBed | | f | t | f + 4 | 2013-02-07 |24.0| | |15.0| bedtools_intersectBed | | f | t | f + 5 | 2013-02-07 |25.0| addValue | 1.0.0 |26.0| cat1 | 1.0.0 | f | t | f + 5 | 2013-02-07 |26.0| cat1 | 1.0.0 |67.0| barchart_gnuplot | 1.0.0 | f | t | f + 5 | 2013-02-07 |27.0| Cut1 | 1.0.1 |59.0| Paste1 | 1.0.0 | f | t | f + 5 | 2013-02-07 |28.0| Cut1 | 1.0.1 |59.0| Paste1 | 1.0.0 | f | t | f + 5 | 2013-02-07 |29.0| Cut1 | 1.0.1 |66.0| Paste1 | 1.0.0 | f | t | f + 5 | 2013-02-07 |30.0| Cut1 | 1.0.1 |66.0| Paste1 | 1.0.0 | f | t | f + 5 | 2013-02-07 |31.0| Cut1 | 1.0.1 |36.0| Paste1 | 1.0.0 | f | t | f + 5 | 2013-02-07 |32.0| Cut1 | 1.0.1 |36.0| Paste1 | 1.0.0 | f | t | f + 5 | 2013-02-07 |33.0| Cut1 | 1.0.1 |60.0| Paste1 | 1.0.0 | f | t | f + 5 | 2013-02-07 |34.0| Cut1 | 1.0.1 |60.0| Paste1 | 1.0.0 | f | t | f + 5 | 2013-02-07 |35.0| Paste1 | 1.0.0 |65.0| Add_a_column1 | 1.1.0 | f | t | f + 5 | 2013-02-07 |36.0| Paste1 | 1.0.0 |64.0| Add_a_column1 | 1.1.0 | f | t | f + 5 | 2013-02-07 |37.0| addValue | 1.0.0 |26.0| cat1 | 1.0.0 | f | t | f + 5 | 2013-02-07 |38.0| addValue | 1.0.0 |26.0| cat1 | 1.0.0 | f | t | f + 5 | 2013-02-07 |39.0| Filter1 | 1.1.0 |45.0| Summary_Statistics1 | 1.1.0 | f | t | f + 5 | 2013-02-07 |39.0| Filter1 | 1.1.0 |46.0| Summary_Statistics1 | 1.1.0 | f | t | f + 5 | 2013-02-07 |40.0| gops_coverage_1 | 1.0.0 |39.0| Filter1 | 1.1.0 | f | t | f + 5 | 2013-02-07 |40.0| gops_coverage_1 | 1.0.0 |41.0| cshl_grep_tool | 1.0.0 | f | t | f + 5 | 2013-02-07 |40.0| gops_coverage_1 | 1.0.0 |42.0| Filter1 | 1.1.0 | f | t | f + 5 | 2013-02-07 |40.0| gops_coverage_1 | 1.0.0 |43.0| Filter1 | 1.1.0 | f | t | f + 5 | 2013-02-07 |40.0| gops_coverage_1 | 1.0.0 |44.0| Filter1 | 1.1.0 | f | t | f + 5 | 2013-02-07 |41.0| cshl_grep_tool | 1.0.0 |51.0| Summary_Statistics1 | 1.1.0 | f | t | f + 5 | 2013-02-07 |41.0| cshl_grep_tool | 1.0.0 |52.0| Summary_Statistics1 | 1.1.0 | f | t | f + 5 | 2013-02-07 |42.0| Filter1 | 1.1.0 |49.0| Summary_Statistics1 | 1.1.0 | f | t | f + 5 | 2013-02-07 |42.0| Filter1 | 1.1.0 |50.0| Summary_Statistics1 | 1.1.0 | f | t | f + 5 | 2013-02-07 |43.0| Filter1 | 1.1.0 |55.0| Summary_Statistics1 | 1.1.0 | f | t | f + 5 | 2013-02-07 |43.0| Filter1 | 1.1.0 |56.0| Summary_Statistics1 | 1.1.0 | f | t | f + 5 | 2013-02-07 |44.0| Filter1 | 1.1.0 |53.0| Summary_Statistics1 | 1.1.0 | f | t | f + 5 | 2013-02-07 |44.0| Filter1 | 1.1.0 |54.0| Summary_Statistics1 | 1.1.0 | f | t | f + 5 | 2013-02-07 |45.0| Summary_Statistics1 | 1.1.0 |57.0| Cut1 | 1.0.1 | f | t | f + 5 | 2013-02-07 |46.0| Summary_Statistics1 | 1.1.0 |58.0| Cut1 | 1.0.1 | f | t | f + 5 | 2013-02-07 |47.0| addValue | 1.0.0 |26.0| cat1 | 1.0.0 | f | t | f + 5 | 2013-02-07 |48.0| addValue | 1.0.0 |26.0| cat1 | 1.0.0 | f | t | f + 5 | 2013-02-07 |49.0| Summary_Statistics1 | 1.1.0 |32.0| Cut1 | 1.0.1 | f | t | f + 5 | 2013-02-07 |50.0| Summary_Statistics1 | 1.1.0 |31.0| Cut1 | 1.0.1 | f | t | f + 5 | 2013-02-07 |51.0| Summary_Statistics1 | 1.1.0 |34.0| Cut1 | 1.0.1 | f | t | f + 5 | 2013-02-07 |52.0| Summary_Statistics1 | 1.1.0 |33.0| Cut1 | 1.0.1 | f | t | f + 5 | 2013-02-07 |53.0| Summary_Statistics1 | 1.1.0 |28.0| Cut1 | 1.0.1 | f | t | f + 5 | 2013-02-07 |54.0| Summary_Statistics1 | 1.1.0 |27.0| Cut1 | 1.0.1 | f | t | f + 5 | 2013-02-07 |55.0| Summary_Statistics1 | 1.1.0 |30.0| Cut1 | 1.0.1 | f | t | f + 5 | 2013-02-07 |56.0| Summary_Statistics1 | 1.1.0 |29.0| Cut1 | 1.0.1 | f | t | f + 5 | 2013-02-07 |57.0| Cut1 | 1.0.1 |35.0| Paste1 | 1.0.0 | f | t | f + 5 | 2013-02-07 |58.0| Cut1 | 1.0.1 |35.0| Paste1 | 1.0.0 | f | t | f + 5 | 2013-02-07 |59.0| Paste1 | 1.0.0 |62.0| Add_a_column1 | 1.1.0 | f | t | f + 5 | 2013-02-07 |60.0| Paste1 | 1.0.0 |63.0| Add_a_column1 | 1.1.0 | f | t | f + 5 | 2013-02-07 |61.0| Add_a_column1 | 1.1.0 |25.0| addValue | 1.0.0 | f | t | f + 5 | 2013-02-07 |62.0| Add_a_column1 | 1.1.0 |38.0| addValue | 1.0.0 | f | t | f + 5 | 2013-02-07 |63.0| Add_a_column1 | 1.1.0 |37.0| addValue | 1.0.0 | f | t | f + 5 | 2013-02-07 |64.0| Add_a_column1 | 1.1.0 |47.0| addValue | 1.0.0 | f | t | f + 5 | 2013-02-07 |65.0| Add_a_column1 | 1.1.0 |48.0| addValue | 1.0.0 | f | t | f + 5 | 2013-02-07 |66.0| Paste1 | 1.0.0 |61.0| Add_a_column1 | 1.1.0 | f | t | f + 5 | 2013-02-07 |68.0| | |40.0| gops_coverage_1 | 1.0.0 | f | t | f + 5 | 2013-02-07 |69.0| | |40.0| gops_coverage_1 | 1.0.0 | f | t | f + 6 | 2013-02-07 |71.0| | |70.0| cshl_awk_tool1 | 1.0.0 | f | t | f + 9 | 2013-02-07 |82.0| Grep1 | 1.0.1 |84.0| Remove beginning1 | 1.0.0 | t | f | f + 9 | 2013-02-07 |82.0| Grep1 | 1.0.1 |84.0| Remove beginning1 | 1.0.0 | f | t | f + 9 | 2013-02-07 |82.0| Grep1 | 1.0.1 |84.0| Remove beginning1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |82.0| Grep1 | 1.0.1 |84.0| Remove beginning1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |82.0| Grep1 | 1.0.1 |84.0| Remove beginning1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |82.0| Grep1 | 1.0.1 |84.0| Remove beginning1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |82.0| Grep1 | 1.0.1 |84.0| Remove beginning1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |82.0| Grep1 | 1.0.1 |84.0| Remove beginning1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |82.0| Grep1 | 1.0.1 |84.0| Remove beginning1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |82.0| Grep1 | 1.0.1 |84.0| Remove beginning1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |82.0| Grep1 | 1.0.1 |84.0| Remove beginning1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |82.0| Grep1 | 1.0.1 |84.0| Remove beginning1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |82.0| Grep1 | 1.0.1 |84.0| Remove beginning1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |82.0| Grep1 | 1.0.1 |84.0| Remove beginning1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |83.0| Cut1 | 1.0.1 |85.0| addValue | 1.0.0 | t | f | f + 9 | 2013-02-07 |83.0| Cut1 | 1.0.1 |85.0| addValue | 1.0.0 | f | t | f + 9 | 2013-02-07 |83.0| Cut1 | 1.0.1 |85.0| addValue | 1.0.0 | f | f | f + 9 | 2013-02-07 |83.0| Cut1 | 1.0.1 |85.0| addValue | 1.0.0 | f | f | f + 9 | 2013-02-07 |83.0| Cut1 | 1.0.1 |85.0| addValue | 1.0.0 | f | f | f + 9 | 2013-02-07 |83.0| Cut1 | 1.0.1 |85.0| addValue | 1.0.0 | f | f | f + 9 | 2013-02-07 |83.0| Cut1 | 1.0.1 |85.0| addValue | 1.0.0 | f | f | f + 9 | 2013-02-07 |83.0| Cut1 | 1.0.1 |85.0| addValue | 1.0.0 | f | f | f + 9 | 2013-02-07 |83.0| Cut1 | 1.0.1 |85.0| addValue | 1.0.0 | f | f | f + 9 | 2013-02-07 |83.0| Cut1 | 1.0.1 |85.0| addValue | 1.0.0 | f | f | f + 9 | 2013-02-07 |83.0| Cut1 | 1.0.1 |85.0| addValue | 1.0.0 | f | f | f + 9 | 2013-02-07 |83.0| Cut1 | 1.0.1 |85.0| addValue | 1.0.0 | f | f | f + 9 | 2013-02-07 |83.0| Cut1 | 1.0.1 |85.0| addValue | 1.0.0 | f | f | f + 9 | 2013-02-07 |83.0| Cut1 | 1.0.1 |85.0| addValue | 1.0.0 | f | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |83.0| Cut1 | 1.0.1 | t | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |83.0| Cut1 | 1.0.1 | f | t | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |83.0| Cut1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |83.0| Cut1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |83.0| Cut1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |83.0| Cut1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |83.0| Cut1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |83.0| Cut1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |83.0| Cut1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |83.0| Cut1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |83.0| Cut1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |83.0| Cut1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |83.0| Cut1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |83.0| Cut1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |86.0| Cut1 | 1.0.1 | t | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |86.0| Cut1 | 1.0.1 | f | t | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |86.0| Cut1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |86.0| Cut1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |86.0| Cut1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |86.0| Cut1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |86.0| Cut1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |86.0| Cut1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |86.0| Cut1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |86.0| Cut1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |86.0| Cut1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |86.0| Cut1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |86.0| Cut1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |84.0| Remove beginning1 | 1.0.0 |86.0| Cut1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |85.0| addValue | 1.0.0 |88.0| Paste1 | 1.0.0 | t | f | f + 9 | 2013-02-07 |85.0| addValue | 1.0.0 |88.0| Paste1 | 1.0.0 | f | t | f + 9 | 2013-02-07 |85.0| addValue | 1.0.0 |88.0| Paste1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |85.0| addValue | 1.0.0 |88.0| Paste1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |85.0| addValue | 1.0.0 |88.0| Paste1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |85.0| addValue | 1.0.0 |88.0| Paste1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |85.0| addValue | 1.0.0 |88.0| Paste1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |85.0| addValue | 1.0.0 |88.0| Paste1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |85.0| addValue | 1.0.0 |88.0| Paste1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |85.0| addValue | 1.0.0 |88.0| Paste1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |85.0| addValue | 1.0.0 |88.0| Paste1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |85.0| addValue | 1.0.0 |88.0| Paste1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |85.0| addValue | 1.0.0 |88.0| Paste1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |85.0| addValue | 1.0.0 |88.0| Paste1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |86.0| Cut1 | 1.0.1 |88.0| Paste1 | 1.0.0 | t | f | f + 9 | 2013-02-07 |86.0| Cut1 | 1.0.1 |88.0| Paste1 | 1.0.0 | f | t | f + 9 | 2013-02-07 |86.0| Cut1 | 1.0.1 |88.0| Paste1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |86.0| Cut1 | 1.0.1 |88.0| Paste1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |86.0| Cut1 | 1.0.1 |88.0| Paste1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |86.0| Cut1 | 1.0.1 |88.0| Paste1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |86.0| Cut1 | 1.0.1 |88.0| Paste1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |86.0| Cut1 | 1.0.1 |88.0| Paste1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |86.0| Cut1 | 1.0.1 |88.0| Paste1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |86.0| Cut1 | 1.0.1 |88.0| Paste1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |86.0| Cut1 | 1.0.1 |88.0| Paste1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |86.0| Cut1 | 1.0.1 |88.0| Paste1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |86.0| Cut1 | 1.0.1 |88.0| Paste1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |86.0| Cut1 | 1.0.1 |88.0| Paste1 | 1.0.0 | f | f | f + 9 | 2013-02-07 |88.0| Paste1 | 1.0.0 |87.0| addValue | 1.0.0 | t | f | f + 9 | 2013-02-07 |88.0| Paste1 | 1.0.0 |87.0| addValue | 1.0.0 | f | t | f + 9 | 2013-02-07 |88.0| Paste1 | 1.0.0 |87.0| addValue | 1.0.0 | f | f | f + 9 | 2013-02-07 |88.0| Paste1 | 1.0.0 |87.0| addValue | 1.0.0 | f | f | f + 9 | 2013-02-07 |88.0| Paste1 | 1.0.0 |87.0| addValue | 1.0.0 | f | f | f + 9 | 2013-02-07 |88.0| Paste1 | 1.0.0 |87.0| addValue | 1.0.0 | f | f | f + 9 | 2013-02-07 |88.0| Paste1 | 1.0.0 |87.0| addValue | 1.0.0 | f | f | f + 9 | 2013-02-07 |88.0| Paste1 | 1.0.0 |87.0| addValue | 1.0.0 | f | f | f + 9 | 2013-02-07 |88.0| Paste1 | 1.0.0 |87.0| addValue | 1.0.0 | f | f | f + 9 | 2013-02-07 |88.0| Paste1 | 1.0.0 |87.0| addValue | 1.0.0 | f | f | f + 9 | 2013-02-07 |88.0| Paste1 | 1.0.0 |87.0| addValue | 1.0.0 | f | f | f + 9 | 2013-02-07 |88.0| Paste1 | 1.0.0 |87.0| addValue | 1.0.0 | f | f | f + 9 | 2013-02-07 |88.0| Paste1 | 1.0.0 |87.0| addValue | 1.0.0 | f | f | f + 9 | 2013-02-07 |88.0| Paste1 | 1.0.0 |87.0| addValue | 1.0.0 | f | f | f + 9 | 2013-02-07 |89.0| | |82.0| Grep1 | 1.0.1 | t | f | f + 9 | 2013-02-07 |89.0| | |82.0| Grep1 | 1.0.1 | f | t | f + 9 | 2013-02-07 |89.0| | |82.0| Grep1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |89.0| | |82.0| Grep1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |89.0| | |82.0| Grep1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |89.0| | |82.0| Grep1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |89.0| | |82.0| Grep1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |89.0| | |82.0| Grep1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |89.0| | |82.0| Grep1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |89.0| | |82.0| Grep1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |89.0| | |82.0| Grep1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |89.0| | |82.0| Grep1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |89.0| | |82.0| Grep1 | 1.0.1 | f | f | f + 9 | 2013-02-07 |89.0| | |82.0| Grep1 | 1.0.1 | f | f | f + 11 | 2013-02-07 |135.0| addValue | 1.0.0 |136.0| cat1 | 1.0.0 | f | t | f + 11 | 2013-02-07 |136.0| cat1 | 1.0.0 |145.0| barchart_gnuplot | 1.0.0 | f | t | f + 11 | 2013-02-07 |137.0| Cut1 | 1.0.1 |170.0| Paste1 | 1.0.0 | f | t | f + 11 | 2013-02-07 |138.0| Cut1 | 1.0.1 |170.0| Paste1 | 1.0.0 | f | t | f + 11 | 2013-02-07 |139.0| Cut1 | 1.0.1 |177.0| Paste1 | 1.0.0 | f | t | f + 11 | 2013-02-07 |140.0| Cut1 | 1.0.1 |177.0| Paste1 | 1.0.0 | f | t | f + 11 | 2013-02-07 |141.0| Cut1 | 1.0.1 |147.0| Paste1 | 1.0.0 | f | t | f + 11 | 2013-02-07 |142.0| Cut1 | 1.0.1 |147.0| Paste1 | 1.0.0 | f | t | f + 11 | 2013-02-07 |143.0| Cut1 | 1.0.1 |171.0| Paste1 | 1.0.0 | f | t | f + 11 | 2013-02-07 |144.0| Cut1 | 1.0.1 |171.0| Paste1 | 1.0.0 | f | t | f + 11 | 2013-02-07 |146.0| Paste1 | 1.0.0 |176.0| Add_a_column1 | 1.1.0 | f | t | f + 11 | 2013-02-07 |147.0| Paste1 | 1.0.0 |175.0| Add_a_column1 | 1.1.0 | f | t | f + 11 | 2013-02-07 |148.0| addValue | 1.0.0 |136.0| cat1 | 1.0.0 | f | t | f + 11 | 2013-02-07 |149.0| addValue | 1.0.0 |136.0| cat1 | 1.0.0 | f | t | f + 11 | 2013-02-07 |150.0| Filter1 | 1.1.0 |156.0| Summary_Statistics1 | 1.1.0 | f | t | f + 11 | 2013-02-07 |150.0| Filter1 | 1.1.0 |157.0| Summary_Statistics1 | 1.1.0 | f | t | f + 11 | 2013-02-07 |151.0| gops_coverage_1 | 1.0.0 |150.0| Filter1 | 1.1.0 | f | t | f + 11 | 2013-02-07 |151.0| gops_coverage_1 | 1.0.0 |152.0| cshl_grep_tool | 1.0.0 | f | t | f + 11 | 2013-02-07 |151.0| gops_coverage_1 | 1.0.0 |153.0| Filter1 | 1.1.0 | f | t | f + 11 | 2013-02-07 |151.0| gops_coverage_1 | 1.0.0 |154.0| Filter1 | 1.1.0 | f | t | f + 11 | 2013-02-07 |151.0| gops_coverage_1 | 1.0.0 |155.0| Filter1 | 1.1.0 | f | t | f + 11 | 2013-02-07 |152.0| cshl_grep_tool | 1.0.0 |162.0| Summary_Statistics1 | 1.1.0 | f | t | f + 11 | 2013-02-07 |152.0| cshl_grep_tool | 1.0.0 |163.0| Summary_Statistics1 | 1.1.0 | f | t | f + 11 | 2013-02-07 |153.0| Filter1 | 1.1.0 |160.0| Summary_Statistics1 | 1.1.0 | f | t | f + 11 | 2013-02-07 |153.0| Filter1 | 1.1.0 |161.0| Summary_Statistics1 | 1.1.0 | f | t | f + 11 | 2013-02-07 |154.0| Filter1 | 1.1.0 |166.0| Summary_Statistics1 | 1.1.0 | f | t | f + 11 | 2013-02-07 |154.0| Filter1 | 1.1.0 |167.0| Summary_Statistics1 | 1.1.0 | f | t | f + 11 | 2013-02-07 |155.0| Filter1 | 1.1.0 |164.0| Summary_Statistics1 | 1.1.0 | f | t | f + 11 | 2013-02-07 |155.0| Filter1 | 1.1.0 |165.0| Summary_Statistics1 | 1.1.0 | f | t | f + 11 | 2013-02-07 |156.0| Summary_Statistics1 | 1.1.0 |168.0| Cut1 | 1.0.1 | f | t | f + 11 | 2013-02-07 |157.0| Summary_Statistics1 | 1.1.0 |169.0| Cut1 | 1.0.1 | f | t | f + 11 | 2013-02-07 |158.0| addValue | 1.0.0 |136.0| cat1 | 1.0.0 | f | t | f + 11 | 2013-02-07 |159.0| addValue | 1.0.0 |136.0| cat1 | 1.0.0 | f | t | f + 11 | 2013-02-07 |160.0| Summary_Statistics1 | 1.1.0 |142.0| Cut1 | 1.0.1 | f | t | f + 11 | 2013-02-07 |161.0| Summary_Statistics1 | 1.1.0 |141.0| Cut1 | 1.0.1 | f | t | f + 11 | 2013-02-07 |162.0| Summary_Statistics1 | 1.1.0 |144.0| Cut1 | 1.0.1 | f | t | f + 11 | 2013-02-07 |163.0| Summary_Statistics1 | 1.1.0 |143.0| Cut1 | 1.0.1 | f | t | f + 11 | 2013-02-07 |164.0| Summary_Statistics1 | 1.1.0 |138.0| Cut1 | 1.0.1 | f | t | f + 11 | 2013-02-07 |165.0| Summary_Statistics1 | 1.1.0 |137.0| Cut1 | 1.0.1 | f | t | f + 11 | 2013-02-07 |166.0| Summary_Statistics1 | 1.1.0 |140.0| Cut1 | 1.0.1 | f | t | f + 11 | 2013-02-07 |167.0| Summary_Statistics1 | 1.1.0 |139.0| Cut1 | 1.0.1 | f | t | f + 11 | 2013-02-07 |168.0| Cut1 | 1.0.1 |146.0| Paste1 | 1.0.0 | f | t | f + 11 | 2013-02-07 |169.0| Cut1 | 1.0.1 |146.0| Paste1 | 1.0.0 | f | t | f + 11 | 2013-02-07 |170.0| Paste1 | 1.0.0 |173.0| Add_a_column1 | 1.1.0 | f | t | f + 11 | 2013-02-07 |171.0| Paste1 | 1.0.0 |174.0| Add_a_column1 | 1.1.0 | f | t | f + 11 | 2013-02-07 |172.0| Add_a_column1 | 1.1.0 |135.0| addValue | 1.0.0 | f | t | f + 11 | 2013-02-07 |173.0| Add_a_column1 | 1.1.0 |149.0| addValue | 1.0.0 | f | t | f + 11 | 2013-02-07 |174.0| Add_a_column1 | 1.1.0 |148.0| addValue | 1.0.0 | f | t | f + 11 | 2013-02-07 |175.0| Add_a_column1 | 1.1.0 |158.0| addValue | 1.0.0 | f | t | f + 11 | 2013-02-07 |176.0| Add_a_column1 | 1.1.0 |159.0| addValue | 1.0.0 | f | t | f + 11 | 2013-02-07 |177.0| Paste1 | 1.0.0 |172.0| Add_a_column1 | 1.1.0 | f | t | f + 11 | 2013-02-07 |178.0| | |151.0| gops_coverage_1 | 1.0.0 | f | t | f + 11 | 2013-02-07 |179.0| | |151.0| gops_coverage_1 | 1.0.0 | f | t | f + 12 | 2013-02-07 |180.0| cat1 | 1.0.0 |189.0| barchart_gnuplot | 1.0.0 | t | t | f + 12 | 2013-02-07 |180.0| cat1 | 1.0.0 |189.0| barchart_gnuplot | 1.0.0 | f | t | f + 12 | 2013-02-07 |181.0| bedtools_intersectBed | |183.0| wc_gnu | 1.0.0 | t | t | f + 12 | 2013-02-07 |181.0| bedtools_intersectBed | |183.0| wc_gnu | 1.0.0 | f | t | f + 12 | 2013-02-07 |182.0| bedtools_intersectBed | |184.0| sort1 | 1.0.1 | t | t | f + 12 | 2013-02-07 |182.0| bedtools_intersectBed | |184.0| sort1 | 1.0.1 | f | t | f + 12 | 2013-02-07 |183.0| wc_gnu | 1.0.0 |185.0| addValue | 1.0.0 | t | t | f + 12 | 2013-02-07 |183.0| wc_gnu | 1.0.0 |185.0| addValue | 1.0.0 | f | t | f + 12 | 2013-02-07 |184.0| sort1 | 1.0.1 |186.0| cshl_awk_tool | | t | t | f + 12 | 2013-02-07 |184.0| sort1 | 1.0.1 |186.0| cshl_awk_tool | | f | t | f + 12 | 2013-02-07 |185.0| addValue | 1.0.0 |180.0| cat1 | 1.0.0 | t | t | f + 12 | 2013-02-07 |185.0| addValue | 1.0.0 |180.0| cat1 | 1.0.0 | f | t | f + 12 | 2013-02-07 |186.0| cshl_awk_tool | |188.0| cshl_uniq_tool | 1.0.0 | t | t | f + 12 | 2013-02-07 |186.0| cshl_awk_tool | |188.0| cshl_uniq_tool | 1.0.0 | f | t | f + 12 | 2013-02-07 |187.0| Count1 | 1.0.0 |180.0| cat1 | 1.0.0 | t | t | f + 12 | 2013-02-07 |187.0| Count1 | 1.0.0 |180.0| cat1 | 1.0.0 | f | t | f + 12 | 2013-02-07 |188.0| cshl_uniq_tool | 1.0.0 |187.0| Count1 | 1.0.0 | t | t | f + 12 | 2013-02-07 |188.0| cshl_uniq_tool | 1.0.0 |187.0| Count1 | 1.0.0 | f | t | f + 12 | 2013-02-07 |190.0| | |181.0| bedtools_intersectBed | | t | t | f + 12 | 2013-02-07 |190.0| | |181.0| bedtools_intersectBed | | f | t | f + 12 | 2013-02-07 |190.0| | |182.0| bedtools_intersectBed | | t | t | f + 12 | 2013-02-07 |190.0| | |182.0| bedtools_intersectBed | | f | t | f + 12 | 2013-02-07 |191.0| | |181.0| bedtools_intersectBed | | t | t | f + 12 | 2013-02-07 |191.0| | |181.0| bedtools_intersectBed | | f | t | f + 12 | 2013-02-07 |191.0| | |182.0| bedtools_intersectBed | | t | t | f + 12 | 2013-02-07 |191.0| | |182.0| bedtools_intersectBed | | f | t | f + 19 | 2013-02-14 |193.0| | |194.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | | f | t | f + 19 | 2013-02-14 |193.0| | |194.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | | f | t | f + 19 | 2013-02-14 |193.0| | |194.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | | f | t | f + 19 | 2013-02-14 |193.0| | |194.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | | f | t | f + 19 | 2013-02-14 |195.0| | |194.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | | f | t | f + 19 | 2013-02-14 |195.0| | |194.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | | f | t | f + 19 | 2013-02-14 |195.0| | |194.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | | f | t | f + 19 | 2013-02-14 |195.0| | |194.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | | f | t | f + 19 | 2013-02-14 |199.0| | |200.0| gops_intersect_1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |199.0| | |200.0| gops_intersect_1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |199.0| | |200.0| gops_intersect_1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |199.0| | |200.0| gops_intersect_1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |199.0| | |205.0| gops_subtract_1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |199.0| | |205.0| gops_subtract_1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |199.0| | |205.0| gops_subtract_1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |199.0| | |205.0| gops_subtract_1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |200.0| gops_intersect_1 | 1.0.0 |210.0| cshl_awk_tool | | f | t | f + 19 | 2013-02-14 |200.0| gops_intersect_1 | 1.0.0 |210.0| cshl_awk_tool | | f | t | f + 19 | 2013-02-14 |200.0| gops_intersect_1 | 1.0.0 |210.0| cshl_awk_tool | | f | t | f + 19 | 2013-02-14 |200.0| gops_intersect_1 | 1.0.0 |210.0| cshl_awk_tool | | f | t | f + 19 | 2013-02-14 |200.0| gops_intersect_1 | 1.0.0 |215.0| Count1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |200.0| gops_intersect_1 | 1.0.0 |215.0| Count1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |200.0| gops_intersect_1 | 1.0.0 |215.0| Count1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |200.0| gops_intersect_1 | 1.0.0 |215.0| Count1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |201.0| cshl_find_and_replace | 1.0.0 |200.0| gops_intersect_1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |201.0| cshl_find_and_replace | 1.0.0 |200.0| gops_intersect_1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |201.0| cshl_find_and_replace | 1.0.0 |200.0| gops_intersect_1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |201.0| cshl_find_and_replace | 1.0.0 |200.0| gops_intersect_1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |201.0| cshl_find_and_replace | 1.0.0 |205.0| gops_subtract_1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |201.0| cshl_find_and_replace | 1.0.0 |205.0| gops_subtract_1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |201.0| cshl_find_and_replace | 1.0.0 |205.0| gops_subtract_1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |201.0| cshl_find_and_replace | 1.0.0 |205.0| gops_subtract_1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |202.0| get_flanks1 | 1.0.0 |201.0| cshl_find_and_replace | 1.0.0 | f | t | f + 19 | 2013-02-14 |202.0| get_flanks1 | 1.0.0 |201.0| cshl_find_and_replace | 1.0.0 | f | t | f + 19 | 2013-02-14 |202.0| get_flanks1 | 1.0.0 |201.0| cshl_find_and_replace | 1.0.0 | f | t | f + 19 | 2013-02-14 |202.0| get_flanks1 | 1.0.0 |201.0| cshl_find_and_replace | 1.0.0 | f | t | f + 19 | 2013-02-14 |203.0| | |202.0| get_flanks1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |203.0| | |202.0| get_flanks1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |203.0| | |202.0| get_flanks1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |203.0| | |202.0| get_flanks1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |203.0| | |204.0| cshl_grep_tool | 1.0.0 | f | t | f + 19 | 2013-02-14 |203.0| | |204.0| cshl_grep_tool | 1.0.0 | f | t | f + 19 | 2013-02-14 |203.0| | |204.0| cshl_grep_tool | 1.0.0 | f | t | f + 19 | 2013-02-14 |203.0| | |204.0| cshl_grep_tool | 1.0.0 | f | t | f + 19 | 2013-02-14 |205.0| gops_subtract_1 | 1.0.0 |206.0| cshl_awk_tool | | f | t | f + 19 | 2013-02-14 |205.0| gops_subtract_1 | 1.0.0 |206.0| cshl_awk_tool | | f | t | f + 19 | 2013-02-14 |205.0| gops_subtract_1 | 1.0.0 |206.0| cshl_awk_tool | | f | t | f + 19 | 2013-02-14 |205.0| gops_subtract_1 | 1.0.0 |206.0| cshl_awk_tool | | f | t | f + 19 | 2013-02-14 |206.0| cshl_awk_tool | |207.0| Extract genomic DNA 1 | 2.2.2 | f | t | f + 19 | 2013-02-14 |206.0| cshl_awk_tool | |207.0| Extract genomic DNA 1 | 2.2.2 | f | t | f + 19 | 2013-02-14 |206.0| cshl_awk_tool | |207.0| Extract genomic DNA 1 | 2.2.2 | f | t | f + 19 | 2013-02-14 |206.0| cshl_awk_tool | |207.0| Extract genomic DNA 1 | 2.2.2 | f | t | f + 19 | 2013-02-14 |207.0| Extract genomic DNA 1 | 2.2.2 |214.0| Show beginning1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |207.0| Extract genomic DNA 1 | 2.2.2 |214.0| Show beginning1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |207.0| Extract genomic DNA 1 | 2.2.2 |214.0| Show beginning1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |207.0| Extract genomic DNA 1 | 2.2.2 |214.0| Show beginning1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |208.0| | |207.0| Extract genomic DNA 1 | 2.2.2 | f | t | f + 19 | 2013-02-14 |208.0| | |207.0| Extract genomic DNA 1 | 2.2.2 | f | t | f + 19 | 2013-02-14 |208.0| | |207.0| Extract genomic DNA 1 | 2.2.2 | f | t | f + 19 | 2013-02-14 |208.0| | |207.0| Extract genomic DNA 1 | 2.2.2 | f | t | f + 19 | 2013-02-14 |208.0| | |209.0| Extract genomic DNA 1 | 2.2.2 | f | t | f + 19 | 2013-02-14 |208.0| | |209.0| Extract genomic DNA 1 | 2.2.2 | f | t | f + 19 | 2013-02-14 |208.0| | |209.0| Extract genomic DNA 1 | 2.2.2 | f | t | f + 19 | 2013-02-14 |208.0| | |209.0| Extract genomic DNA 1 | 2.2.2 | f | t | f + 19 | 2013-02-14 |208.0| | |213.0| trap | | f | t | f + 19 | 2013-02-14 |208.0| | |213.0| trap | | f | t | f + 19 | 2013-02-14 |208.0| | |213.0| trap | | f | t | f + 19 | 2013-02-14 |208.0| | |213.0| trap | | f | t | f + 19 | 2013-02-14 |209.0| Extract genomic DNA 1 | 2.2.2 |211.0| Show beginning1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |209.0| Extract genomic DNA 1 | 2.2.2 |211.0| Show beginning1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |209.0| Extract genomic DNA 1 | 2.2.2 |211.0| Show beginning1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |209.0| Extract genomic DNA 1 | 2.2.2 |211.0| Show beginning1 | 1.0.0 | f | t | f + 19 | 2013-02-14 |210.0| cshl_awk_tool | |209.0| Extract genomic DNA 1 | 2.2.2 | f | t | f + 19 | 2013-02-14 |210.0| cshl_awk_tool | |209.0| Extract genomic DNA 1 | 2.2.2 | f | t | f + 19 | 2013-02-14 |210.0| cshl_awk_tool | |209.0| Extract genomic DNA 1 | 2.2.2 | f | t | f + 19 | 2013-02-14 |210.0| cshl_awk_tool | |209.0| Extract genomic DNA 1 | 2.2.2 | f | t | f + 19 | 2013-02-14 |211.0| Show beginning1 | 1.0.0 |212.0| meme_meme | 1.0.0 | f | t | f + 19 | 2013-02-14 |211.0| Show beginning1 | 1.0.0 |212.0| meme_meme | 1.0.0 | f | t | f + 19 | 2013-02-14 |211.0| Show beginning1 | 1.0.0 |212.0| meme_meme | 1.0.0 | f | t | f + 19 | 2013-02-14 |211.0| Show beginning1 | 1.0.0 |212.0| meme_meme | 1.0.0 | f | t | f + 19 | 2013-02-14 |215.0| Count1 | 1.0.0 |216.0| barchart_gnuplot | 1.0.0 | f | t | f + 19 | 2013-02-14 |215.0| Count1 | 1.0.0 |216.0| barchart_gnuplot | 1.0.0 | f | t | f + 19 | 2013-02-14 |215.0| Count1 | 1.0.0 |216.0| barchart_gnuplot | 1.0.0 | f | t | f + 19 | 2013-02-14 |215.0| Count1 | 1.0.0 |216.0| barchart_gnuplot | 1.0.0 | f | t | f + 28 | 2013-02-14 |242.0| | |243.0| 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.0| | |243.0| 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.0| | |246.0| 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.0| | |246.0| 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.0| | |252.0| gops_intersect_1 | 1.0.0 | f | t | f + 29 | 2013-02-14 |251.0| | |257.0| gops_subtract_1 | 1.0.0 | f | t | f + 29 | 2013-02-14 |252.0| gops_intersect_1 | 1.0.0 |262.0| cshl_awk_tool | | f | t | f + 29 | 2013-02-14 |252.0| gops_intersect_1 | 1.0.0 |267.0| Count1 | 1.0.0 | f | t | f + 29 | 2013-02-14 |253.0| cshl_find_and_replace | 1.0.0 |252.0| gops_intersect_1 | 1.0.0 | f | t | f + 29 | 2013-02-14 |253.0| cshl_find_and_replace | 1.0.0 |257.0| gops_subtract_1 | 1.0.0 | f | t | f + 29 | 2013-02-14 |254.0| get_flanks1 | 1.0.0 |253.0| cshl_find_and_replace | 1.0.0 | f | t | f + 29 | 2013-02-14 |255.0| | |254.0| get_flanks1 | 1.0.0 | f | t | f + 29 | 2013-02-14 |255.0| | |256.0| cshl_grep_tool | 1.0.0 | f | t | f + 29 | 2013-02-14 |257.0| gops_subtract_1 | 1.0.0 |258.0| cshl_awk_tool | | f | t | f + 29 | 2013-02-14 |258.0| cshl_awk_tool | |259.0| Extract genomic DNA 1 | 2.2.2 | f | t | f + 29 | 2013-02-14 |259.0| Extract genomic DNA 1 | 2.2.2 |266.0| Show beginning1 | 1.0.0 | f | t | f + 29 | 2013-02-14 |260.0| | |259.0| Extract genomic DNA 1 | 2.2.2 | f | t | f + 29 | 2013-02-14 |260.0| | |261.0| Extract genomic DNA 1 | 2.2.2 | f | t | f + 29 | 2013-02-14 |260.0| | |265.0| trap | | f | t | f + 29 | 2013-02-14 |261.0| Extract genomic DNA 1 | 2.2.2 |263.0| Show beginning1 | 1.0.0 | f | t | f + 29 | 2013-02-14 |262.0| cshl_awk_tool | |261.0| Extract genomic DNA 1 | 2.2.2 | f | t | f + 29 | 2013-02-14 |263.0| Show beginning1 | 1.0.0 |264.0| meme_meme | 1.0.0 | f | t | f + 29 | 2013-02-14 |267.0| Count1 | 1.0.0 |268.0| barchart_gnuplot | 1.0.0 | f | t | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | t | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | t | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | t | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | t | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | t | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |274.0| | |275.0| addValue | 1.0.0 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | t | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | t | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | t | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | t | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | t | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |275.0| addValue | 1.0.0 |276.0| mergeCols1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | t | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | t | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | t | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | t | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | t | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 31 | 2013-02-18 |276.0| mergeCols1 | 1.0.1 |277.0| Cut1 | 1.0.1 | f | f | f + 33 | 2013-02-16 |283.0| | |284.0| gops_intersect_1 | 1.0.0 | f | f | f + 33 | 2013-02-16 |284.0| gops_intersect_1 | 1.0.0 |286.0| Count1 | 1.0.0 | f | f | f + 33 | 2013-02-16 |285.0| | |284.0| gops_intersect_1 | 1.0.0 | f | f | f + 33 | 2013-02-16 |286.0| Count1 | 1.0.0 |287.0| barchart_gnuplot | 1.0.0 | f | f | f + 34 | 2013-02-18 |288.0| | |289.0| cshl_awk_tool | 1.0.0 | f | t | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | t | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | f | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | t | f + 36 | 2013-02-18 |293.0| | |292.0| cshl_awk_tool | 1.0.0 | f | t | f + 37 | 2013-02-18 |294.0| | |295.0| cshl_sed_tool | 1.0.0 | f | f | f + 37 | 2013-02-18 |294.0| | |295.0| cshl_sed_tool | 1.0.0 | f | f | f + 37 | 2013-02-18 |294.0| | |295.0| cshl_sed_tool | 1.0.0 | f | f | f + 37 | 2013-02-18 |294.0| | |295.0| cshl_sed_tool | 1.0.0 | f | t | f + 38 | 2013-02-18 |296.0| gops_intersect_1 | |297.0| Count1 | | f | t | + 38 | 2013-02-18 |297.0| Count1 | |298.0| barchart_gnuplot | | f | t | + 39 | 2013-02-18 |301.0| gops_intersect_1 | |302.0| Count1 | | f | t | + 39 | 2013-02-18 |302.0| Count1 | |303.0| barchart_gnuplot | | f | t | + 41 | 2013-02-18 |309.0| | |310.0| gops_intersect_1 | 1.0.0 | f | f | f + 41 | 2013-02-18 |310.0| gops_intersect_1 | 1.0.0 |312.0| Count1 | 1.0.0 | f | f | f + 41 | 2013-02-18 |311.0| | |310.0| gops_intersect_1 | 1.0.0 | f | f | f + 41 | 2013-02-18 |312.0| Count1 | 1.0.0 |313.0| barchart_gnuplot | 1.0.0 | f | f | f + 51 | 2013-02-18 |344.0| Count1 | |345.0| barchart_gnuplot | | f | f | + 62 | 2013-02-18 |395.0| | |396.0| Count1 | 1.0.0 | f | t | f + 62 | 2013-02-18 |396.0| Count1 | 1.0.0 |397.0| barchart_gnuplot | 1.0.0 | f | t | f + 64 | 2013-02-18 |401.0| | |402.0| Count1 | 1.0.0 | f | f | f + 64 | 2013-02-18 |402.0| Count1 | 1.0.0 |403.0| barchart_gnuplot | 1.0.0 | f | f | f + 66 | 2013-02-18 |407.0| | |408.0| Count1 | 1.0.0 | f | f | f + 66 | 2013-02-18 |408.0| Count1 | 1.0.0 |409.0| barchart_gnuplot | 1.0.0 | f | f | f + 68 | 2013-02-18 |413.0| | |414.0| Count1 | 1.0.0 | f | f | f + 68 | 2013-02-18 |414.0| Count1 | 1.0.0 |415.0| barchart_gnuplot | 1.0.0 | f | f | f + 69 | 2013-02-18 |416.0| | |417.0| Count1 | 1.0.0 | f | f | f + 69 | 2013-02-18 |417.0| Count1 | 1.0.0 |418.0| barchart_gnuplot | 1.0.0 | f | f | f + 70 | 2013-02-18 |419.0| | |420.0| Count1 | 1.0.0 | f | f | f + 70 | 2013-02-18 |420.0| Count1 | 1.0.0 |421.0| barchart_gnuplot | 1.0.0 | f | f | f + 72 | 2013-02-18 |425.0| | |426.0| Count1 | 1.0.0 | f | f | f + 72 | 2013-02-18 |426.0| Count1 | 1.0.0 |427.0| barchart_gnuplot | 1.0.0 | f | f | f + 73 | 2013-02-18 |428.0| | |429.0| Count1 | 1.0.0 | f | f | f + 73 | 2013-02-18 |429.0| Count1 | 1.0.0 |430.0| barchart_gnuplot | 1.0.0 | f | f | f + 74 | 2013-02-18 |431.0| | |432.0| Count1 | 1.0.0 | f | f | f + 74 | 2013-02-18 |432.0| Count1 | 1.0.0 |433.0| barchart_gnuplot | 1.0.0 | f | f | f + 75 | 2013-02-18 |436.0| Count1 | |437.0| barchart_gnuplot | | f | f | + 76 | 2013-02-18 |438.0| | |439.0| Count1 | 1.0.0 | f | t | f + 76 | 2013-02-18 |439.0| Count1 | 1.0.0 |440.0| barchart_gnuplot | 1.0.0 | f | t | f + 77 | 2013-02-18 |442.0| | |443.0| Count1 | 1.0.0 | f | f | f + 77 | 2013-02-18 |443.0| Count1 | 1.0.0 |444.0| barchart_gnuplot | 1.0.0 | f | f | f + 78 | 2013-02-18 |445.0| | |446.0| Count1 | 1.0.0 | f | f | f + 78 | 2013-02-18 |446.0| Count1 | 1.0.0 |447.0| barchart_gnuplot | 1.0.0 | f | f | f + 80 | 2013-02-18 |462.0| | |463.0| Count1 | 1.0.0 | f | t | f + 80 | 2013-02-18 |463.0| Count1 | 1.0.0 |464.0| barchart_gnuplot | 1.0.0 | f | t | f + 81 | 2013-02-18 |465.0| | |466.0| addValue | 1.0.0 | f | f | f + 81 | 2013-02-18 |466.0| addValue | 1.0.0 |467.0| mergeCols1 | 1.0.1 | f | f | f + 81 | 2013-02-18 |467.0| mergeCols1 | 1.0.1 |468.0| Cut1 | 1.0.1 | f | f | f + 81 | 2013-02-18 |468.0| Cut1 | 1.0.1 |469.0| cshl_find_and_replace | 1.0.0 | f | f | f + 81 | 2013-02-18 |469.0| cshl_find_and_replace | 1.0.0 |470.0| cshl_find_and_replace | 1.0.0 | f | f | f + 81 | 2013-02-18 |472.0| gops_intersect_1 | 1.0.0 |473.0| Count1 | 1.0.0 | f | f | f + 81 | 2013-02-18 |473.0| Count1 | 1.0.0 |474.0| barchart_gnuplot | 1.0.0 | f | f | f + 82 | 2013-02-18 |475.0| | |476.0| CONVERTER_interval_to_bedstrict_0 | 1.0.0 | f | f | f + 82 | 2013-02-18 |476.0| CONVERTER_interval_to_bedstrict_0 | 1.0.0 |477.0| addValue | 1.0.0 | f | f | f + 82 | 2013-02-18 |477.0| addValue | 1.0.0 |478.0| mergeCols1 | 1.0.1 | f | f | f + 82 | 2013-02-18 |478.0| mergeCols1 | 1.0.1 |479.0| Cut1 | 1.0.1 | f | f | f + 82 | 2013-02-18 |481.0| | |482.0| get_flanks1 | 1.0.0 | f | f | f + 82 | 2013-02-18 |482.0| get_flanks1 | 1.0.0 |483.0| gops_intersect_1 | 1.0.0 | f | f | f + 82 | 2013-02-18 |483.0| gops_intersect_1 | 1.0.0 |487.0| Count1 | 1.0.0 | f | f | f + 82 | 2013-02-18 |484.0| cshl_find_and_replace | 1.0.0 |483.0| gops_intersect_1 | 1.0.0 | f | f | f + 82 | 2013-02-18 |484.0| cshl_find_and_replace | 1.0.0 |485.0| CONVERTER_interval_to_bed_0 | 1.0.0 | f | f | f + 82 | 2013-02-18 |485.0| CONVERTER_interval_to_bed_0 | 1.0.0 |486.0| CONVERTER_interval_to_bedstrict_0 | 1.0.0 | f | f | f + 82 | 2013-02-18 |487.0| Count1 | 1.0.0 |488.0| barchart_gnuplot | 1.0.0 | f | f | f + 83 | 2013-02-18 |489.0| | |490.0| gops_intersect_1 | 1.0.0 | f | f | f + 83 | 2013-02-18 |490.0| gops_intersect_1 | 1.0.0 |492.0| Count1 | 1.0.0 | f | f | f + 83 | 2013-02-18 |491.0| | |490.0| gops_intersect_1 | 1.0.0 | f | f | f + 83 | 2013-02-18 |492.0| Count1 | 1.0.0 |493.0| barchart_gnuplot | 1.0.0 | f | f | f + 84 | 2013-02-19 |495.0| gops_intersect_1 | |496.0| Count1 | | f | f | + 84 | 2013-02-19 |496.0| Count1 | |497.0| barchart_gnuplot | | f | f | + 86 | 2013-02-19 |504.0| | |505.0| gops_intersect_1 | 1.0.0 | f | f | f + 86 | 2013-02-19 |505.0| gops_intersect_1 | 1.0.0 |507.0| Count1 | 1.0.0 | f | f | f + 86 | 2013-02-19 |506.0| | |505.0| gops_intersect_1 | 1.0.0 | f | f | f + 86 | 2013-02-19 |507.0| Count1 | 1.0.0 |508.0| barchart_gnuplot | 1.0.0 | f | f | f + 95 | 2013-02-20 |671.0| | |672.0| gops_intersect_1 | 1.0.0 | f | f | f + 95 | 2013-02-20 |672.0| gops_intersect_1 | 1.0.0 |674.0| Count1 | 1.0.0 | f | f | f + 95 | 2013-02-20 |673.0| | |672.0| gops_intersect_1 | 1.0.0 | f | f | f + 95 | 2013-02-20 |674.0| Count1 | 1.0.0 |675.0| barchart_gnuplot | 1.0.0 | f | f | f + 97 | 2013-02-20 |700.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |700.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |700.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |700.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |700.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |700.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |700.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |700.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |700.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |700.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |700.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |700.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |700.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |700.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |700.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |700.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |700.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |700.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |700.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |700.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | t | f + 97 | 2013-02-20 |700.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | t | t | f + 97 | 2013-02-20 |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 |703.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 |703.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 |703.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 |703.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 |703.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 |703.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 |703.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 |703.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 |703.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 |703.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 |703.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 |703.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 |703.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 |703.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 |703.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 |703.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 |703.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 |703.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 |703.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 |703.0| cshl_awk_tool | 1.0.0 | f | t | f + 97 | 2013-02-20 |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 |703.0| cshl_awk_tool | 1.0.0 | t | t | f + 97 | 2013-02-20 |702.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |702.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |702.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |702.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |702.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |702.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |702.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |702.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |702.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |702.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |702.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |702.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |702.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |702.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |702.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |702.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |702.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |702.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |702.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | f | f + 97 | 2013-02-20 |702.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | f | t | f + 97 | 2013-02-20 |702.0| | |701.0| toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1 | 1.4.1 | t | t | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | t | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | t | t | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | t | f + 97 | 2013-02-20 |703.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | t | t | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |711.0| Extract genomic DNA 1 | 2.2.2 | f | t | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |711.0| Extract genomic DNA 1 | 2.2.2 | t | t | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |722.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |722.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |722.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |722.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |722.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |722.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |722.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |722.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |722.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |722.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |722.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |722.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |722.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |722.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |722.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |722.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |722.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |722.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |722.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |722.0| Count1 | 1.0.0 | f | t | f + 97 | 2013-02-20 |704.0| gops_subtract_1 | 1.0.0 |722.0| Count1 | 1.0.0 | t | t | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | f | t | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |704.0| gops_subtract_1 | 1.0.0 | t | t | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | f | t | f + 97 | 2013-02-20 |705.0| cshl_awk_tool | 1.0.0 |708.0| gops_intersect_1 | 1.0.0 | t | t | f + 97 | 2013-02-20 |706.0| get_flanks1 | 1.0.0 |705.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |706.0| get_flanks1 | 1.0.0 |705.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |706.0| get_flanks1 | 1.0.0 |705.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |706.0| get_flanks1 | 1.0.0 |705.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |706.0| get_flanks1 | 1.0.0 |705.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |706.0| get_flanks1 | 1.0.0 |705.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |706.0| get_flanks1 | 1.0.0 |705.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |706.0| get_flanks1 | 1.0.0 |705.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |706.0| get_flanks1 | 1.0.0 |705.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |706.0| get_flanks1 | 1.0.0 |705.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |706.0| get_flanks1 | 1.0.0 |705.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |706.0| get_flanks1 | 1.0.0 |705.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |706.0| get_flanks1 | 1.0.0 |705.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |706.0| get_flanks1 | 1.0.0 |705.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |706.0| get_flanks1 | 1.0.0 |705.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |706.0| get_flanks1 | 1.0.0 |705.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |706.0| get_flanks1 | 1.0.0 |705.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |706.0| get_flanks1 | 1.0.0 |705.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |706.0| get_flanks1 | 1.0.0 |705.0| cshl_awk_tool | 1.0.0 | f | f | f + 97 | 2013-02-20 |706.0| get_flanks1 | 1.0.0 |705.0| cshl_awk_tool | 1.0.0 | f | t | f + 97 | 2013-02-20 |706.0| get_flanks1 | 1.0.0 |705.0| cshl_awk_tool | 1.0.0 | t | t | f + 97 | 2013-02-20 |707.0| | |706.0| get_flanks1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |707.0| | |706.0| get_flanks1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |707.0| | |706.0| get_flanks1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |707.0| | |706.0| get_flanks1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |707.0| | |706.0| get_flanks1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |707.0| | |706.0| get_flanks1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |707.0| | |706.0| get_flanks1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |707.0| | |706.0| get_flanks1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |707.0| | |706.0| get_flanks1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |707.0| | |706.0| get_flanks1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |707.0| | |706.0| get_flanks1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |707.0| | |706.0| get_flanks1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |707.0| | |706.0| get_flanks1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |707.0| | |706.0| get_flanks1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |707.0| | |706.0| get_flanks1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |707.0| | |706.0| get_flanks1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |707.0| | |706.0| get_flanks1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |707.0| | |706.0| get_flanks1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |707.0| | |706.0| get_flanks1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |707.0| | |706.0| get_flanks1 | 1.0.0 | f | t | f + 97 | 2013-02-20 |707.0| | |706.0| get_flanks1 | 1.0.0 | t | t | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |709.0| Extract genomic DNA 1 | 2.2.2 | f | t | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |709.0| Extract genomic DNA 1 | 2.2.2 | t | t | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |720.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |720.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |720.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |720.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |720.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |720.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |720.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |720.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |720.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |720.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |720.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |720.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |720.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |720.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |720.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |720.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |720.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |720.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |720.0| Count1 | 1.0.0 | f | f | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |720.0| Count1 | 1.0.0 | f | t | f + 97 | 2013-02-20 |708.0| gops_intersect_1 | 1.0.0 |720.0| Count1 | 1.0.0 | t | t | f + 97 | 2013-02-20 |709.0| Extract genomic DNA 1 | 2.2.2 |716.0| fasta2tab | 1.1.0 | f | f | f + 97 | 2013-02-20 |709.0| Extract genomic DNA 1 | 2.2.2 |716.0| fasta2tab | 1.1.0 | f | f | f + 97 | 2013-02-20 |709.0| Extract genomic DNA 1 | 2.2.2 |716.0| fasta2tab | 1.1.0 | f | f | f + 97 | 2013-02-20 |709.0| Extract genomic DNA 1 | 2.2.2 |716.0| fasta2tab | 1.1.0 | f | f | f + 97 | 2013-02-20 |709.0| Extract genomic DNA 1 | 2.2.2 |716.0| fasta2tab | 1.1.0 | f | f | f + 97 | 2013-02-20 |709.0| Extract genomic DNA 1 | 2.2.2 |716.0| fasta2tab | 1.1.0 | f | f | f + 97 | 2013-02-20 |709.0| Extract genomic DNA 1 | 2.2.2 |716.0| fasta2tab | 1.1.0 | f | f | f + 97 | 2013-02-20 |709.0| Extract genomic DNA 1 | 2.2.2 |716.0| fasta2tab | 1.1.0 | f | f | f + 97 | 2013-02-20 |709.0| Extract genomic DNA 1 | 2.2.2 |716.0| fasta2tab | 1.1.0 | f | f | f + 97 | 2013-02-20 |709.0| Extract genomic DNA 1 | 2.2.2 |716.0| fasta2tab | 1.1.0 | f | f | f + 97 | 2013-02-20 |709.0| Extract genomic DNA 1 | 2.2.2 |716.0| fasta2tab | 1.1.0 | f | f | f + 97 | 2013-02-20 |709.0| Extract genomic DNA 1 | 2.2.2 |716.0| fasta2tab | 1.1.0 | f | f | f + 97 | 2013-02-20 |709.0| Extract genomic DNA 1 | 2.2.2 |716.0| fasta2tab | 1.1.0 | f | f | f + 97 | 2013-02-20 |709.0| Extract genomic DNA 1 | 2.2.2 |716.0| fasta2tab | 1.1.0 | f | f | f + 97 | 2013-02-20 |709.0| Extract genomic DNA 1 | 2.2.2 |716.0| fasta2tab | 1.1.0 | f | f | f + 97 | 2013-02-20 |709.0| Extract genomic DNA 1 | 2.2.2 |716.0| fasta2tab | 1.1.0 | f | f | f + 97 | 2013-02-20 |709.0| Extract genomic DNA 1 | 2.2.2 |716.0| fasta2tab | 1.1.0 | f | f | f + 97 | 2013-02-20 |709.0| Extract genomic DNA 1 | 2.2.2 |716.0| fasta2tab | 1.1.0 | f | f | f + 97 | 2013-02-20 |709.0| Extract genomic DNA 1 | 2.2.2 |716.0| fasta2tab | 1.1.0 | f | f | f + 97 | 2013-02-20 |709.0| Extract genomic DNA 1 | 2.2.2 |716.0| fasta2tab | 1.1.0 | f | t | f + 97 | 2013-02-20 |709.0| Extract genomic DNA 1 | 2.2.2 |716.0| fasta2tab | 1.1.0 | t | t | f + 97 | 2013-02-20 |710.0| | |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |709.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |709.0| Extract genomic DNA 1 | 2.2.2 | f | t | f + 97 | 2013-02-20 |710.0| | |709.0| Extract genomic DNA 1 | 2.2.2 | t | t | f + 97 | 2013-02-20 |710.0| | |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |711.0| Extract genomic DNA 1 | 2.2.2 | f | f | f + 97 | 2013-02-20 |710.0| | |711.0| Extract genomic DNA 1 | 2.2.2 | f | t | f + 97 | 2013-02-20 |710.0| | |711.0| Extract genomic DNA 1 | 2.2.2 | t | t | f + 97 | 2013-02-20 |711.0| Extract genomic DNA 1 | 2.2.2 |712.0| fasta2tab | 1.1.0 | f | f | f + 157072 | 2022-08-08 |2419625.0| Grep1 | 1.0.1 |2419627.0| toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_replace_in_column/1.1.3 | 1.1.3 | f | f | f + 157072 | 2022-08-08 |2419626.0| toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_replace_in_column/1.1.3 | 1.1.3 |2419628.0| toolshed.g2.bx.psu.edu/repos/galaxyp/msstats/msstats/3.22.0.1 | 3.22.0.1 | f | f | f + 157072 | 2022-08-08 |2419627.0| toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_replace_in_column/1.1.3 | 1.1.3 |2419628.0| toolshed.g2.bx.psu.edu/repos/galaxyp/msstats/msstats/3.22.0.1 | 3.22.0.1 | f | f | f + 157072 | 2022-08-08 |2419628.0| toolshed.g2.bx.psu.edu/repos/galaxyp/msstats/msstats/3.22.0.1 | 3.22.0.1 |2419629.0| toolshed.g2.bx.psu.edu/repos/iuc/datamash_ops/datamash_ops/datamash_ops/1.0.6 | 1.0.6 | f | f | f + 157072 | 2022-08-08 |2419628.0| toolshed.g2.bx.psu.edu/repos/galaxyp/msstats/msstats/3.22.0.1 | 3.22.0.1 |2419630.0| Summary_Statistics1 | 1.1.2 | f | f | f + 157072 | 2022-08-08 |2419628.0| toolshed.g2.bx.psu.edu/repos/galaxyp/msstats/msstats/3.22.0.1 | 3.22.0.1 |2419631.0| toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_replace_in_column/1.1.3 | 1.1.3 | f | f | f + 157072 | 2022-08-08 |2419628.0| toolshed.g2.bx.psu.edu/repos/galaxyp/msstats/msstats/3.22.0.1 | 3.22.0.1 |2419632.0| toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_replace_in_column/1.1.3 | 1.1.3 | f | f | f + 157072 | 2022-08-08 |2419648.0| | |2419623.0| toolshed.g2.bx.psu.edu/repos/galaxyp/maxquant/maxquant/1.6.10.43+galaxy4 | 1.6.10.43+galaxy4 | f | f | f + 157072 | 2022-08-08 |2419649.0| | |2419623.0| toolshed.g2.bx.psu.edu/repos/galaxyp/maxquant/maxquant/1.6.10.43+galaxy4 | 1.6.10.43+galaxy4 | f | f | f + 157072 | 2022-08-08 |2419650.0| | |2419628.0| toolshed.g2.bx.psu.edu/repos/galaxyp/msstats/msstats/3.22.0.1 | 3.22.0.1 | f | f | f + 157072 | 2022-08-08 |2419651.0| | |2419628.0| toolshed.g2.bx.psu.edu/repos/galaxyp/msstats/msstats/3.22.0.1 | 3.22.0.1 | f | f | f + 157072 | 2022-08-08 |2419631.0| toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_replace_in_column/1.1.3 | 1.1.3 |2419633.0| Filter1 | 1.1.1 | f | f | f + 157072 | 2022-08-08 |2419632.0| toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_replace_in_column/1.1.3 | 1.1.3 |2419640.0| toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_easyjoin_tool/1.1.2 | 1.1.2 | f | f | f + 157072 | 2022-08-08 |2419632.0| toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_replace_in_column/1.1.3 | 1.1.3 |2419641.0| toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_easyjoin_tool/1.1.2 | 1.1.2 | f | f | f + 157072 | 2022-08-08 |2419633.0| Filter1 | 1.1.1 |2419634.0| Filter1 | 1.1.1 | f | f | f + 157072 | 2022-08-08 |2419633.0| Filter1 | 1.1.1 |2419635.0| Filter1 | 1.1.1 | f | f | f + 157072 | 2022-08-08 |2419634.0| Filter1 | 1.1.1 |2419636.0| Filter1 | 1.1.1 | f | f | f + 157072 | 2022-08-08 |2419635.0| Filter1 | 1.1.1 |2419637.0| Filter1 | 1.1.1 | f | f | f + 157072 | 2022-08-08 |2419636.0| Filter1 | 1.1.1 |2419638.0| Cut1 | 1.0.2 | f | f | f + 157072 | 2022-08-08 |2419637.0| Filter1 | 1.1.1 |2419639.0| Cut1 | 1.0.2 | f | f | f + 157072 | 2022-08-08 |2419638.0| Cut1 | 1.0.2 |2419640.0| toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_easyjoin_tool/1.1.2 | 1.1.2 | f | f | f + 157072 | 2022-08-08 |2419639.0| Cut1 | 1.0.2 |2419641.0| toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_easyjoin_tool/1.1.2 | 1.1.2 | f | f | f + 157072 | 2022-08-08 |2419640.0| toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_easyjoin_tool/1.1.2 | 1.1.2 |2419642.0| toolshed.g2.bx.psu.edu/repos/iuc/ggplot2_heatmap2/ggplot2_heatmap2/3.0.1 | 3.0.1 | f | f | f + 157072 | 2022-08-08 |2419640.0| toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_easyjoin_tool/1.1.2 | 1.1.2 |2419643.0| toolshed.g2.bx.psu.edu/repos/bgruening/uniprot_rest_interface/uniprot/0.2 | 0.2 | f | f | f + 157072 | 2022-08-08 |2419641.0| toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_easyjoin_tool/1.1.2 | 1.1.2 |2419644.0| toolshed.g2.bx.psu.edu/repos/iuc/ggplot2_heatmap2/ggplot2_heatmap2/3.0.1 | 3.0.1 | f | f | f + 157072 | 2022-08-08 |2419641.0| toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_easyjoin_tool/1.1.2 | 1.1.2 |2419645.0| toolshed.g2.bx.psu.edu/repos/bgruening/uniprot_rest_interface/uniprot/0.2 | 0.2 | f | f | f + 157072 | 2022-08-08 |2419643.0| toolshed.g2.bx.psu.edu/repos/bgruening/uniprot_rest_interface/uniprot/0.2 | 0.2 |2419646.0| toolshed.g2.bx.psu.edu/repos/devteam/fasta_to_tabular/fasta2tab/1.1.1 | 1.1.1 | f | f | f + 157072 | 2022-08-08 |2419645.0| toolshed.g2.bx.psu.edu/repos/bgruening/uniprot_rest_interface/uniprot/0.2 | 0.2 |2419647.0| toolshed.g2.bx.psu.edu/repos/devteam/fasta_to_tabular/fasta2tab/1.1.1 | 1.1.1 | f | f | f + 157073 | 2022-08-08 |2419652.0| toolshed.g2.bx.psu.edu/repos/iuc/fastp/fastp/0.20.1+galaxy0 | 0.20.1+galaxy0 |2419653.0| toolshed.g2.bx.psu.edu/repos/devteam/bwa/bwa_mem/0.7.17.1 | 0.7.17.1 | f | f | f + 157073 | 2022-08-08 |2419652.0| toolshed.g2.bx.psu.edu/repos/iuc/fastp/fastp/0.20.1+galaxy0 | 0.20.1+galaxy0 |2419658.0| toolshed.g2.bx.psu.edu/repos/iuc/multiqc/multiqc/1.9+galaxy1 | 1.9+galaxy1 | f | f | f + 157073 | 2022-08-08 |2419653.0| toolshed.g2.bx.psu.edu/repos/devteam/bwa/bwa_mem/0.7.17.1 | 0.7.17.1 |2419654.0| toolshed.g2.bx.psu.edu/repos/iuc/samtools_view/samtools_view/1.9+galaxy2 | 1.9+galaxy2 | f | f | f + 157073 | 2022-08-08 |2419654.0| toolshed.g2.bx.psu.edu/repos/iuc/samtools_view/samtools_view/1.9+galaxy2 | 1.9+galaxy2 |2419655.0| toolshed.g2.bx.psu.edu/repos/devteam/samtools_stats/samtools_stats/2.0.2+galaxy2 | 2.0.2+galaxy2 | f | f | f + 157073 | 2022-08-08 |2419654.0| toolshed.g2.bx.psu.edu/repos/iuc/samtools_view/samtools_view/1.9+galaxy2 | 1.9+galaxy2 |2419656.0| toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_MarkDuplicates/2.18.2.2 | 2.18.2.2 | f | f | f + 157073 | 2022-08-08 |2419655.0| toolshed.g2.bx.psu.edu/repos/devteam/samtools_stats/samtools_stats/2.0.2+galaxy2 | 2.0.2+galaxy2 |2419658.0| toolshed.g2.bx.psu.edu/repos/iuc/multiqc/multiqc/1.9+galaxy1 | 1.9+galaxy1 | f | f | f + 157073 | 2022-08-08 |2419656.0| toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_MarkDuplicates/2.18.2.2 | 2.18.2.2 |2419657.0| toolshed.g2.bx.psu.edu/repos/iuc/lofreq_viterbi/lofreq_viterbi/2.1.5+galaxy0 | 2.1.5+galaxy0 | f | f | f + 157073 | 2022-08-08 |2419656.0| toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_MarkDuplicates/2.18.2.2 | 2.18.2.2 |2419658.0| toolshed.g2.bx.psu.edu/repos/iuc/multiqc/multiqc/1.9+galaxy1 | 1.9+galaxy1 | f | f | f + 157073 | 2022-08-08 |2419657.0| toolshed.g2.bx.psu.edu/repos/iuc/lofreq_viterbi/lofreq_viterbi/2.1.5+galaxy0 | 2.1.5+galaxy0 |2419659.0| toolshed.g2.bx.psu.edu/repos/iuc/lofreq_indelqual/lofreq_indelqual/2.1.5+galaxy0 | 2.1.5+galaxy0 | f | f | f + 157073 | 2022-08-08 |2419659.0| toolshed.g2.bx.psu.edu/repos/iuc/lofreq_indelqual/lofreq_indelqual/2.1.5+galaxy0 | 2.1.5+galaxy0 |2419660.0| toolshed.g2.bx.psu.edu/repos/iuc/lofreq_call/lofreq_call/2.1.5+galaxy0 | 2.1.5+galaxy0 | f | f | f + 157073 | 2022-08-08 |2419660.0| toolshed.g2.bx.psu.edu/repos/iuc/lofreq_call/lofreq_call/2.1.5+galaxy0 | 2.1.5+galaxy0 |2419661.0| toolshed.g2.bx.psu.edu/repos/iuc/lofreq_filter/lofreq_filter/2.1.5+galaxy0 | 2.1.5+galaxy0 | f | f | f + 157073 | 2022-08-08 |2419661.0| toolshed.g2.bx.psu.edu/repos/iuc/lofreq_filter/lofreq_filter/2.1.5+galaxy0 | 2.1.5+galaxy0 |2419662.0| toolshed.g2.bx.psu.edu/repos/iuc/snpeff_sars_cov_2/snpeff_sars_cov_2/4.5covid19 | 4.5covid19 | f | f | f + 157073 | 2022-08-08 |2419663.0| | |2419652.0| toolshed.g2.bx.psu.edu/repos/iuc/fastp/fastp/0.20.1+galaxy0 | 0.20.1+galaxy0 | f | f | f + 157073 | 2022-08-08 |2419664.0| | |2419653.0| toolshed.g2.bx.psu.edu/repos/devteam/bwa/bwa_mem/0.7.17.1 | 0.7.17.1 | f | f | f + 157073 | 2022-08-08 |2419664.0| | |2419657.0| toolshed.g2.bx.psu.edu/repos/iuc/lofreq_viterbi/lofreq_viterbi/2.1.5+galaxy0 | 2.1.5+galaxy0 | f | f | f + 157073 | 2022-08-08 |2419664.0| | |2419659.0| toolshed.g2.bx.psu.edu/repos/iuc/lofreq_indelqual/lofreq_indelqual/2.1.5+galaxy0 | 2.1.5+galaxy0 | f | f | f + 157073 | 2022-08-08 |2419664.0| | |2419660.0| toolshed.g2.bx.psu.edu/repos/iuc/lofreq_call/lofreq_call/2.1.5+galaxy0 | 2.1.5+galaxy0 | f | f | f + 157074 | 2022-08-08 |2419665.0| toolshed.g2.bx.psu.edu/repos/galaxyp/peptideshaker/search_gui/3.3.10.1 | 3.3.10.1 |2419666.0| toolshed.g2.bx.psu.edu/repos/galaxyp/peptideshaker/peptide_shaker/1.16.36.3 | 1.16.36.3 | f | f | f + 157074 | 2022-08-08 |2419666.0| toolshed.g2.bx.psu.edu/repos/galaxyp/peptideshaker/peptide_shaker/1.16.36.3 | 1.16.36.3 |2419667.0| toolshed.g2.bx.psu.edu/repos/iuc/query_tabular/query_tabular/3.0.0 | 3.0.0 | f | f | f + 157074 | 2022-08-08 |2419666.0| toolshed.g2.bx.psu.edu/repos/galaxyp/peptideshaker/peptide_shaker/1.16.36.3 | 1.16.36.3 |2419670.0| toolshed.g2.bx.psu.edu/repos/iuc/query_tabular/query_tabular/3.0.0 | 3.0.0 | f | f | f + 157074 | 2022-08-08 |2419666.0| toolshed.g2.bx.psu.edu/repos/galaxyp/peptideshaker/peptide_shaker/1.16.36.3 | 1.16.36.3 |2419671.0| toolshed.g2.bx.psu.edu/repos/iuc/query_tabular/query_tabular/3.0.0 | 3.0.0 | f | f | f + 157074 | 2022-08-08 |2419667.0| toolshed.g2.bx.psu.edu/repos/iuc/query_tabular/query_tabular/3.0.0 | 3.0.0 |2419668.0| toolshed.g2.bx.psu.edu/repos/galaxyp/unipept/unipept/4.3.0 | 4.3.0 | f | f | f + 157074 | 2022-08-08 |2419667.0| toolshed.g2.bx.psu.edu/repos/iuc/query_tabular/query_tabular/3.0.0 | 3.0.0 |2419669.0| toolshed.g2.bx.psu.edu/repos/galaxyp/unipept/unipept/4.3.0 | 4.3.0 | f | f | f + 157074 | 2022-08-08 |2419668.0| toolshed.g2.bx.psu.edu/repos/galaxyp/unipept/unipept/4.3.0 | 4.3.0 |2419670.0| toolshed.g2.bx.psu.edu/repos/iuc/query_tabular/query_tabular/3.0.0 | 3.0.0 | f | f | f + 157074 | 2022-08-08 |2419668.0| toolshed.g2.bx.psu.edu/repos/galaxyp/unipept/unipept/4.3.0 | 4.3.0 |2419670.0| toolshed.g2.bx.psu.edu/repos/iuc/query_tabular/query_tabular/3.0.0 | 3.0.0 | f | f | f + 157074 | 2022-08-08 |2419669.0| toolshed.g2.bx.psu.edu/repos/galaxyp/unipept/unipept/4.3.0 | 4.3.0 |2419671.0| toolshed.g2.bx.psu.edu/repos/iuc/query_tabular/query_tabular/3.0.0 | 3.0.0 | f | f | f + 157074 | 2022-08-08 |2419670.0| toolshed.g2.bx.psu.edu/repos/iuc/query_tabular/query_tabular/3.0.0 | 3.0.0 |2419672.0| toolshed.g2.bx.psu.edu/repos/iuc/sqlite_to_tabular/sqlite_to_tabular/2.0.0 | 2.0.0 | f | f | f + 157074 | 2022-08-08 |2419670.0| toolshed.g2.bx.psu.edu/repos/iuc/query_tabular/query_tabular/3.0.0 | 3.0.0 |2419673.0| toolshed.g2.bx.psu.edu/repos/iuc/sqlite_to_tabular/sqlite_to_tabular/2.0.0 | 2.0.0 | f | f | f + 157074 | 2022-08-08 |2419670.0| toolshed.g2.bx.psu.edu/repos/iuc/query_tabular/query_tabular/3.0.0 | 3.0.0 |2419674.0| toolshed.g2.bx.psu.edu/repos/iuc/sqlite_to_tabular/sqlite_to_tabular/2.0.0 | 2.0.0 | f | f | f + 157074 | 2022-08-08 |2419675.0| | |2419665.0| toolshed.g2.bx.psu.edu/repos/galaxyp/peptideshaker/search_gui/3.3.10.1 | 3.3.10.1 | f | f | f + 157074 | 2022-08-08 |2419676.0| | |2419665.0| toolshed.g2.bx.psu.edu/repos/galaxyp/peptideshaker/search_gui/3.3.10.1 | 3.3.10.1 | f | f | f + 157074 | 2022-08-08 |2419677.0| | |2419670.0| toolshed.g2.bx.psu.edu/repos/iuc/query_tabular/query_tabular/3.0.0 | 3.0.0 | f | f | f + 157075 | 2022-08-08 |2419678.0| toolshed.g2.bx.psu.edu/repos/iuc/rgrnastar/rna_star/2.6.0b-2 | 2.6.0b-2 |2419679.0| toolshed.g2.bx.psu.edu/repos/iuc/stringtie/stringtie/2.1.7+galaxy1 | 2.1.7+galaxy1 | f | f | f + 157075 | 2022-08-08 |2419679.0| toolshed.g2.bx.psu.edu/repos/iuc/stringtie/stringtie/2.1.7+galaxy1 | 2.1.7+galaxy1 |2419680.0| sort1 | 1.2.0 | f | f | f + 157075 | 2022-08-08 |2419681.0| | |2419678.0| toolshed.g2.bx.psu.edu/repos/iuc/rgrnastar/rna_star/2.6.0b-2 | 2.6.0b-2 | f | f | f + 157075 | 2022-08-08 |2419682.0| | |2419679.0| toolshed.g2.bx.psu.edu/repos/iuc/stringtie/stringtie/2.1.7+galaxy1 | 2.1.7+galaxy1 | f | f | f + 157076 | 2022-08-08 |2419683.0| toolshed.g2.bx.psu.edu/repos/iuc/fastp/fastp/0.20.1+galaxy0 | 0.20.1+galaxy0 |2419685.0| toolshed.g2.bx.psu.edu/repos/devteam/bwa/bwa_mem/0.7.17.1 | 0.7.17.1 | f | f | f + 157076 | 2022-08-08 |2419683.0| toolshed.g2.bx.psu.edu/repos/iuc/fastp/fastp/0.20.1+galaxy0 | 0.20.1+galaxy0 |2419693.0| toolshed.g2.bx.psu.edu/repos/iuc/multiqc/multiqc/1.9+galaxy1 | 1.9+galaxy1 | f | f | f + 157076 | 2022-08-08 |2419684.0| toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_sed_tool/1.1.1 | 1.1.1 |2419685.0| toolshed.g2.bx.psu.edu/repos/devteam/bwa/bwa_mem/0.7.17.1 | 0.7.17.1 | f | f | f + 157076 | 2022-08-08 |2419685.0| toolshed.g2.bx.psu.edu/repos/devteam/bwa/bwa_mem/0.7.17.1 | 0.7.17.1 |2419686.0| toolshed.g2.bx.psu.edu/repos/devteam/samtools_stats/samtools_stats/2.0.2+galaxy2 | 2.0.2+galaxy2 | f | f | f + 157076 | 2022-08-08 |2419685.0| toolshed.g2.bx.psu.edu/repos/devteam/bwa/bwa_mem/0.7.17.1 | 0.7.17.1 |2419687.0| toolshed.g2.bx.psu.edu/repos/iuc/samtools_view/samtools_view/1.9+galaxy3 | 1.9+galaxy3 | f | f | f + 157076 | 2022-08-08 |2419686.0| toolshed.g2.bx.psu.edu/repos/devteam/samtools_stats/samtools_stats/2.0.2+galaxy2 | 2.0.2+galaxy2 |2419693.0| toolshed.g2.bx.psu.edu/repos/iuc/multiqc/multiqc/1.9+galaxy1 | 1.9+galaxy1 | f | f | f + 157076 | 2022-08-08 |2419687.0| toolshed.g2.bx.psu.edu/repos/iuc/samtools_view/samtools_view/1.9+galaxy3 | 1.9+galaxy3 |2419688.0| toolshed.g2.bx.psu.edu/repos/iuc/qualimap_bamqc/qualimap_bamqc/2.2.2d+galaxy3 | 2.2.2d+galaxy3 | f | f | f + 157076 | 2022-08-08 |2419687.0| toolshed.g2.bx.psu.edu/repos/iuc/samtools_view/samtools_view/1.9+galaxy3 | 1.9+galaxy3 |2419689.0| toolshed.g2.bx.psu.edu/repos/iuc/ivar_trim/ivar_trim/1.3.1+galaxy2 | 1.3.1+galaxy2 | f | f | f + 157076 | 2022-08-08 |2419688.0| toolshed.g2.bx.psu.edu/repos/iuc/qualimap_bamqc/qualimap_bamqc/2.2.2d+galaxy3 | 2.2.2d+galaxy3 |2419690.0| __FLATTEN__ | 1.0.0 | f | f | f + 157076 | 2022-08-08 |2419689.0| toolshed.g2.bx.psu.edu/repos/iuc/ivar_trim/ivar_trim/1.3.1+galaxy2 | 1.3.1+galaxy2 |2419691.0| toolshed.g2.bx.psu.edu/repos/iuc/ivar_variants/ivar_variants/1.3.1+galaxy2 | 1.3.1+galaxy2 | f | f | f + 157076 | 2022-08-08 |2419689.0| toolshed.g2.bx.psu.edu/repos/iuc/ivar_trim/ivar_trim/1.3.1+galaxy2 | 1.3.1+galaxy2 |2419692.0| toolshed.g2.bx.psu.edu/repos/iuc/ivar_consensus/ivar_consensus/1.3.1+galaxy0 | 1.3.1+galaxy0 | f | f | f + 157076 | 2022-08-08 |2419690.0| __FLATTEN__ | 1.0.0 |2419693.0| toolshed.g2.bx.psu.edu/repos/iuc/multiqc/multiqc/1.9+galaxy1 | 1.9+galaxy1 | f | f | f + 157076 | 2022-08-08 |2419691.0| toolshed.g2.bx.psu.edu/repos/iuc/ivar_variants/ivar_variants/1.3.1+galaxy2 | 1.3.1+galaxy2 |2419694.0| toolshed.g2.bx.psu.edu/repos/iuc/snpeff_sars_cov_2/snpeff_sars_cov_2/4.5covid19 | 4.5covid19 | f | f | f + 157076 | 2022-08-08 |2419692.0| toolshed.g2.bx.psu.edu/repos/iuc/ivar_consensus/ivar_consensus/1.3.1+galaxy0 | 1.3.1+galaxy0 |2419695.0| toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_sed_tool/1.1.1 | 1.1.1 | f | f | f + 157076 | 2022-08-08 |2419695.0| toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_sed_tool/1.1.1 | 1.1.1 |2419696.0| toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_cat/0.1.1 | 0.1.1 | f | f | f + 157076 | 2022-08-08 |2419696.0| toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_cat/0.1.1 | 0.1.1 |2419697.0| toolshed.g2.bx.psu.edu/repos/iuc/pangolin/pangolin/3.1.14+galaxy0 | 3.1.14+galaxy0 | f | f | f + 157076 | 2022-08-08 |2419696.0| toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_cat/0.1.1 | 0.1.1 |2419698.0| toolshed.g2.bx.psu.edu/repos/iuc/nextclade/nextclade/1.4.1+galaxy0 | 1.4.1+galaxy0 | f | f | f + 157076 | 2022-08-08 |2419699.0| | |2419683.0| toolshed.g2.bx.psu.edu/repos/iuc/fastp/fastp/0.20.1+galaxy0 | 0.20.1+galaxy0 | f | f | f + 157076 | 2022-08-08 |2419700.0| | |2419684.0| toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_sed_tool/1.1.1 | 1.1.1 | f | f | f + 157076 | 2022-08-08 |2419700.0| | |2419691.0| toolshed.g2.bx.psu.edu/repos/iuc/ivar_variants/ivar_variants/1.3.1+galaxy2 | 1.3.1+galaxy2 | f | f | f + 157076 | 2022-08-08 |2419701.0| | |2419689.0| toolshed.g2.bx.psu.edu/repos/iuc/ivar_trim/ivar_trim/1.3.1+galaxy2 | 1.3.1+galaxy2 | f | f | f + 157076 | 2022-08-08 |2419702.0| | |2419691.0| toolshed.g2.bx.psu.edu/repos/iuc/ivar_variants/ivar_variants/1.3.1+galaxy2 | 1.3.1+galaxy2 | f | f | f + 157076 | 2022-08-08 |2419702.0| | |2419692.0| toolshed.g2.bx.psu.edu/repos/iuc/ivar_consensus/ivar_consensus/1.3.1+galaxy0 | 1.3.1+galaxy0 | f | f | f + 157076 | 2022-08-08 |2419703.0| | |2419691.0| toolshed.g2.bx.psu.edu/repos/iuc/ivar_variants/ivar_variants/1.3.1+galaxy2 | 1.3.1+galaxy2 | f | f | f + 157076 | 2022-08-08 |2419703.0| | |2419692.0| toolshed.g2.bx.psu.edu/repos/iuc/ivar_consensus/ivar_consensus/1.3.1+galaxy0 | 1.3.1+galaxy0 | f | f | f + 157077 | 2022-08-08 |2419704.0| | |2419707.0| toolshed.g2.bx.psu.edu/repos/iuc/unicycler/unicycler/0.4.6.0 | 0.4.6.0 | f | f | f + 157077 | 2022-08-08 |2419704.0| | |2419708.0| toolshed.g2.bx.psu.edu/repos/nml/spades/spades/3.12.0+galaxy1 | 3.12.0+galaxy1 | f | f | f + 157077 | 2022-08-08 |2419705.0| | |2419707.0| toolshed.g2.bx.psu.edu/repos/iuc/unicycler/unicycler/0.4.6.0 | 0.4.6.0 | f | f | f + 157077 | 2022-08-08 |2419705.0| | |2419708.0| toolshed.g2.bx.psu.edu/repos/nml/spades/spades/3.12.0+galaxy1 | 3.12.0+galaxy1 | f | f | f + 157077 | 2022-08-08 |2419706.0| | |2419707.0| toolshed.g2.bx.psu.edu/repos/iuc/unicycler/unicycler/0.4.6.0 | 0.4.6.0 | f | f | f + 157077 | 2022-08-08 |2419706.0| | |2419708.0| toolshed.g2.bx.psu.edu/repos/nml/spades/spades/3.12.0+galaxy1 | 3.12.0+galaxy1 | f | f | f + 157077 | 2022-08-08 |2419707.0| toolshed.g2.bx.psu.edu/repos/iuc/unicycler/unicycler/0.4.6.0 | 0.4.6.0 |2419709.0| toolshed.g2.bx.psu.edu/repos/iuc/bandage/bandage_info/0.8.1+galaxy1 | 0.8.1+galaxy1 | f | f | f + 157077 | 2022-08-08 |2419707.0| toolshed.g2.bx.psu.edu/repos/iuc/unicycler/unicycler/0.4.6.0 | 0.4.6.0 |2419710.0| toolshed.g2.bx.psu.edu/repos/iuc/bandage/bandage_image/0.8.1+galaxy2 | 0.8.1+galaxy2 | f | f | f + 157077 | 2022-08-08 |2419708.0| toolshed.g2.bx.psu.edu/repos/nml/spades/spades/3.12.0+galaxy1 | 3.12.0+galaxy1 |2419711.0| toolshed.g2.bx.psu.edu/repos/iuc/bandage/bandage_image/0.8.1+galaxy2 | 0.8.1+galaxy2 | f | f | f + 157077 | 2022-08-08 |2419708.0| toolshed.g2.bx.psu.edu/repos/nml/spades/spades/3.12.0+galaxy1 | 3.12.0+galaxy1 |2419712.0| toolshed.g2.bx.psu.edu/repos/iuc/bandage/bandage_info/0.8.1+galaxy1 | 0.8.1+galaxy1 | f | f | f +(2980814 rows)|||||||||| diff -r 4f7e6612906b -r e94dc7945639 test-data/test_workflows --- a/test-data/test_workflows Fri May 06 09:05:18 2022 +0000 +++ /dev/null Thu Jan 01 00:00:00 1970 +0000 @@ -1,499 +0,0 @@ -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 diff -r 4f7e6612906b -r e94dc7945639 train_transformer.py --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/train_transformer.py Sun Oct 16 11:52:10 2022 +0000 @@ -0,0 +1,73 @@ +import tensorflow as tf +import transformer_network +import utils +from tensorflow.keras.layers import (Dense, Dropout, GlobalAveragePooling1D, + Input) +from tensorflow.keras.models import Model + + +def create_model(vocab_size, config): + embed_dim = config["embedding_dim"] + ff_dim = config["feed_forward_dim"] + max_len = config["maximum_path_length"] + dropout = config["dropout"] + + inputs = Input(shape=(max_len,)) + embedding_layer = transformer_network.TokenAndPositionEmbedding(max_len, vocab_size, embed_dim) + x = embedding_layer(inputs) + transformer_block = transformer_network.TransformerBlock(embed_dim, config["n_heads"], ff_dim) + x, weights = transformer_block(x) + x = GlobalAveragePooling1D()(x) + x = Dropout(dropout)(x) + x = Dense(ff_dim, activation="relu")(x) + x = Dropout(dropout)(x) + outputs = Dense(vocab_size, activation="sigmoid")(x) + return Model(inputs=inputs, outputs=[outputs, weights]) + + +def create_enc_transformer(train_data, train_labels, test_data, test_labels, f_dict, r_dict, c_wts, c_tools, pub_conn, tr_t_freq, config): + print("Train transformer...") + vocab_size = len(f_dict) + 1 + + enc_optimizer = tf.keras.optimizers.Adam(learning_rate=config["learning_rate"]) + + model = create_model(vocab_size, config) + + u_tr_y_labels, u_tr_y_labels_dict = utils.get_u_tr_labels(train_labels) + u_te_y_labels, u_te_y_labels_dict = utils.get_u_tr_labels(test_labels) + + trained_on_labels = [int(item) for item in list(u_tr_y_labels_dict.keys())] + + epo_tr_batch_loss = list() + epo_tr_batch_acc = list() + all_sel_tool_ids = list() + + te_lowest_t_ids = utils.get_low_freq_te_samples(test_data, test_labels, tr_t_freq) + tr_log_step = config["tr_logging_step"] + te_log_step = config["te_logging_step"] + n_train_steps = config["n_train_iter"] + te_batch_size = config["te_batch_size"] + tr_batch_size = config["tr_batch_size"] + sel_tools = list() + for batch in range(n_train_steps): + x_train, y_train, sel_tools = utils.sample_balanced_tr_y(train_data, train_labels, u_tr_y_labels_dict, tr_batch_size, tr_t_freq, sel_tools) + all_sel_tool_ids.extend(sel_tools) + with tf.GradientTape() as model_tape: + prediction, att_weights = model(x_train, training=True) + tr_loss, tr_cat_loss = utils.compute_loss(y_train, prediction) + tr_acc = tf.reduce_mean(utils.compute_acc(y_train, prediction)) + trainable_vars = model.trainable_variables + model_gradients = model_tape.gradient(tr_loss, trainable_vars) + enc_optimizer.apply_gradients(zip(model_gradients, trainable_vars)) + epo_tr_batch_loss.append(tr_loss.numpy()) + epo_tr_batch_acc.append(tr_acc.numpy()) + if (batch + 1) % tr_log_step == 0: + print("Total train data size: ", train_data.shape, train_labels.shape) + print("Batch train data size: ", x_train.shape, y_train.shape) + print("At Step {}/{} training loss:".format(str(batch + 1), str(n_train_steps))) + print(tr_loss.numpy()) + if (batch + 1) % te_log_step == 0: + print("Predicting on test data...") + utils.validate_model(test_data, test_labels, te_batch_size, model, f_dict, r_dict, u_te_y_labels_dict, trained_on_labels, te_lowest_t_ids) + print("Saving model after training for {} steps".format(n_train_steps)) + utils.save_model_file(model, r_dict, c_wts, c_tools, pub_conn, config["trained_model_path"]) diff -r 4f7e6612906b -r e94dc7945639 transformer_network.py --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/transformer_network.py Sun Oct 16 11:52:10 2022 +0000 @@ -0,0 +1,39 @@ +import tensorflow as tf +from tensorflow.keras.layers import (Dense, Dropout, Embedding, Layer, + LayerNormalization, MultiHeadAttention) +from tensorflow.keras.models import Sequential + + +class TransformerBlock(Layer): + def __init__(self, embed_dim, num_heads, ff_dim, rate=0.1): + super(TransformerBlock, self).__init__() + self.att = MultiHeadAttention(num_heads=num_heads, key_dim=embed_dim, dropout=rate) + self.ffn = Sequential( + [Dense(ff_dim, activation="relu"), Dense(embed_dim)] + ) + self.layernorm1 = LayerNormalization(epsilon=1e-6) + self.layernorm2 = LayerNormalization(epsilon=1e-6) + self.dropout1 = Dropout(rate) + self.dropout2 = Dropout(rate) + + def call(self, inputs, training): + attn_output, attention_scores = self.att(inputs, inputs, inputs, return_attention_scores=True, training=training) + attn_output = self.dropout1(attn_output, training=training) + out1 = self.layernorm1(inputs + attn_output) + ffn_output = self.ffn(out1) + ffn_output = self.dropout2(ffn_output, training=training) + return self.layernorm2(out1 + ffn_output), attention_scores + + +class TokenAndPositionEmbedding(Layer): + def __init__(self, maxlen, vocab_size, embed_dim): + super(TokenAndPositionEmbedding, self).__init__() + self.token_emb = Embedding(input_dim=vocab_size, output_dim=embed_dim, mask_zero=True) + self.pos_emb = Embedding(input_dim=maxlen, output_dim=embed_dim, mask_zero=True) + + def call(self, x): + maxlen = tf.shape(x)[-1] + positions = tf.range(start=0, limit=maxlen, delta=1) + positions = self.pos_emb(positions) + x = self.token_emb(x) + return x + positions diff -r 4f7e6612906b -r e94dc7945639 utils.py --- a/utils.py Fri May 06 09:05:18 2022 +0000 +++ b/utils.py Sun Oct 16 11:52:10 2022 +0000 @@ -1,11 +1,15 @@ import json +import os import random import h5py import numpy as np +import pandas as pd import tensorflow as tf -from numpy.random import choice -from tensorflow.keras import backend + +binary_ce = tf.keras.losses.BinaryCrossentropy() +binary_acc = tf.keras.metrics.BinaryAccuracy() +categorical_ce = tf.keras.metrics.CategoricalCrossentropy(from_logits=True) def read_file(file_path): @@ -17,6 +21,43 @@ return file_content +def write_file(file_path, content): + """ + Write a file + """ + remove_file(file_path) + with open(file_path, "w") as json_file: + json_file.write(json.dumps(content)) + + +def save_h5_data(inp, tar, filename): + hf_file = h5py.File(filename, 'w') + hf_file.create_dataset("input", data=inp) + hf_file.create_dataset("target", data=tar) + hf_file.close() + + +def get_low_freq_te_samples(te_data, te_target, tr_freq_dict): + lowest_tool_te_ids = list() + lowest_t_ids = get_lowest_tools(tr_freq_dict) + for i, te_labels in enumerate(te_target): + tools_pos = np.where(te_labels > 0)[0] + tools_pos = [str(int(item)) for item in tools_pos] + intersection = list(set(tools_pos).intersection(set(lowest_t_ids))) + if len(intersection) > 0: + lowest_tool_te_ids.append(i) + lowest_t_ids = [item for item in lowest_t_ids if item not in intersection] + return lowest_tool_te_ids + + +def save_processed_workflows(file_path, unique_paths): + workflow_paths_unique = "" + for path in unique_paths: + workflow_paths_unique += path + "\n" + with open(file_path, "w") as workflows_file: + workflows_file.write(workflow_paths_unique) + + def format_tool_id(tool_link): """ Extract tool id from tool link @@ -26,158 +67,166 @@ return tool_id -def set_trained_model(dump_file, model_values): - """ - Create an h5 file with the trained weights and associated dicts - """ - hf_file = h5py.File(dump_file, "w") - for key in model_values: - value = model_values[key] - if key == "model_weights": - for idx, item in enumerate(value): - w_key = "weight_" + str(idx) - if w_key in hf_file: - hf_file.modify(w_key, item) - else: - hf_file.create_dataset(w_key, data=item) - else: - if key in hf_file: - hf_file.modify(key, json.dumps(value)) - else: - hf_file.create_dataset(key, data=json.dumps(value)) +def save_model_file(model, r_dict, c_wts, c_tools, s_conn, model_file): + model.save_weights(model_file, save_format="h5") + hf_file = h5py.File(model_file, 'r+') + model_values = { + "reverse_dict": r_dict, + "class_weights": c_wts, + "compatible_tools": c_tools, + "standard_connections": s_conn + } + for k in model_values: + hf_file.create_dataset(k, data=json.dumps(model_values[k])) hf_file.close() -def weighted_loss(class_weights): - """ - Create a weighted loss function. Penalise the misclassification - of classes more with the higher usage - """ - weight_values = list(class_weights.values()) - weight_values.extend(weight_values) +def remove_file(file_path): + if os.path.exists(file_path): + os.remove(file_path) + - def weighted_binary_crossentropy(y_true, y_pred): - # add another dimension to compute dot product - 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 verify_oversampling_freq(oversampled_tr_data, rev_dict): + """ + Compute the frequency of tool sequences after oversampling + """ + freq_dict = dict() + freq_dict_names = dict() + for tr_data in oversampled_tr_data: + t_pos = np.where(tr_data > 0)[0] + last_tool_id = str(int(tr_data[t_pos[-1]])) + if last_tool_id not in freq_dict: + freq_dict[last_tool_id] = 0 + freq_dict_names[rev_dict[int(last_tool_id)]] = 0 + freq_dict[last_tool_id] += 1 + freq_dict_names[rev_dict[int(last_tool_id)]] += 1 + s_freq = dict(sorted(freq_dict_names.items(), key=lambda kv: kv[1], reverse=True)) + return s_freq -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] - tool_ids = list(l_tool_tr_samples.keys()) - random.shuffle(tool_ids) - generator_batch_data = np.zeros([batch_size, dimension]) - generator_batch_labels = np.zeros([batch_size, n_classes]) - generated_tool_ids = choice(tool_ids, batch_size) - for i in range(batch_size): - random_toolid = generated_tool_ids[i] - sample_indices = l_tool_tr_samples[str(random_toolid)] - random_index = random.sample(range(0, len(sample_indices)), 1)[0] - random_tr_index = sample_indices[random_index] - generator_batch_data[i] = train_data[random_tr_index] - generator_batch_labels[i] = train_labels[random_tr_index] - yield generator_batch_data, generator_batch_labels +def collect_sampled_tool_freq(collected_dict, c_freq): + for t in c_freq: + if t not in collected_dict: + collected_dict[t] = int(c_freq[t]) + else: + collected_dict[t] += int(c_freq[t]) + return collected_dict + + +def save_data_as_dict(f_dict, r_dict, inp, tar, save_path): + inp_tar = dict() + for index, (i, t) in enumerate(zip(inp, tar)): + i_pos = np.where(i > 0)[0] + i_seq = ",".join([str(int(item)) for item in i[1:i_pos[-1] + 1]]) + t_pos = np.where(t > 0)[0] + t_seq = ",".join([str(int(item)) for item in t[1:t_pos[-1] + 1]]) + if i_seq not in inp_tar: + inp_tar[i_seq] = list() + inp_tar[i_seq].append(t_seq) + size = 0 + for item in inp_tar: + size += len(inp_tar[item]) + print("Size saved file: ", size) + write_file(save_path, inp_tar) + + +def read_train_test(datapath): + file_obj = h5py.File(datapath, 'r') + data_input = np.array(file_obj["input"]) + data_target = np.array(file_obj["target"]) + return data_input, data_target -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 - """ - pred_t_name = "" - top_precision = 0.0 - mean_usage = 0.0 - usage_wt_score = list() - pub_precision = 0.0 - lowest_pub_prec = 0.0 - lowest_norm_prec = 0.0 - pub_tools = list() - actual_next_tool_names = list() - test_sample = np.reshape(x, (1, len(x))) +def sample_balanced_tr_y(x_seqs, y_labels, ulabels_tr_y_dict, b_size, tr_t_freq, prev_sel_tools): + batch_y_tools = list(ulabels_tr_y_dict.keys()) + random.shuffle(batch_y_tools) + label_tools = list() + rand_batch_indices = list() + sel_tools = list() + + unselected_tools = [t for t in batch_y_tools if t not in prev_sel_tools] + rand_selected_tools = unselected_tools[:b_size] - # predict next tools for a test path - prediction = model.predict(test_sample, verbose=0) - - # divide the predicted vector into two halves - one for published and - # another for normal workflows - nw_dimension = prediction.shape[1] - half_len = int(nw_dimension / 2) + for l_tool in rand_selected_tools: + seq_indices = ulabels_tr_y_dict[l_tool] + random.shuffle(seq_indices) + rand_s_index = np.random.randint(0, len(seq_indices), 1)[0] + rand_sample = seq_indices[rand_s_index] + sel_tools.append(l_tool) + rand_batch_indices.append(rand_sample) + label_tools.append(l_tool) - # predict tools - prediction = np.reshape(prediction, (nw_dimension,)) - # get predictions of tools from published workflows - standard_pred = prediction[:half_len] - # get predictions of tools from normal workflows - normal_pred = prediction[half_len:] + x_batch_train = x_seqs[rand_batch_indices] + y_batch_train = y_labels[rand_batch_indices] - standard_prediction_pos = np.argsort(standard_pred, axis=-1) - standard_topk_prediction_pos = standard_prediction_pos[-topk] + unrolled_x = tf.convert_to_tensor(x_batch_train, dtype=tf.int64) + unrolled_y = tf.convert_to_tensor(y_batch_train, dtype=tf.int64) + return unrolled_x, unrolled_y, sel_tools + - normal_prediction_pos = np.argsort(normal_pred, axis=-1) - normal_topk_prediction_pos = normal_prediction_pos[-topk] +def sample_balanced_te_y(x_seqs, y_labels, ulabels_tr_y_dict, b_size): + batch_y_tools = list(ulabels_tr_y_dict.keys()) + random.shuffle(batch_y_tools) + label_tools = list() + rand_batch_indices = list() + sel_tools = list() + for l_tool in batch_y_tools: + seq_indices = ulabels_tr_y_dict[l_tool] + random.shuffle(seq_indices) + rand_s_index = np.random.randint(0, len(seq_indices), 1)[0] + rand_sample = seq_indices[rand_s_index] + sel_tools.append(l_tool) + if rand_sample not in rand_batch_indices: + rand_batch_indices.append(rand_sample) + label_tools.append(l_tool) + if len(rand_batch_indices) == b_size: + break + x_batch_train = x_seqs[rand_batch_indices] + y_batch_train = y_labels[rand_batch_indices] + + unrolled_x = tf.convert_to_tensor(x_batch_train, dtype=tf.int64) + unrolled_y = tf.convert_to_tensor(y_batch_train, dtype=tf.int64) + return unrolled_x, unrolled_y, sel_tools + - # get true tools names - for a_t_pos in actual_classes_pos: - if a_t_pos > half_len: - t_name = reverse_data_dictionary[int(a_t_pos - half_len)] - else: - t_name = reverse_data_dictionary[int(a_t_pos)] - actual_next_tool_names.append(t_name) - last_tool_name = reverse_data_dictionary[x[-1]] - # compute scores for published recommendations - if standard_topk_prediction_pos in reverse_data_dictionary: - pred_t_name = reverse_data_dictionary[int(standard_topk_prediction_pos)] - if last_tool_name in standard_conn: - pub_tools = standard_conn[last_tool_name] - if pred_t_name in pub_tools: - pub_precision = 1.0 - # count precision only when there is actually true published tools - if last_tool_id in lowest_tool_ids: - lowest_pub_prec = 1.0 - 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) - ) - 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 - pub_precision = np.nan - lowest_pub_prec = np.nan - # compute scores for normal recommendations - if normal_topk_prediction_pos in reverse_data_dictionary: - 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) - ) - top_precision = 1.0 - if last_tool_id in lowest_tool_ids: - lowest_norm_prec = 1.0 - else: - lowest_norm_prec = np.nan - if len(usage_wt_score) > 0: - mean_usage = np.mean(usage_wt_score) - return mean_usage, top_precision, pub_precision, lowest_pub_prec, lowest_norm_prec +def get_u_tr_labels(y_tr): + labels = list() + labels_pos_dict = dict() + for i, item in enumerate(y_tr): + label_pos = np.where(item > 0)[0] + labels.extend(label_pos) + for label in label_pos: + if label not in labels_pos_dict: + labels_pos_dict[label] = list() + labels_pos_dict[label].append(i) + u_labels = list(set(labels)) + for item in labels_pos_dict: + labels_pos_dict[item] = list(set(labels_pos_dict[item])) + return u_labels, labels_pos_dict + + +def compute_loss(y_true, y_pred, class_weights=None): + y_true = tf.cast(y_true, dtype=tf.float32) + loss = binary_ce(y_true, y_pred) + categorical_loss = categorical_ce(y_true, y_pred) + if class_weights is None: + return tf.reduce_mean(loss), categorical_loss + return tf.tensordot(loss, class_weights, axes=1), categorical_loss + + +def compute_acc(y_true, y_pred): + return binary_acc(y_true, y_pred) + + +def validate_model(te_x, te_y, te_batch_size, model, f_dict, r_dict, ulabels_te_dict, tr_labels, lowest_t_ids): + te_x_batch, y_train_batch, _ = sample_balanced_te_y(te_x, te_y, ulabels_te_dict, te_batch_size) + print("Total test data size: ", te_x.shape, te_y.shape) + print("Batch test data size: ", te_x_batch.shape, y_train_batch.shape) + te_pred_batch, _ = model(te_x_batch, training=False) + test_err, _ = compute_loss(y_train_batch, te_pred_batch) + print("Test loss:") + print(test_err.numpy()) + print("Test finished") def get_lowest_tools(l_tool_freq, fraction=0.25): @@ -187,98 +236,7 @@ return lowest_ids -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 - """ - print("Evaluating performance on test data...") - print("Test data size: %d" % len(y)) - size = y.shape[0] - precision = np.zeros([len(y), len(topk_list)]) - usage_weights = np.zeros([len(y), len(topk_list)]) - epo_pub_prec = np.zeros([len(y), len(topk_list)]) - epo_lowest_tools_pub_prec = list() - epo_lowest_tools_norm_prec = list() - lowest_counter = 0 - # loop over all the test samples and find prediction precision - for i in range(size): - lowest_pub_topk = list() - lowest_norm_topk = list() - actual_classes_pos = np.where(y[i] > 0)[0] - 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, - ) - precision[i][index] = absolute_precision - usage_weights[i][index] = usg_wt_score - epo_pub_prec[i][index] = pub_prec - lowest_pub_topk.append(lowest_p_prec) - lowest_norm_topk.append(lowest_n_prec) - epo_lowest_tools_pub_prec.append(lowest_pub_topk) - epo_lowest_tools_norm_prec.append(lowest_norm_topk) - if last_tool_id in lowest_tool_ids: - lowest_counter += 1 - mean_precision = np.mean(precision, axis=0) - mean_usage = np.mean(usage_weights, axis=0) - 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, - ) - - -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, - "compatible_tools": compatible_next_tools, - "class_weights": class_weights, - "standard_connections": standard_connections, - } - set_trained_model(trained_model_path, model_values) +def remove_pipe(file_path): + dataframe = pd.read_csv(file_path, sep="|", header=None) + dataframe = dataframe[1:len(dataframe.index) - 1] + return dataframe[1:]