# HG changeset patch # User iuc # Date 1566073537 14400 # Node ID 1b0f96ed73f20919dd6ecc73f4101efa5f7b6f01 "planemo upload for repository https://github.com/galaxyproject/tools-iuc/tree/master/tools/table_compute commit 1ee75135483d5db22c540bc043746cd986f85762" diff -r 000000000000 -r 1b0f96ed73f2 allowed_functions.xml --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/allowed_functions.xml Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,48 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff -r 000000000000 -r 1b0f96ed73f2 scripts/safety.py --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/scripts/safety.py Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,211 @@ +import re + + +class Safety(): + """ + Class to safely evaluate mathematical expression on single + or table data + """ + + __allowed_tokens = ( + '(', ')', 'if', 'else', 'or', 'and', 'not', 'in', + '+', '-', '*', '/', '%', ',', '!=', '==', '>', '>=', '<', '<=', + 'min', 'max', 'sum', + ) + __allowed_ref_types = { + 'pd.DataFrame': { + 'abs', 'add', 'agg', 'aggregate', 'align', 'all', 'any', 'append', + 'apply', 'applymap', 'as_matrix', 'asfreq', 'at', 'axes', 'bool', + 'clip', 'clip_lower', 'clip_upper', 'columns', 'combine', + 'compound', 'corr', 'count', 'cov', 'cummax', 'cummin', 'cumprod', + 'cumsum', 'describe', 'div', 'divide', 'dot', 'drop', + 'drop_duplicates', 'droplevel', 'dropna', 'duplicated', 'empty', + 'eq', 'equals', 'expanding', 'ffill', 'fillna', 'filter', 'first', + 'first_valid_index', 'floordiv', 'ge', 'groupby', 'gt', 'head', + 'iat', 'iloc', 'index', 'insert', 'interpolate', 'isin', 'isna', + 'isnull', 'items', 'iteritems', 'iterrows', 'itertuples', 'ix', + 'join', 'keys', 'kurt', 'kurtosis', 'last', 'last_valid_index', + 'le', 'loc', 'lookup', 'lt', 'mad', 'mask', 'max', 'mean', + 'median', 'melt', 'merge', 'min', 'mod', 'mode', 'mul', 'multiply', + 'ndim', 'ne', 'nlargest', 'notna', 'notnull', 'nsmallest', + 'nunique', 'pct_change', 'pivot', 'pivot_table', 'pop', 'pow', + 'prod', 'product', 'quantile', 'radd', 'rank', 'rdiv', 'replace', + 'resample', 'rfloordiv', 'rmod', 'rmul', 'rolling', 'round', + 'rpow', 'rsub', 'rtruediv', 'sample', 'select', + 'sem', 'shape', 'shift', 'size', 'skew', 'slice_shift', + 'squeeze', 'stack', 'std', 'sub', 'subtract', 'sum', 'swapaxes', + 'swaplevel', 'T', 'tail', 'take', 'transform', 'transpose', + 'truediv', 'truncate', 'tshift', 'unstack', 'var', 'where', + }, + 'pd.Series': { + 'abs', 'add', 'agg', 'aggregate', 'align', 'all', 'any', 'append', + 'apply', 'argsort', 'as_matrix', 'asfreq', 'asof', 'astype', 'at', + 'at_time', 'autocorr', 'axes', 'between', 'between_time', 'bfill', + 'bool', 'cat', 'clip', 'clip_lower', 'clip_upper', 'combine', + 'combine_first', 'compound', 'corr', 'count', 'cov', 'cummax', + 'cummin', 'cumprod', 'cumsum', 'describe', 'diff', 'div', 'divide', + 'divmod', 'dot', 'drop', 'drop_duplicates', 'droplevel', 'dropna', + 'dt', 'dtype', 'dtypes', 'duplicated', 'empty', 'eq', 'equals', + 'ewm', 'expanding', 'factorize', 'ffill', 'fillna', 'filter', + 'first', 'first_valid_index', 'flags', 'floordiv', 'ge', 'groupby', + 'gt', 'hasnans', 'head', 'iat', 'idxmax', 'idxmin', 'iloc', 'imag', + 'index', 'interpolate', 'is_monotonic', 'is_monotonic_decreasing', + 'is_monotonic_increasing', 'is_unique', 'isin', 'isna', 'isnull', + 'item', 'items', 'iteritems', 'ix', 'keys', 'kurt', 'kurtosis', + 'last', 'last_valid_index', 'le', 'loc', 'lt', 'mad', 'map', + 'mask', 'max', 'mean', 'median', 'min', 'mod', 'mode', 'mul', + 'multiply', 'name', 'ndim', 'ne', 'nlargest', 'nonzero', 'notna', + 'notnull', 'nsmallest', 'nunique', 'pct_change', 'pop', 'pow', + 'prod', 'product', 'ptp', 'quantile', 'radd', 'rank', 'rdiv', + 'rdivmod', 'real', 'repeat', 'replace', 'resample', 'rfloordiv', + 'rmod', 'rmul', 'rolling', 'round', 'rpow', 'rsub', 'rtruediv', + 'sample', 'searchsorted', 'select', 'sem', 'shape', 'shift', + 'size', 'skew', 'slice_shift', 'sort_index', 'sort_values', + 'squeeze', 'std', 'sub', 'subtract', 'sum', 'swapaxes', + 'swaplevel', 'T', 'tail', 'take', 'transform', 'transpose', + 'truediv', 'truncate', 'tshift', 'unique', 'unstack', + 'value_counts', 'var', 'where', 'xs', + }, + } + + __allowed_qualified = { + # allowed numpy functionality + 'np': { + 'abs', 'add', 'all', 'any', 'append', 'array', 'bool', 'ceil', + 'complex', 'cos', 'cosh', 'cov', 'cumprod', 'cumsum', 'degrees', + 'divide', 'divmod', 'dot', 'e', 'empty', 'exp', 'float', 'floor', + 'hypot', 'inf', 'int', 'isfinite', 'isin', 'isinf', 'isnan', 'log', + 'log10', 'log2', 'max', 'mean', 'median', 'min', 'mod', 'multiply', + 'nan', 'ndim', 'pi', 'product', 'quantile', 'radians', 'rank', + 'remainder', 'round', 'sin', 'sinh', 'size', 'sqrt', 'squeeze', + 'stack', 'std', 'str', 'subtract', 'sum', 'swapaxes', 'take', + 'tan', 'tanh', 'transpose', 'unique', 'var', 'where', + }, + # allowed math functionality + 'math': { + 'acos', 'acosh', 'asin', 'asinh', 'atan', 'atan2', 'atanh', 'ceil', + 'copysign', 'cos', 'cosh', 'degrees', 'e', 'erf', 'erfc', 'exp', + 'expm1', 'fabs', 'factorial', 'floor', 'fmod', 'frexp', 'fsum', + 'gamma', 'gcd', 'hypot', 'inf', 'isclose', 'isfinite', 'isinf', + 'isnan', 'ldexp', 'lgamma', 'log', 'log10', 'log1p', 'log2', + 'modf', 'nan', 'pi', 'pow', 'radians', 'remainder', 'sin', 'sinh', + 'sqrt', 'tan', 'tanh', 'tau', 'trunc', + }, + # allowed pd functionality + 'pd': { + 'DataFrame', 'array', 'concat', 'cut', 'date_range', 'factorize', + 'interval_range', 'isna', 'isnull', 'melt', 'merge', 'notna', + 'notnull', 'period_range', 'pivot', 'pivot_table', 'unique', + 'value_counts', 'wide_to_long', + }, + } + + def __init__(self, expression, + ref_whitelist=None, ref_type=None, + custom_qualified=None): + self.allowed_qualified = self.__allowed_qualified.copy() + if ref_whitelist is None: + self.these = [] + else: + self.these = ref_whitelist + if ref_type is None or ref_type not in self.__allowed_ref_types: + self.allowed_qualified['_this'] = set() + else: + self.allowed_qualified[ + '_this' + ] = self.__allowed_ref_types[ref_type] + if custom_qualified is not None: + self.allowed_qualified.update(custom_qualified) + self.expr = expression + self.__assertSafe() + + def generateFunction(self): + "Generates a function to be evaluated outside the class" + cust_fun = "def fun(%s):\n\treturn(%s)" % (self.these[0], self.expr) + return cust_fun + + def __assertSafe(self): + indeed, problematic_token = self.__isSafeStatement() + if not indeed: + self.detailedExcuse(problematic_token) + raise ValueError("Custom Expression is not safe.") + + @staticmethod + def detailedExcuse(word): + "Gives a verbose statement for why users should not use some specific operators." + mess = None + if word == "for": + mess = "for loops and comprehensions are not allowed. Use numpy or pandas table operations instead." + elif word == ":": + mess = "Colons are not allowed. Use inline Python if/else statements." + elif word == "=": + mess = "Variable assignment is not allowed. Use object methods to substitute values." + elif word in ("[", "]"): + mess = "Direct indexing of arrays is not allowed. Use numpy or pandas functions/methods to address specific parts of tables." + else: + mess = "Not an allowed token in this operation" + print("( '%s' ) %s" % (word, mess)) + + def __isSafeStatement(self): + """ + Determines if a user-expression is safe to evaluate. + + To be considered safe an expression may contain only: + - standard Python operators and numbers + - inline conditional expressions + - select functions and objects + by default, these come from the math, numpy and pandas + libraries, and must be qualified with the modules' conventional + names math, np, pd; can be overridden at the instance level + - references to a whitelist of objects (pd.DataFrames by default) + and their methods + """ + + safe = True + # examples of user-expressions + # '-math.log(1 - elem/4096) * 4096 if elem != bn else elem - 0.5' + # 'vec.median() + vec.sum()' + + # 1. Break expressions into tokens + # e.g., + # [ + # '-', 'math.log', '(', '1', '-', 'elem', '/', '4096', ')', '*', + # '4096', 'if', 'elem', '!=', 'bn', 'else', 'elem', '-', '0.5' + # ] + # or + # ['vec.median', '(', ')', '+', 'vec.sum', '(', ')'] + tokens = [ + e for e in re.split( + r'([a-zA-Z0-9_.]+|[^a-zA-Z0-9_.() ]+|[()])', self.expr + ) if e.strip() + ] + + # 2. Subtract allowed standard tokens + rem = [e for e in tokens if e not in self.__allowed_tokens] + + # 3. Subtract allowed qualified objects from allowed modules + # and whitelisted references and their attributes + rem2 = [] + for e in rem: + parts = e.split('.') + if len(parts) == 1: + if parts[0] in self.these: + continue + if len(parts) == 2: + if parts[0] in self.these: + parts[0] = '_this' + if parts[0] in self.allowed_qualified: + if parts[1] in self.allowed_qualified[parts[0]]: + continue + rem2.append(e) + + # 4. Assert that rest are real numbers + e = '' + for e in rem2: + try: + _ = float(e) + except ValueError: + safe = False + break + + return safe, e diff -r 000000000000 -r 1b0f96ed73f2 scripts/table_compute.py --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/scripts/table_compute.py Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,310 @@ +#!/usr/bin/env python3 +""" +Table Compute tool - a wrapper around pandas with parameter input validation. +""" + +__version__ = "0.8" + +import csv +import math +from sys import argv + +import numpy as np +import pandas as pd +import userconfig as uc +from safety import Safety +# This should be generated in the same directory + +# Version command should not need to copy the config +if len(argv) == 2 and argv[1] == "--version": + print(__version__) + exit(-1) + + +class Utils: + @staticmethod + def getOneValueMathOp(op_name): + "Returns a simple one value math operator such as log, sqrt, etc" + return getattr(math, op_name) + + @staticmethod + def getVectorPandaOp(op_name): + "Returns a valid DataFrame vector operator" + return getattr(pd.DataFrame, op_name) + + @staticmethod + def getTwoValuePandaOp(op_name, pd_obj): + "Returns a valid two value DataFrame or Series operator" + return getattr(type(pd_obj), "__" + op_name + "__") + + +# Math is imported but not directly used because users +# may specify a "math." when inserting a custom +# function. To remove linting errors, which break CI testing +# we will just use an arbitrary math statement here. +__ = math.log + + +# Set decimal precision +pd.options.display.precision = uc.Default["precision"] + +user_mode = uc.Default["user_mode"] +user_mode_single = None +out_table = None +params = uc.Data["params"] + +if user_mode == "single": + # Read in TSV file + data = pd.read_csv( + uc.Data["tables"][0]["reader_file"], + header=uc.Data["tables"][0]["reader_header"], + index_col=uc.Data["tables"][0]["reader_row_col"], + keep_default_na=uc.Default["narm"], + sep='\t' + ) + # Fix whitespace issues in index or column names + data.columns = [col.strip() if type(col) is str else col + for col in data.columns] + data.index = [row.strip() if type(row) is str else row + for row in data.index] + + user_mode_single = params["user_mode_single"] + + if user_mode_single == "precision": + # Useful for changing decimal precision on write out + out_table = data + + elif user_mode_single == "select": + cols_specified = params["select_cols_wanted"] + rows_specified = params["select_rows_wanted"] + + # Select all indexes if empty array of values + if not cols_specified: + cols_specified = range(len(data.columns)) + if not rows_specified: + rows_specified = range(len(data)) + + # do not use duplicate indexes + # e.g. [2,3,2,5,5,4,2] to [2,3,5,4] + nodupes_col = not params["select_cols_unique"] + nodupes_row = not params["select_rows_unique"] + + if nodupes_col: + cols_specified = [x for i, x in enumerate(cols_specified) + if x not in cols_specified[:i]] + if nodupes_row: + rows_specified = [x for i, x in enumerate(rows_specified) + if x not in rows_specified[:i]] + + out_table = data.iloc[rows_specified, cols_specified] + + elif user_mode_single == "filtersumval": + mode = params["filtersumval_mode"] + axis = params["filtersumval_axis"] + operation = params["filtersumval_op"] + compare_operation = params["filtersumval_compare"] + value = params["filtersumval_against"] + minmatch = params["filtersumval_minmatch"] + + if mode == "operation": + # Perform axis operation + summary_op = Utils.getVectorPandaOp(operation) + axis_summary = summary_op(data, axis=axis) + # Perform vector comparison + compare_op = Utils.getTwoValuePandaOp( + compare_operation, axis_summary + ) + axis_bool = compare_op(axis_summary, value) + + elif mode == "element": + if operation.startswith("str_"): + data = data.astype("str") + value = str(value) + # Convert str_eq to eq + operation = operation[4:] + else: + value = float(value) + + op = Utils.getTwoValuePandaOp(operation, data) + bool_mat = op(data, value) + axis_bool = np.sum(bool_mat, axis=axis) >= minmatch + + out_table = data.loc[:, axis_bool] if axis == 0 else data.loc[axis_bool, :] + + elif user_mode_single == "matrixapply": + # 0 - column, 1 - row + axis = params["matrixapply_dimension"] + # sd, mean, max, min, sum, median, summary + operation = params["matrixapply_op"] + + if operation is None: + use_custom = params["matrixapply_custom"] + if use_custom: + custom_func = params["matrixapply_custom_func"] + + def fun(vec): + """Dummy Function""" + return vec + + ss = Safety(custom_func, ['vec'], 'pd.Series') + fun_string = ss.generateFunction() + exec(fun_string) # SUPER DUPER SAFE... + + out_table = data.apply(fun, axis) + else: + print("No operation given") + exit(-1) + else: + op = getattr(pd.DataFrame, operation) + out_table = op(data, axis) + + elif user_mode_single == "element": + # lt, gt, ge, etc. + operation = params["element_op"] + if operation is not None: + op = Utils.getTwoValuePandaOp(operation, data) + value = params["element_value"] + try: + # Could be numeric + value = float(value) + except ValueError: + pass + # generate filter matrix of True/False values + bool_mat = op(data, value) + else: + # implement no filtering through a filter matrix filled with + # True values. + bool_mat = np.full(data.shape, True) + + # Get the main processing mode + mode = params["element_mode"] + if mode == "replace": + replacement_val = params["element_replace"] + out_table = data.mask(bool_mat, replacement_val) + elif mode == "modify": + mod_op = Utils.getOneValueMathOp(params["element_modify_op"]) + out_table = data.mask( + bool_mat, data.where(bool_mat).applymap(mod_op) + ) + elif mode == "scale": + scale_op = Utils.getTwoValuePandaOp( + params["element_scale_op"], data + ) + scale_value = params["element_scale_value"] + out_table = data.mask( + bool_mat, scale_op(data.where(bool_mat), scale_value) + ) + elif mode == "custom": + element_customop = params["element_customop"] + + def fun(elem): + """Dummy Function""" + return elem + + ss = Safety(element_customop, ['elem']) + fun_string = ss.generateFunction() + exec(fun_string) # SUPER DUPER SAFE... + + out_table = data.mask( + bool_mat, data.where(bool_mat).applymap(fun) + ) + else: + print("No such element mode!", mode) + exit(-1) + + elif user_mode_single == "fulltable": + general_mode = params["mode"] + + if general_mode == "melt": + melt_ids = params["MELT"]["melt_ids"] + melt_values = params["MELT"]["melt_values"] + + out_table = pd.melt(data, id_vars=melt_ids, value_vars=melt_values) + elif general_mode == "pivot": + pivot_index = params["PIVOT"]["pivot_index"] + pivot_column = params["PIVOT"]["pivot_column"] + pivot_values = params["PIVOT"]["pivot_values"] + + out_table = data.pivot( + index=pivot_index, columns=pivot_column, values=pivot_values + ) + elif general_mode == "custom": + custom_func = params["fulltable_customop"] + + def fun(tableau): + """Dummy Function""" + return tableau + + ss = Safety(custom_func, ['table'], 'pd.DataFrame') + fun_string = ss.generateFunction() + exec(fun_string) # SUPER DUPER SAFE... + + out_table = fun(data) + + else: + print("No such mode!", user_mode_single) + exit(-1) + + +elif user_mode == "multiple": + + table_sections = uc.Data["tables"] + + if not table_sections: + print("Multiple table sets not given!") + exit(-1) + + reader_skip = uc.Default["reader_skip"] + + # Data + table = [] + # 1-based handlers for users "table1", "table2", etc. + table_names = [] + # Actual 0-based references "table[0]", "table[1]", etc. + table_names_real = [] + + # Read and populate tables + for x, t_sect in enumerate(table_sections): + tmp = pd.read_csv( + t_sect["file"], + header=t_sect["header"], + index_col=t_sect["row_names"], + keep_default_na=uc.Default["narm"], + sep="\t" + ) + table.append(tmp) + table_names.append("table" + str(x + 1)) + table_names_real.append("table[" + str(x) + "]") + + custom_op = params["fulltable_customop"] + ss = Safety(custom_op, table_names, 'pd.DataFrame') + fun_string = ss.generateFunction() + # Change the argument to table + fun_string = fun_string.replace("fun(table1):", "fun():") + # table1 to table[1] + for name, name_real in zip(table_names, table_names_real): + fun_string = fun_string.replace(name, name_real) + + fun_string = fun_string.replace("fun():", "fun(table):") + exec(fun_string) # SUPER DUPER SAFE... + out_table = fun(table) + +else: + print("No such mode!", user_mode) + exit(-1) + +if not isinstance(out_table, (pd.DataFrame, pd.Series)): + print('The specified operation did not result in a table to return.') + raise RuntimeError( + 'The operation did not generate a pd.DataFrame or pd.Series to return.' + ) +out_parameters = { + "sep": "\t", + "float_format": "%%.%df" % pd.options.display.precision, + "header": uc.Default["out_headers_col"], + "index": uc.Default["out_headers_row"] +} +if user_mode_single not in ('matrixapply', None): + out_parameters["quoting"] = csv.QUOTE_NONE + +out_table.to_csv(uc.Default["outtable"], **out_parameters) diff -r 000000000000 -r 1b0f96ed73f2 table_compute.xml --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/table_compute.xml Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,1441 @@ + + computes operations on table data + + 0.8 + ]]> + ]]> + allowed_functions.xml + + + ^(?:\w+)?$ + + + + ^(?:\w+)?$ + + + + ^(?:\w+(?:, *\w+)*)?$ + + + + ^(?:\d+(?::\d)*(?:, *\d+(?::\d)*)*)?$ + + + + ^[\w !\-+=/*%,.<>()]+$ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + pandas + numpy + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + 5) else 1 + + * *Operate on elements* → **All** + + +Example 5: Perform a Full table operation +~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ + +We have the following table: + + === === === === + . c1 c2 c3 + === === === === + g1 10 20 30 + g2 3 10 9 + g3 4 8 10 + g4 81 10 10 + === === === === + +and we want to subtract from each column the mean of that column divided by the standard deviation of it to yield: + + + === ========= ========= ========= + . c1 c2 c3 + === ========= ========= ========= + g1 9.351737 17.784353 28.550737 + g2 2.351737 7.784353 7.550737 + g3 3.351737 5.784353 8.550737 + g4 80.351737 7.784353 8.550737 + === ========= ========= ========= + +In Galaxy we would select the following: + + * *Input Single or Multiple Tables* → **Single Table** + * *Column names on first row?* → **Yes** + * *Row names on first column?* → **Yes** + * *Type of table operation* → **Perform a Full Table Operation** + + * *Operation* → **Custom** + + * *Custom Expression on 'table' along axis (0 or 1)* → :: + + table - table.mean(0)/table.std(0) + + +Example 6: Perform operations on multiple tables +~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ + +We have the following three input tables: + +Table 1 + + === === === === + . c1 c2 c3 + === === === === + g1 10 20 30 + g2 3 10 9 + g3 4 8 10 + === === === === + +Table 2 + + === === === + . c1 c2 + === === === + g1 1 2 + g2 3 4 + g3 6 5 + === === === + +Table 3 + + === === === === + . c1 c2 c3 + === === === === + g1 1 2 3 + g2 1 2 3 + === === === === + + +*Note that the dimensions of these tables do not match.* + +Dimensions: + * Table1 [3,3] + * Table2 [3,2] + * Table3 [2,3] + +In order to perform simple operations between Tables, they must be of the same dimensions. + +To add Table2 to Table3 we would have to transpose one of the tables using the in-built `T` method:: + + table2 + table3.T + +or:: + + table2.T + table3 + +We can also perform more general operations using all 3 tables, such as taking the minimum value of +the maximum values of Table2 and Table3, and dividing the Table1 values by it:: + + table1 / min(table2.values.max(), table3.values.max()) + + +To perform these types of operations in Galaxy we would select the following: + + * *Input Single or Multiple Tables* → **Multiple Tables** + * *(For each inserted table)* + * *Column names on first row?* → **Yes** + * *Row names on first column?* → **Yes** + * *Custom Expression* → :: + + + +Please note that the last example shown above was chosen to illustrate the +limitations of the tool. Nested attributes like `table2.values.max` are +disallowed in expressions in the tool so the above would have to be replaced +with the harder to read workaround:: + + table1 / min(np.max(np.max(table2)), np.max(np.max(table3))) + +Also note that, currently `min()`, `max()` and `sum()` are the only built-in +Python functions that can be used inside expressions. If you want to use +additional functions, these have to be qualified functions from the `math`, +`np` or `pd` libraries. + + +Example 7: Melt +~~~~~~~~~~~~~~~ + +We have the following table + + === === === === + . A B C + === === === === + 0 a B 1 + 1 b B 3 + 2 c B 5 + === === === === + +and we want: + + === === ======== ===== + . A variable value + === === ======== ===== + 0 a B B + 1 b B B + 2 c B B + 3 a C 1 + 4 b C 3 + 5 c C 5 + === === ======== ===== + + +In Galaxy we would select the following: + + * *Input Single or Multiple Tables* → **Single Table** + * *Column names on first row?* → **Yes** + * *Row names on first column?* → **Yes** + * *Type of table operation* → **Perform a Full Table Operation** + + * *Operation* → **Melt** + * *Variable IDs* → "A" + * *Unpivoted IDs* → "B,C" + +This converts the "B" and "C" columns into variables. + + +Example 8: Pivot +~~~~~~~~~~~~~~~~ + +We have the following table + + === === === === === + . foo bar baz zoo + === === === === === + 0 one A 1 x + 1 one B 2 y + 2 one C 3 z + 3 two A 4 q + 4 two B 5 w + 5 two C 6 t + === === === === === + +and we want: + + === === === === + . A B C + === === === === + one 1 2 3 + two 4 5 6 + === === === === + +In Galaxy we would select the following: + + * *Input Single or Multiple Tables* → **Single Table** + * *Column names on first row?* → **Yes** + * *Row names on first column?* → **Yes** + * *Type of table operation* → **Perform a Full Table Operation** + + * *Operation* → **Pivot** + * *Index* → "foo" + * *Column* → "bar" + * *Values* → "baz" + +This splits the matrix using "foo" and "bar" using only the values from "baz". Header values may contain extra information. + +]]> + + diff -r 000000000000 -r 1b0f96ed73f2 test-data/examples.1.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/examples.1.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,5 @@ + c1 c2 c3 +g1 10 20 30 +g2 3 6 9 +g3 4 8 12 +g4 81 6 3 \ No newline at end of file diff -r 000000000000 -r 1b0f96ed73f2 test-data/examples.2.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/examples.2.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,5 @@ + c1 c2 c3 +g1 10 20 30 +g2 3 6 9 +g3 4 8 12 +g4 81 6 3 \ No newline at end of file diff -r 000000000000 -r 1b0f96ed73f2 test-data/examples.3p1.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/examples.3p1.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,5 @@ + c1 c2 c3 +g1 10 20 30 +g2 3 6 9 +g3 4 8 12 +g4 81 6 3 \ No newline at end of file diff -r 000000000000 -r 1b0f96ed73f2 test-data/examples.3p2.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/examples.3p2.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,5 @@ + c1 c2 c3 +g1 False False False +g2 True True True +g3 True True False +g4 False True True \ No newline at end of file diff -r 000000000000 -r 1b0f96ed73f2 test-data/examples.4.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/examples.4.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,5 @@ + c1 c2 c3 +g1 0 20 30 +g2 3 0 9 +g3 4 8 0 +g4 81 0 0 \ No newline at end of file diff -r 000000000000 -r 1b0f96ed73f2 test-data/examples.5.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/examples.5.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,5 @@ + c1 c2 c3 +g1 10 20 30 +g2 3 10 9 +g3 4 8 10 +g4 81 10 10 \ No newline at end of file diff -r 000000000000 -r 1b0f96ed73f2 test-data/examples.6p1.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/examples.6p1.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,4 @@ + c1 c2 c3 +g1 10 20 30 +g2 3 10 9 +g3 4 8 10 \ No newline at end of file diff -r 000000000000 -r 1b0f96ed73f2 test-data/examples.6p2.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/examples.6p2.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,4 @@ + c1 c2 +g1 1 2 +g2 3 4 +g3 6 5 \ No newline at end of file diff -r 000000000000 -r 1b0f96ed73f2 test-data/examples.6p3.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/examples.6p3.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,3 @@ + c1 c2 c3 +g1 1 2 3 +g2 1 2 3 \ No newline at end of file diff -r 000000000000 -r 1b0f96ed73f2 test-data/examples.7.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/examples.7.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,4 @@ + A B C +0 a B 1 +1 b B 3 +2 c B 5 \ No newline at end of file diff -r 000000000000 -r 1b0f96ed73f2 test-data/examples.8.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/examples.8.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,7 @@ + foo bar baz zoo +0 one A 1 x +1 one B 2 y +2 one C 3 z +3 two A 4 q +4 two B 5 w +5 two C 6 t \ No newline at end of file diff -r 000000000000 -r 1b0f96ed73f2 test-data/mat1.trans.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/mat1.trans.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,22 @@ + CTTCGA GAAGAC GAAGGA GAATCC GAATGG GACAAC GACAGA GACGAA GAGCAA GAGGTA GAGTGA GAGTTG GATACG GATCGA GATCTG GATTGC GCAACA GCAATG GCAGAA GCATGA GCATTC +ENSDARG00000087616 -0.000000 1.000122 0 6.004399 -0.000000 0 -0.000000 10.012227 1.000122 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 0 4.001954 -0.000000 0 -0.000000 -0.000000 +ENSDARG00000036044 5.003054 -0.000000 0 -0.000000 -0.000000 0 -0.000000 31.117905 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 0 -0.000000 -0.000000 0 -0.000000 -0.000000 +ENSDARG00000036816 -0.000000 1.000122 0 12.017613 -0.000000 0 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 0 5.003054 -0.000000 0 -0.000000 -0.000000 +ENSDARG00000102632 1.000122 -0.000000 0 10.012227 1.000122 0 -0.000000 8.007823 -0.000000 -0.000000 1.000122 -0.000000 1.000122 1.000122 -0.000000 0 1.000122 -0.000000 0 -0.000000 -0.000000 +ENSDARG00000056722 -0.000000 1.000122 0 2.000488 -0.000000 0 -0.000000 17.035376 -0.000000 -0.000000 2.000488 -0.000000 1.000122 -0.000000 -0.000000 0 2.000488 -0.000000 0 -0.000000 -0.000000 +ENSDARG00000098591 -0.000000 -0.000000 0 9.009902 3.001099 0 1.000122 30.110403 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 0 2.000488 -0.000000 0 1.000122 -0.000000 +ENSDARG00000044212 -0.000000 -0.000000 0 -0.000000 -0.000000 0 -0.000000 33.133653 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 4.001954 -0.000000 0 3.001099 -0.000000 0 -0.000000 1.000122 +ENSDARG00000010516 2.000488 -0.000000 0 3.001099 2.000488 0 -0.000000 13.020674 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 0 -0.000000 -0.000000 0 -0.000000 -0.000000 +ENSDARG00000021143 4.001954 -0.000000 0 14.023980 2.000488 0 -0.000000 8.007823 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 0 3.001099 -0.000000 0 -0.000000 -0.000000 +ENSDARG00000042905 1.000122 -0.000000 0 -0.000000 -0.000000 0 -0.000000 22.059294 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 0 1.000122 -0.000000 0 -0.000000 -0.000000 +ENSDARG00000041435 1.000122 -0.000000 0 6.004399 1.000122 0 -0.000000 15.027533 -0.000000 -0.000000 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 0 1.000122 -0.000000 0 -0.000000 -0.000000 +ENSDARG00000034897 2.000488 -0.000000 0 5.003054 1.000122 0 -0.000000 21.054018 1.000122 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 0 1.000122 -0.000000 0 -0.000000 -0.000000 +ENSDARG00000040287 2.000488 2.000488 0 1.000122 -0.000000 0 -0.000000 11.014797 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 0 1.000122 1.000122 0 -0.000000 -0.000000 +ENSDARG00000007320 3.001099 -0.000000 0 1.000122 -0.000000 0 -0.000000 26.082870 -0.000000 -0.000000 1.000122 2.000488 -0.000000 1.000122 -0.000000 0 -0.000000 -0.000000 0 -0.000000 -0.000000 +ENSDARG00000003599 -0.000000 -0.000000 0 2.000488 2.000488 0 -0.000000 27.089382 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 0 -0.000000 -0.000000 0 -0.000000 -0.000000 +ENSDARG00000099104 4.001954 -0.000000 0 3.001099 1.000122 0 -0.000000 14.023980 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 2.000488 -0.000000 0 -0.000000 -0.000000 0 -0.000000 -0.000000 +ENSDARG00000071658 -0.000000 1.000122 0 3.001099 -0.000000 0 -0.000000 8.007823 -0.000000 -0.000000 3.001099 -0.000000 -0.000000 -0.000000 -0.000000 0 5.003054 -0.000000 0 -0.000000 1.000122 +ENSDARG00000030408 1.000122 1.000122 0 1.000122 1.000122 0 -0.000000 25.076606 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 0 1.000122 -0.000000 0 -0.000000 -0.000000 +ENSDARG00000039647 -0.000000 -0.000000 0 26.082870 1.000122 0 -0.000000 5.003054 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 0 -0.000000 -0.000000 0 -0.000000 -0.000000 +ENSDARG00000043509 -0.000000 -0.000000 0 -0.000000 1.000122 0 1.000122 27.089382 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 0 3.001099 -0.000000 0 -0.000000 -0.000000 +ENSDARG00000017235 1.000122 -0.000000 0 3.001099 1.000122 0 -0.000000 15.027533 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 0 -0.000000 -0.000000 0 -0.000000 -0.000000 diff -r 000000000000 -r 1b0f96ed73f2 test-data/mat1.umi.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/mat1.umi.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,22 @@ + CTTCGA GAAGAC GAAGGA GAATCC GAATGG GACAAC GACAGA GACGAA GAGCAA GAGGTA GAGTGA GAGTTG GATACG GATCGA GATCTG GATTGC GCAACA GCAATG GCAGAA GCATGA GCATTC +ENSDARG00000087616 0 1 0 6 0 0 0 10 1 0 0 0 1 0 0 0 4 0 0 0 0 +ENSDARG00000036044 5 0 0 0 0 0 0 31 0 0 0 0 1 0 0 0 0 0 0 0 0 +ENSDARG00000036816 0 1 0 12 0 0 0 0 0 0 0 0 0 0 0 0 5 0 0 0 0 +ENSDARG00000102632 1 0 0 10 1 0 0 8 0 0 1 0 1 1 0 0 1 0 0 0 0 +ENSDARG00000056722 0 1 0 2 0 0 0 17 0 0 2 0 1 0 0 0 2 0 0 0 0 +ENSDARG00000098591 0 0 0 9 3 0 1 30 0 0 1 0 0 0 0 0 2 0 0 1 0 +ENSDARG00000044212 0 0 0 0 0 0 0 33 0 0 0 0 0 4 0 0 3 0 0 0 1 +ENSDARG00000010516 2 0 0 3 2 0 0 13 0 0 0 0 1 0 0 0 0 0 0 0 0 +ENSDARG00000021143 4 0 0 14 2 0 0 8 0 0 0 0 0 0 0 0 3 0 0 0 0 +ENSDARG00000042905 1 0 0 0 0 0 0 22 0 0 0 0 0 0 0 0 1 0 0 0 0 +ENSDARG00000041435 1 0 0 6 1 0 0 15 0 0 0 2 0 0 0 0 1 0 0 0 0 +ENSDARG00000034897 2 0 0 5 1 0 0 21 1 0 0 1 0 0 0 0 1 0 0 0 0 +ENSDARG00000040287 2 2 0 1 0 0 0 11 0 0 1 0 0 0 0 0 1 1 0 0 0 +ENSDARG00000007320 3 0 0 1 0 0 0 26 0 0 1 2 0 1 0 0 0 0 0 0 0 +ENSDARG00000003599 0 0 0 2 2 0 0 27 0 0 0 0 0 0 1 0 0 0 0 0 0 +ENSDARG00000099104 4 0 0 3 1 0 0 14 0 1 0 0 0 2 0 0 0 0 0 0 0 +ENSDARG00000071658 0 1 0 3 0 0 0 8 0 0 3 0 0 0 0 0 5 0 0 0 1 +ENSDARG00000030408 1 1 0 1 1 0 0 25 0 0 0 0 0 0 0 0 1 0 0 0 0 +ENSDARG00000039647 0 0 0 26 1 0 0 5 0 0 1 0 0 0 0 0 0 0 0 0 0 +ENSDARG00000043509 0 0 0 0 1 0 1 27 1 0 0 0 0 1 0 0 3 0 0 0 0 +ENSDARG00000017235 1 0 0 3 1 0 0 15 0 0 0 0 0 0 0 0 0 0 0 0 0 diff -r 000000000000 -r 1b0f96ed73f2 test-data/mat2.trans.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/mat2.trans.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,31 @@ + AACACC AACCTC AACGAG AACTGG AAGCAC AAGCCA AAGGTG AAGTGC ACAAGC ACAGAC ACAGGA ACAGTG ACATGG ACCAAC ACCAGA ACCATG ACGGTA ACGTAC ACGTGA ACGTTG ACTCAC ACTCGA ACTCTG ACTTCG AGAACG AGACAG AGACCA AGACTC AGATGC AGCGAA AGCTAG AGCTCA AGCTTC AGGAAG AGGACA AGGATC AGGCTA AGTACC AGTAGG AGTGCA AGTGTC ATACGG ATCACG ATCAGC ATCCAC ATCCGA ATCGCA ATCGTG ATCTCC ATGACC ATGAGG ATGCAG ATGCTC ATGGAC ATGTCG ATTCGC ATTGCG CAATGC CACCAA CACGTA CACTCA CACTTC CAGAAG CAGGAA CATGCA CATGTC CATTGG CCAATC CCACAA CCAGTA CCATAG CCATCA CCGATA CCGTAA CCTACA CCTATG CCTGAA CCTTGA CGAACA CGATGA CGATTG CGCATA CGCTAA CGGTTA CGTAAG CGTCTA CGTTAC CGTTCA CTAACG CTAAGC CTAGAC CTAGGA CTAGTG CTATCC CTCAGA CTCATG CTCGAA CTGCTA CTGTTG CTTCGA GAAGAC GAAGGA GAATCC GAATGG GACAAC GACAGA GACGAA GAGCAA GAGGTA GAGTGA GAGTTG GATACG GATCGA GATCTG GATTGC GCAACA GCAATG GCAGAA GCATGA GCATTC GCCATA GCGTTA GCTAAG GCTCTA GCTTAC GCTTCA GGAATC GGACAA GGATAC GGATCA GGCTTA GGTAAC GGTAGA GGTATG GGTGTA GGTTAG GTAACC GTACAG GTACCA GTACTC GTATCG GTATGC GTCTCA GTGAAG GTGACA GTGATC GTGGAA GTTAGG GTTGAG TAACGG TACAGG TACCAC TACCGA TACGCA TACTCC TAGCTC TAGGAC TAGTGG TATCCG TATCGC TCAACG TCACAG TCATCC TCCGAA TCTAGG TCTTGC TGAACC TGAAGG TGAGGA TGATCG TGCAAC TGCAGA TGGTGA TGGTTG TGTACG TGTAGC TGTCGA TGTCTG TGTTCC TGTTGG TTACGC TTCACC TTCCAG TTCGAC TTCTCG TTGCAC TTGCGA TTGCTG TTGGAG TTGGCA TTGGTC TTGTGC +ENSDARG00000099970 5.003054 1.000122 14.023980 -0.000000 2.000488 2.000488 2.000488 -0.000000 162.168323 3.001099 81.811621 9.009902 1.000122 195.596716 132.107705 69.587787 -0.000000 -0.000000 2.000488 406.522221 136.240904 -0.000000 37.168128 1.000122 5.003054 108.422409 3.001099 49.295449 -0.000000 1.000122 45.249018 13.020674 173.628588 4.001954 5.003054 21.054018 5.003054 1.000122 -0.000000 7.005988 63.489523 2.000488 5.003054 1.000122 -0.000000 3.001099 5.003054 -0.000000 0 2.000488 7.005988 3.001099 -0.000000 -0.000000 601.014180 1.000122 144.519836 -0.000000 6.004399 2.000488 257.954777 2.000488 268.618673 1.000122 -0.000000 4.001954 1.000122 1.000122 2.000488 -0.000000 1.000122 2.000488 3.001099 1.000122 3.001099 -0.000000 1.000122 1.000122 -0.000000 249.443605 12.017613 -0.000000 5.003054 1.000122 1.000122 2.000488 5.003054 2.000488 3.001099 130.042668 1.000122 96.119021 5.003054 71.622561 3.001099 24.070588 2.000488 6.004399 1.000122 55.372602 3.001099 3.001099 366.957653 4.001954 6.004399 2.000488 365.864074 -0.000000 1.000122 16.031332 2.000488 6.004399 4.001954 -0.000000 2.000488 37.168128 1.000122 1.000122 6.004399 3.001099 2.000488 1.000122 6.004399 7.005988 6.004399 3.001099 -0.000000 96.119021 2.000488 1.000122 4.001954 245.194642 1.000122 2.000488 -0.000000 2.000488 -0.000000 5.003054 320.195430 257.954777 -0.000000 4.001954 20.048988 1.000122 325.605548 59.429052 10.012227 5.003054 37.168128 4.001954 -0.000000 2.000488 4.001954 -0.000000 1.000122 -0.000000 341.878911 1.000122 3.001099 -0.000000 2.000488 33.133653 3.001099 146.592186 2.000488 51.320165 2.000488 245.194642 5.003054 0 59.429052 55.372602 69.587787 2.000488 -0.000000 1.000122 31.117905 39.186856 4.001954 -0.000000 -0.000000 80.791574 2.000488 3.001099 38.177367 -0.000000 6.004399 1.000122 2.000488 -0.000000 2.000488 173.628588 +ENSDARG00000104945 -0.000000 3.001099 6.004399 1.000122 -0.000000 2.000488 4.001954 1.000122 9.009902 12.017613 1.000122 1.000122 -0.000000 19.044204 21.054018 29.103148 1.000122 1.000122 1.000122 145.555880 23.064818 -0.000000 29.103148 1.000122 1.000122 2.000488 4.001954 28.096142 -0.000000 2.000488 6.004399 7.005988 31.117905 -0.000000 3.001099 13.020674 1.000122 1.000122 1.000122 14.023980 60.443792 1.000122 1.000122 -0.000000 -0.000000 2.000488 -0.000000 1.000122 0 2.000488 -0.000000 -0.000000 -0.000000 1.000122 26.082870 1.000122 77.732955 -0.000000 -0.000000 -0.000000 55.372602 3.001099 18.039667 1.000122 1.000122 2.000488 2.000488 -0.000000 -0.000000 1.000122 -0.000000 2.000488 2.000488 4.001954 3.001099 -0.000000 1.000122 2.000488 -0.000000 57.400325 3.001099 -0.000000 4.001954 1.000122 1.000122 7.005988 2.000488 1.000122 2.000488 -0.000000 1.000122 2.000488 3.001099 1.000122 5.003054 3.001099 2.000488 2.000488 1.000122 4.001954 3.001099 1.000122 48.283467 1.000122 1.000122 -0.000000 26.082870 5.003054 4.001954 10.012227 -0.000000 1.000122 3.001099 -0.000000 3.001099 15.027533 -0.000000 -0.000000 6.004399 1.000122 1.000122 -0.000000 2.000488 4.001954 2.000488 -0.000000 -0.000000 17.035376 5.003054 3.001099 2.000488 2.000488 3.001099 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 31.117905 66.537520 -0.000000 1.000122 -0.000000 -0.000000 40.196593 19.044204 10.012227 1.000122 24.070588 1.000122 3.001099 -0.000000 1.000122 2.000488 1.000122 -0.000000 3.001099 1.000122 -0.000000 2.000488 4.001954 9.009902 3.001099 14.023980 1.000122 8.007823 2.000488 34.141899 5.003054 0 9.009902 1.000122 6.004399 -0.000000 1.000122 2.000488 17.035376 27.089382 3.001099 -0.000000 1.000122 31.117905 2.000488 1.000122 22.059294 1.000122 2.000488 -0.000000 11.014797 -0.000000 1.000122 51.320165 +ENSDARG00000045639 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 1.000122 -0.000000 1.000122 -0.000000 -0.000000 52.332899 25.076606 4.001954 -0.000000 2.000488 -0.000000 117.674264 37.168128 -0.000000 6.004399 -0.000000 1.000122 -0.000000 -0.000000 20.048988 -0.000000 -0.000000 1.000122 2.000488 31.117905 -0.000000 -0.000000 13.020674 1.000122 1.000122 -0.000000 2.000488 5.003054 -0.000000 -0.000000 1.000122 -0.000000 1.000122 1.000122 -0.000000 0 -0.000000 1.000122 -0.000000 -0.000000 2.000488 43.227300 -0.000000 23.064818 -0.000000 -0.000000 -0.000000 92.026090 -0.000000 44.238034 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 1.000122 -0.000000 1.000122 -0.000000 -0.000000 1.000122 1.000122 -0.000000 -0.000000 1.000122 -0.000000 57.400325 4.001954 -0.000000 -0.000000 -0.000000 -0.000000 6.004399 1.000122 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 1.000122 1.000122 2.000488 1.000122 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 86.915672 -0.000000 -0.000000 -0.000000 27.089382 1.000122 2.000488 3.001099 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 29.103148 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 3.001099 1.000122 -0.000000 -0.000000 15.027533 -0.000000 -0.000000 -0.000000 3.001099 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 35.150393 88.959074 1.000122 -0.000000 -0.000000 2.000488 69.587787 10.012227 4.001954 -0.000000 7.005988 -0.000000 -0.000000 1.000122 3.001099 -0.000000 -0.000000 -0.000000 2.000488 2.000488 -0.000000 -0.000000 -0.000000 25.076606 -0.000000 49.295449 -0.000000 6.004399 1.000122 21.054018 4.001954 0 7.005988 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 6.004399 32.125655 -0.000000 -0.000000 -0.000000 7.005988 -0.000000 -0.000000 21.054018 -0.000000 -0.000000 -0.000000 2.000488 -0.000000 -0.000000 41.206580 +ENSDARG00000070453 1.000122 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 1.000122 -0.000000 -0.000000 1.000122 -0.000000 9.009902 21.054018 -0.000000 -0.000000 -0.000000 -0.000000 49.295449 19.044204 -0.000000 23.064818 -0.000000 -0.000000 -0.000000 -0.000000 16.031332 -0.000000 -0.000000 -0.000000 -0.000000 34.141899 -0.000000 -0.000000 16.031332 -0.000000 -0.000000 -0.000000 7.005988 7.005988 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 0 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 7.005988 -0.000000 18.039667 -0.000000 1.000122 -0.000000 112.531765 2.000488 -0.000000 -0.000000 1.000122 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 44.238034 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 34.141899 -0.000000 -0.000000 2.000488 9.009902 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 6.004399 -0.000000 -0.000000 1.000122 1.000122 -0.000000 -0.000000 1.000122 1.000122 -0.000000 1.000122 -0.000000 14.023980 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 14.023980 126.947064 -0.000000 -0.000000 1.000122 -0.000000 45.249018 5.003054 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 1.000122 8.007823 -0.000000 31.117905 1.000122 -0.000000 -0.000000 -0.000000 1.000122 0 11.014797 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 21.054018 28.096142 -0.000000 -0.000000 -0.000000 11.014797 -0.000000 -0.000000 7.005988 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 102.266096 +ENSDARG00000014201 -0.000000 1.000122 10.012227 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 3.001099 -0.000000 -0.000000 -0.000000 -0.000000 23.064818 7.005988 21.054018 -0.000000 -0.000000 -0.000000 38.177367 38.177367 -0.000000 4.001954 -0.000000 -0.000000 -0.000000 -0.000000 11.014797 -0.000000 -0.000000 1.000122 1.000122 27.089382 -0.000000 -0.000000 28.096142 -0.000000 1.000122 -0.000000 4.001954 7.005988 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 0 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 22.059294 -0.000000 27.089382 -0.000000 -0.000000 -0.000000 21.054018 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 3.001099 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 103.291506 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 1.000122 -0.000000 -0.000000 1.000122 1.000122 -0.000000 1.000122 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 56.386338 1.000122 -0.000000 -0.000000 59.429052 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 16.031332 1.000122 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 41.206580 34.141899 -0.000000 -0.000000 -0.000000 -0.000000 33.133653 8.007823 2.000488 1.000122 1.000122 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 1.000122 -0.000000 1.000122 14.023980 1.000122 21.054018 -0.000000 6.004399 -0.000000 -0.000000 3.001099 0 1.000122 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 19.044204 21.054018 -0.000000 -0.000000 -0.000000 9.009902 -0.000000 1.000122 8.007823 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 58.414563 +ENSDARG00000055455 -0.000000 1.000122 3.001099 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 4.001954 2.000488 1.000122 18.039667 29.103148 7.005988 1.000122 1.000122 -0.000000 48.283467 12.017613 -0.000000 10.012227 1.000122 -0.000000 38.177367 2.000488 13.020674 -0.000000 -0.000000 3.001099 1.000122 25.076606 -0.000000 -0.000000 9.009902 -0.000000 -0.000000 -0.000000 9.009902 3.001099 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 0 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 15.027533 -0.000000 15.027533 1.000122 -0.000000 -0.000000 37.168128 1.000122 17.035376 -0.000000 -0.000000 -0.000000 1.000122 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 14.023980 1.000122 -0.000000 1.000122 -0.000000 -0.000000 5.003054 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 5.003054 2.000488 -0.000000 -0.000000 11.014797 1.000122 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 50.307682 1.000122 -0.000000 1.000122 32.125655 -0.000000 -0.000000 5.003054 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 9.009902 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 1.000122 1.000122 -0.000000 3.001099 1.000122 -0.000000 -0.000000 1.000122 1.000122 -0.000000 -0.000000 1.000122 -0.000000 2.000488 37.168128 51.320165 -0.000000 1.000122 -0.000000 1.000122 28.096142 14.023980 4.001954 -0.000000 7.005988 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 2.000488 1.000122 -0.000000 -0.000000 4.001954 1.000122 18.039667 1.000122 7.005988 1.000122 57.400325 2.000488 0 3.001099 -0.000000 4.001954 -0.000000 -0.000000 -0.000000 11.014797 20.048988 -0.000000 -0.000000 -0.000000 4.001954 -0.000000 1.000122 10.012227 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 38.177367 +ENSDARG00000035715 -0.000000 -0.000000 9.009902 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 1.000122 5.003054 -0.000000 20.048988 19.044204 11.014797 -0.000000 17.035376 -0.000000 34.141899 28.096142 -0.000000 11.014797 -0.000000 -0.000000 24.070588 1.000122 17.035376 -0.000000 -0.000000 11.014797 3.001099 22.059294 -0.000000 1.000122 9.009902 -0.000000 -0.000000 -0.000000 7.005988 7.005988 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 0 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 22.059294 -0.000000 16.031332 -0.000000 1.000122 -0.000000 24.070588 -0.000000 20.048988 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 24.070588 5.003054 1.000122 1.000122 -0.000000 -0.000000 2.000488 -0.000000 1.000122 1.000122 -0.000000 -0.000000 1.000122 -0.000000 1.000122 1.000122 3.001099 -0.000000 -0.000000 -0.000000 2.000488 1.000122 -0.000000 29.103148 4.001954 -0.000000 1.000122 32.125655 -0.000000 -0.000000 6.004399 1.000122 2.000488 -0.000000 -0.000000 -0.000000 9.009902 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 12.017613 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 32.125655 37.168128 -0.000000 -0.000000 -0.000000 -0.000000 39.186856 10.012227 3.001099 -0.000000 17.035376 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 6.004399 1.000122 -0.000000 -0.000000 -0.000000 6.004399 -0.000000 20.048988 -0.000000 4.001954 -0.000000 32.125655 1.000122 0 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 9.009902 19.044204 -0.000000 -0.000000 -0.000000 13.020674 -0.000000 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 39.186856 +ENSDARG00000055216 -0.000000 1.000122 6.004399 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 2.000488 1.000122 2.000488 1.000122 -0.000000 13.020674 16.031332 3.001099 1.000122 -0.000000 3.001099 35.150393 28.096142 -0.000000 5.003054 -0.000000 -0.000000 10.012227 -0.000000 18.039667 -0.000000 -0.000000 7.005988 1.000122 16.031332 -0.000000 1.000122 12.017613 -0.000000 -0.000000 -0.000000 4.001954 5.003054 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 0 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 11.014797 -0.000000 55.372602 -0.000000 -0.000000 -0.000000 33.133653 -0.000000 13.020674 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 41.206580 4.001954 -0.000000 -0.000000 -0.000000 -0.000000 4.001954 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 4.001954 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 1.000122 41.206580 5.003054 -0.000000 -0.000000 36.159136 -0.000000 2.000488 2.000488 1.000122 -0.000000 1.000122 -0.000000 -0.000000 7.005988 -0.000000 -0.000000 1.000122 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 14.023980 1.000122 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 18.039667 48.283467 -0.000000 -0.000000 -0.000000 -0.000000 38.177367 5.003054 6.004399 -0.000000 15.027533 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 2.000488 -0.000000 -0.000000 -0.000000 10.012227 -0.000000 26.082870 -0.000000 5.003054 1.000122 30.110403 -0.000000 0 2.000488 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 8.007823 36.159136 -0.000000 -0.000000 -0.000000 4.001954 1.000122 -0.000000 16.031332 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 23.064818 +ENSDARG00000037997 -0.000000 -0.000000 4.001954 -0.000000 1.000122 1.000122 -0.000000 -0.000000 1.000122 -0.000000 2.000488 -0.000000 -0.000000 5.003054 6.004399 16.031332 -0.000000 -0.000000 1.000122 28.096142 48.283467 -0.000000 3.001099 -0.000000 -0.000000 6.004399 -0.000000 6.004399 -0.000000 3.001099 1.000122 4.001954 28.096142 -0.000000 -0.000000 30.110403 -0.000000 -0.000000 -0.000000 8.007823 11.014797 1.000122 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 0 -0.000000 2.000488 1.000122 -0.000000 -0.000000 11.014797 -0.000000 19.044204 -0.000000 -0.000000 -0.000000 43.227300 -0.000000 8.007823 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 51.320165 3.001099 -0.000000 -0.000000 -0.000000 -0.000000 6.004399 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 2.000488 1.000122 -0.000000 2.000488 -0.000000 2.000488 -0.000000 -0.000000 12.017613 -0.000000 -0.000000 -0.000000 27.089382 1.000122 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 5.003054 -0.000000 1.000122 2.000488 1.000122 1.000122 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 30.110403 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 1.000122 9.009902 44.238034 1.000122 -0.000000 1.000122 -0.000000 73.658347 1.000122 4.001954 -0.000000 26.082870 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 3.001099 -0.000000 -0.000000 1.000122 -0.000000 13.020674 1.000122 54.359117 -0.000000 -0.000000 -0.000000 5.003054 3.001099 0 -0.000000 2.000488 1.000122 1.000122 -0.000000 -0.000000 1.000122 40.196593 -0.000000 -0.000000 1.000122 4.001954 -0.000000 -0.000000 10.012227 -0.000000 -0.000000 -0.000000 2.000488 -0.000000 -0.000000 9.009902 +ENSDARG00000077777 1.000122 3.001099 14.023980 -0.000000 -0.000000 -0.000000 -0.000000 2.000488 6.004399 -0.000000 3.001099 -0.000000 -0.000000 7.005988 3.001099 4.001954 -0.000000 32.125655 1.000122 15.027533 22.059294 -0.000000 20.048988 6.004399 -0.000000 13.020674 2.000488 7.005988 1.000122 1.000122 10.012227 -0.000000 14.023980 1.000122 -0.000000 16.031332 1.000122 -0.000000 -0.000000 4.001954 3.001099 -0.000000 5.003054 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 0 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 19.044204 1.000122 11.014797 -0.000000 -0.000000 -0.000000 20.048988 -0.000000 22.059294 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 1.000122 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 2.000488 1.000122 22.059294 3.001099 -0.000000 -0.000000 -0.000000 1.000122 4.001954 -0.000000 1.000122 3.001099 20.048988 2.000488 -0.000000 4.001954 6.004399 14.023980 9.009902 -0.000000 -0.000000 -0.000000 10.012227 1.000122 -0.000000 15.027533 -0.000000 -0.000000 -0.000000 42.216815 -0.000000 -0.000000 1.000122 -0.000000 2.000488 -0.000000 1.000122 -0.000000 5.003054 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 1.000122 17.035376 1.000122 -0.000000 1.000122 11.014797 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 1.000122 5.003054 26.082870 -0.000000 1.000122 2.000488 -0.000000 14.023980 3.001099 3.001099 -0.000000 19.044204 -0.000000 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 27.089382 1.000122 -0.000000 -0.000000 1.000122 11.014797 1.000122 20.048988 1.000122 3.001099 -0.000000 23.064818 1.000122 0 -0.000000 2.000488 -0.000000 1.000122 -0.000000 -0.000000 1.000122 21.054018 -0.000000 -0.000000 -0.000000 11.014797 2.000488 -0.000000 18.039667 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 13.020674 +ENSDARG00000008363 -0.000000 -0.000000 1.000122 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 5.003054 38.177367 11.014797 -0.000000 -0.000000 5.003054 13.020674 3.001099 -0.000000 2.000488 1.000122 22.059294 8.007823 -0.000000 52.332899 1.000122 -0.000000 7.005988 -0.000000 2.000488 -0.000000 -0.000000 8.007823 8.007823 16.031332 -0.000000 -0.000000 10.012227 -0.000000 -0.000000 -0.000000 1.000122 9.009902 -0.000000 10.012227 -0.000000 -0.000000 1.000122 1.000122 -0.000000 0 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 19.044204 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 11.014797 5.003054 2.000488 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 19.044204 1.000122 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 4.001954 -0.000000 16.031332 2.000488 9.009902 4.001954 3.001099 -0.000000 -0.000000 1.000122 2.000488 6.004399 -0.000000 8.007823 1.000122 -0.000000 1.000122 67.554024 -0.000000 -0.000000 -0.000000 2.000488 -0.000000 1.000122 1.000122 1.000122 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 2.000488 -0.000000 -0.000000 5.003054 -0.000000 -0.000000 -0.000000 22.059294 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 5.003054 10.012227 -0.000000 -0.000000 -0.000000 2.000488 3.001099 10.012227 1.000122 -0.000000 -0.000000 8.007823 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 3.001099 -0.000000 -0.000000 -0.000000 -0.000000 3.001099 1.000122 1.000122 -0.000000 5.003054 25.076606 8.007823 44.238034 0 4.001954 3.001099 21.054018 -0.000000 -0.000000 -0.000000 3.001099 10.012227 -0.000000 -0.000000 -0.000000 5.003054 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 11.014797 +ENSDARG00000037870 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 18.039667 1.000122 9.009902 -0.000000 -0.000000 10.012227 9.009902 6.004399 -0.000000 4.001954 -0.000000 21.054018 15.027533 -0.000000 3.001099 7.005988 -0.000000 25.076606 1.000122 20.048988 -0.000000 -0.000000 1.000122 -0.000000 10.012227 -0.000000 -0.000000 11.014797 1.000122 -0.000000 -0.000000 2.000488 5.003054 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 0 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 14.023980 -0.000000 21.054018 -0.000000 3.001099 -0.000000 21.054018 -0.000000 24.070588 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 2.000488 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 27.089382 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 3.001099 48.283467 -0.000000 -0.000000 2.000488 1.000122 6.004399 -0.000000 1.000122 -0.000000 1.000122 22.059294 -0.000000 1.000122 14.023980 2.000488 -0.000000 -0.000000 45.249018 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 2.000488 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 12.017613 1.000122 -0.000000 -0.000000 22.059294 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 9.009902 8.007823 -0.000000 -0.000000 1.000122 1.000122 22.059294 3.001099 3.001099 -0.000000 10.012227 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 14.023980 -0.000000 1.000122 -0.000000 -0.000000 8.007823 1.000122 6.004399 -0.000000 2.000488 1.000122 6.004399 -0.000000 0 2.000488 3.001099 7.005988 -0.000000 1.000122 -0.000000 5.003054 6.004399 -0.000000 -0.000000 -0.000000 3.001099 -0.000000 -0.000000 3.001099 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 20.048988 +ENSDARG00000051875 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 8.007823 11.014797 7.005988 -0.000000 -0.000000 -0.000000 59.429052 25.076606 -0.000000 5.003054 -0.000000 1.000122 -0.000000 -0.000000 13.020674 -0.000000 1.000122 -0.000000 1.000122 19.044204 1.000122 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 11.014797 4.001954 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 0 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 19.044204 1.000122 47.271734 -0.000000 -0.000000 1.000122 38.177367 2.000488 2.000488 -0.000000 -0.000000 1.000122 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 1.000122 1.000122 45.249018 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 5.003054 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 1.000122 -0.000000 1.000122 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 1.000122 32.125655 -0.000000 -0.000000 1.000122 38.177367 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 1.000122 -0.000000 -0.000000 6.004399 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 2.000488 1.000122 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 24.070588 28.096142 1.000122 -0.000000 -0.000000 -0.000000 23.064818 9.009902 4.001954 -0.000000 8.007823 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 7.005988 -0.000000 14.023980 -0.000000 9.009902 1.000122 -0.000000 -0.000000 0 6.004399 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 3.001099 18.039667 -0.000000 -0.000000 -0.000000 4.001954 -0.000000 -0.000000 3.001099 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 2.000488 37.168128 +ENSDARG00000037746 1.000122 -0.000000 2.000488 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 8.007823 -0.000000 4.001954 -0.000000 1.000122 2.000488 5.003054 5.003054 -0.000000 4.001954 1.000122 14.023980 46.260251 -0.000000 2.000488 11.014797 -0.000000 10.012227 -0.000000 8.007823 -0.000000 -0.000000 1.000122 1.000122 11.014797 -0.000000 -0.000000 29.103148 -0.000000 1.000122 -0.000000 5.003054 9.009902 -0.000000 2.000488 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 0 -0.000000 -0.000000 2.000488 -0.000000 1.000122 3.001099 -0.000000 9.009902 -0.000000 -0.000000 -0.000000 16.031332 -0.000000 6.004399 -0.000000 1.000122 1.000122 -0.000000 3.001099 -0.000000 -0.000000 2.000488 1.000122 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 1.000122 50.307682 3.001099 -0.000000 -0.000000 1.000122 -0.000000 5.003054 -0.000000 -0.000000 -0.000000 17.035376 -0.000000 -0.000000 1.000122 2.000488 -0.000000 1.000122 -0.000000 -0.000000 3.001099 7.005988 -0.000000 1.000122 8.007823 2.000488 -0.000000 1.000122 49.295449 -0.000000 -0.000000 2.000488 -0.000000 3.001099 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 1.000122 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 24.070588 -0.000000 -0.000000 -0.000000 5.003054 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 2.000488 3.001099 10.012227 -0.000000 1.000122 4.001954 1.000122 27.089382 1.000122 4.001954 -0.000000 4.001954 -0.000000 1.000122 1.000122 1.000122 -0.000000 -0.000000 -0.000000 15.027533 -0.000000 -0.000000 -0.000000 -0.000000 6.004399 1.000122 15.027533 -0.000000 3.001099 -0.000000 6.004399 2.000488 0 -0.000000 -0.000000 8.007823 -0.000000 -0.000000 -0.000000 5.003054 23.064818 1.000122 2.000488 -0.000000 2.000488 -0.000000 -0.000000 5.003054 -0.000000 -0.000000 2.000488 3.001099 -0.000000 1.000122 42.216815 +ENSDARG00000020850 -0.000000 -0.000000 5.003054 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 46.260251 -0.000000 1.000122 -0.000000 -0.000000 3.001099 3.001099 4.001954 -0.000000 14.023980 3.001099 16.031332 30.110403 -0.000000 6.004399 2.000488 -0.000000 22.059294 4.001954 2.000488 -0.000000 -0.000000 2.000488 -0.000000 4.001954 -0.000000 -0.000000 8.007823 1.000122 -0.000000 -0.000000 4.001954 3.001099 -0.000000 8.007823 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 0 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 2.000488 -0.000000 5.003054 -0.000000 2.000488 -0.000000 8.007823 -0.000000 15.027533 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 24.070588 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 5.003054 -0.000000 -0.000000 -0.000000 5.003054 1.000122 -0.000000 1.000122 1.000122 3.001099 9.009902 -0.000000 -0.000000 -0.000000 13.020674 1.000122 -0.000000 6.004399 3.001099 -0.000000 -0.000000 50.307682 2.000488 -0.000000 3.001099 2.000488 1.000122 1.000122 -0.000000 -0.000000 3.001099 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 16.031332 -0.000000 -0.000000 -0.000000 14.023980 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 7.005988 13.020674 -0.000000 -0.000000 6.004399 -0.000000 18.039667 2.000488 11.014797 -0.000000 4.001954 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 80.791574 -0.000000 1.000122 -0.000000 1.000122 5.003054 -0.000000 10.012227 -0.000000 3.001099 1.000122 2.000488 -0.000000 0 2.000488 10.012227 4.001954 -0.000000 -0.000000 -0.000000 3.001099 10.012227 1.000122 -0.000000 -0.000000 3.001099 3.001099 -0.000000 13.020674 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 13.020674 +ENSDARG00000018259 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 3.001099 11.014797 -0.000000 1.000122 9.009902 11.014797 2.000488 -0.000000 -0.000000 -0.000000 34.141899 18.039667 -0.000000 11.014797 -0.000000 -0.000000 7.005988 1.000122 15.027533 1.000122 -0.000000 3.001099 -0.000000 26.082870 -0.000000 -0.000000 4.001954 1.000122 -0.000000 -0.000000 3.001099 5.003054 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 0 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 9.009902 -0.000000 16.031332 -0.000000 -0.000000 -0.000000 34.141899 3.001099 33.133653 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 2.000488 -0.000000 -0.000000 1.000122 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 23.064818 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 4.001954 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 31.117905 1.000122 -0.000000 -0.000000 21.054018 2.000488 -0.000000 2.000488 -0.000000 1.000122 1.000122 -0.000000 -0.000000 3.001099 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 1.000122 2.000488 -0.000000 -0.000000 5.003054 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 14.023980 25.076606 -0.000000 -0.000000 1.000122 -0.000000 23.064818 8.007823 1.000122 -0.000000 7.005988 2.000488 1.000122 -0.000000 -0.000000 1.000122 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 2.000488 5.003054 1.000122 12.017613 -0.000000 4.001954 1.000122 24.070588 2.000488 0 3.001099 1.000122 5.003054 -0.000000 -0.000000 -0.000000 7.005988 16.031332 -0.000000 -0.000000 -0.000000 5.003054 -0.000000 -0.000000 2.000488 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 1.000122 26.082870 +ENSDARG00000039914 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 1.000122 2.000488 -0.000000 -0.000000 8.007823 12.017613 6.004399 -0.000000 1.000122 1.000122 33.133653 3.001099 1.000122 6.004399 -0.000000 -0.000000 -0.000000 2.000488 11.014797 -0.000000 -0.000000 10.012227 -0.000000 8.007823 -0.000000 -0.000000 6.004399 3.001099 1.000122 -0.000000 1.000122 11.014797 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 0 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 15.027533 1.000122 28.096142 -0.000000 -0.000000 -0.000000 21.054018 1.000122 46.260251 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 2.000488 -0.000000 1.000122 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 11.014797 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 4.001954 -0.000000 -0.000000 1.000122 2.000488 2.000488 5.003054 3.001099 -0.000000 2.000488 9.009902 1.000122 1.000122 -0.000000 1.000122 -0.000000 -0.000000 22.059294 2.000488 -0.000000 -0.000000 5.003054 -0.000000 1.000122 10.012227 -0.000000 1.000122 2.000488 -0.000000 1.000122 5.003054 -0.000000 1.000122 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 9.009902 2.000488 1.000122 2.000488 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 17.035376 58.414563 -0.000000 -0.000000 -0.000000 1.000122 14.023980 12.017613 1.000122 -0.000000 12.017613 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 5.003054 -0.000000 -0.000000 -0.000000 -0.000000 8.007823 -0.000000 8.007823 1.000122 4.001954 -0.000000 15.027533 1.000122 0 2.000488 -0.000000 5.003054 1.000122 -0.000000 -0.000000 3.001099 14.023980 -0.000000 -0.000000 -0.000000 6.004399 -0.000000 1.000122 9.009902 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 18.039667 +ENSDARG00000068992 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 28.096142 -0.000000 -0.000000 2.000488 1.000122 8.007823 7.005988 3.001099 -0.000000 1.000122 1.000122 16.031332 7.005988 -0.000000 5.003054 1.000122 -0.000000 20.048988 -0.000000 4.001954 -0.000000 -0.000000 5.003054 2.000488 10.012227 -0.000000 -0.000000 10.012227 -0.000000 1.000122 -0.000000 1.000122 3.001099 -0.000000 15.027533 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 0 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 9.009902 -0.000000 10.012227 -0.000000 1.000122 -0.000000 15.027533 -0.000000 15.027533 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 2.000488 -0.000000 1.000122 -0.000000 -0.000000 24.070588 4.001954 -0.000000 -0.000000 -0.000000 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 11.014797 1.000122 3.001099 1.000122 1.000122 2.000488 1.000122 -0.000000 -0.000000 1.000122 3.001099 2.000488 -0.000000 9.009902 4.001954 -0.000000 1.000122 33.133653 -0.000000 1.000122 -0.000000 1.000122 -0.000000 3.001099 1.000122 1.000122 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 10.012227 1.000122 -0.000000 -0.000000 10.012227 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 1.000122 6.004399 12.017613 -0.000000 -0.000000 1.000122 1.000122 14.023980 10.012227 2.000488 -0.000000 5.003054 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 78.752241 -0.000000 -0.000000 1.000122 -0.000000 7.005988 -0.000000 16.031332 -0.000000 3.001099 1.000122 4.001954 -0.000000 0 2.000488 7.005988 7.005988 -0.000000 -0.000000 -0.000000 6.004399 4.001954 -0.000000 -0.000000 -0.000000 5.003054 -0.000000 -0.000000 11.014797 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 18.039667 +ENSDARG00000017673 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 2.000488 8.007823 -0.000000 -0.000000 6.004399 4.001954 6.004399 -0.000000 -0.000000 -0.000000 34.141899 37.168128 -0.000000 6.004399 -0.000000 -0.000000 29.103148 -0.000000 4.001954 -0.000000 -0.000000 -0.000000 -0.000000 17.035376 -0.000000 -0.000000 4.001954 -0.000000 -0.000000 -0.000000 4.001954 5.003054 -0.000000 1.000122 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 0 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 21.054018 1.000122 9.009902 -0.000000 -0.000000 -0.000000 20.048988 -0.000000 10.012227 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 1.000122 1.000122 1.000122 -0.000000 -0.000000 1.000122 -0.000000 21.054018 1.000122 -0.000000 -0.000000 -0.000000 1.000122 1.000122 -0.000000 1.000122 1.000122 -0.000000 -0.000000 13.020674 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 17.035376 -0.000000 -0.000000 -0.000000 39.186856 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 6.004399 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 1.000122 -0.000000 19.044204 1.000122 -0.000000 -0.000000 3.001099 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 1.000122 15.027533 17.035376 -0.000000 -0.000000 -0.000000 1.000122 31.117905 4.001954 3.001099 -0.000000 1.000122 -0.000000 1.000122 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 1.000122 2.000488 -0.000000 -0.000000 -0.000000 5.003054 -0.000000 29.103148 -0.000000 1.000122 -0.000000 13.020674 2.000488 0 2.000488 -0.000000 1.000122 1.000122 1.000122 -0.000000 7.005988 16.031332 -0.000000 -0.000000 -0.000000 2.000488 1.000122 -0.000000 5.003054 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 30.110403 +ENSDARG00000039034 -0.000000 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 8.007823 1.000122 -0.000000 -0.000000 -0.000000 12.017613 4.001954 9.009902 -0.000000 -0.000000 -0.000000 15.027533 11.014797 -0.000000 9.009902 -0.000000 -0.000000 10.012227 2.000488 5.003054 -0.000000 -0.000000 1.000122 -0.000000 23.064818 -0.000000 1.000122 8.007823 -0.000000 -0.000000 -0.000000 7.005988 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 0 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 16.031332 -0.000000 20.048988 -0.000000 -0.000000 -0.000000 23.064818 1.000122 8.007823 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 1.000122 -0.000000 33.133653 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 3.001099 -0.000000 1.000122 -0.000000 2.000488 1.000122 -0.000000 -0.000000 3.001099 1.000122 2.000488 1.000122 -0.000000 -0.000000 3.001099 -0.000000 1.000122 34.141899 2.000488 -0.000000 -0.000000 13.020674 -0.000000 -0.000000 3.001099 -0.000000 -0.000000 1.000122 1.000122 -0.000000 10.012227 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 4.001954 -0.000000 1.000122 -0.000000 28.096142 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 18.039667 27.089382 -0.000000 -0.000000 -0.000000 -0.000000 25.076606 4.001954 -0.000000 -0.000000 10.012227 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 8.007823 -0.000000 22.059294 -0.000000 2.000488 -0.000000 5.003054 -0.000000 0 2.000488 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 10.012227 -0.000000 -0.000000 -0.000000 8.007823 -0.000000 -0.000000 7.005988 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 41.206580 +ENSDARG00000001889 -0.000000 1.000122 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 9.009902 17.035376 2.000488 -0.000000 -0.000000 -0.000000 30.110403 30.110403 -0.000000 2.000488 -0.000000 -0.000000 14.023980 -0.000000 6.004399 -0.000000 -0.000000 1.000122 -0.000000 12.017613 -0.000000 -0.000000 14.023980 -0.000000 -0.000000 -0.000000 1.000122 3.001099 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 0 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 16.031332 -0.000000 31.117905 -0.000000 -0.000000 -0.000000 23.064818 2.000488 9.009902 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 37.168128 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 17.035376 3.001099 -0.000000 -0.000000 21.054018 -0.000000 1.000122 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 8.007823 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 19.044204 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 6.004399 37.168128 -0.000000 -0.000000 -0.000000 -0.000000 36.159136 2.000488 4.001954 1.000122 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 16.031332 -0.000000 19.044204 -0.000000 2.000488 -0.000000 12.017613 -0.000000 0 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 28.096142 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 11.014797 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 15.027533 +ENSDARG00000036577 -0.000000 -0.000000 2.000488 -0.000000 -0.000000 2.000488 -0.000000 1.000122 -0.000000 -0.000000 4.001954 -0.000000 -0.000000 10.012227 16.031332 4.001954 -0.000000 2.000488 1.000122 45.249018 8.007823 -0.000000 9.009902 -0.000000 -0.000000 2.000488 -0.000000 6.004399 -0.000000 -0.000000 1.000122 2.000488 15.027533 -0.000000 -0.000000 6.004399 -0.000000 -0.000000 -0.000000 8.007823 1.000122 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 0 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 18.039667 -0.000000 20.048988 -0.000000 -0.000000 -0.000000 29.103148 2.000488 15.027533 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 8.007823 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 3.001099 -0.000000 1.000122 1.000122 -0.000000 -0.000000 10.012227 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 34.141899 4.001954 -0.000000 -0.000000 10.012227 -0.000000 -0.000000 4.001954 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 6.004399 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 7.005988 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 12.017613 27.089382 -0.000000 -0.000000 -0.000000 -0.000000 20.048988 4.001954 2.000488 -0.000000 9.009902 1.000122 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 3.001099 2.000488 -0.000000 -0.000000 2.000488 9.009902 -0.000000 14.023980 -0.000000 4.001954 -0.000000 23.064818 1.000122 0 -0.000000 -0.000000 5.003054 -0.000000 -0.000000 -0.000000 5.003054 6.004399 -0.000000 -0.000000 -0.000000 13.020674 1.000122 -0.000000 3.001099 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 26.082870 +ENSDARG00000075542 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 7.005988 2.000488 2.000488 -0.000000 -0.000000 1.000122 11.014797 3.001099 -0.000000 -0.000000 -0.000000 18.039667 12.017613 -0.000000 7.005988 1.000122 -0.000000 6.004399 -0.000000 6.004399 -0.000000 1.000122 1.000122 -0.000000 25.076606 1.000122 -0.000000 8.007823 -0.000000 -0.000000 -0.000000 -0.000000 3.001099 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 0 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 11.014797 -0.000000 3.001099 -0.000000 -0.000000 1.000122 31.117905 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 109.449362 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 1.000122 2.000488 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 13.020674 -0.000000 -0.000000 1.000122 -0.000000 1.000122 -0.000000 -0.000000 1.000122 6.004399 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 4.001954 1.000122 -0.000000 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 5.003054 5.003054 -0.000000 1.000122 -0.000000 -0.000000 6.004399 2.000488 1.000122 -0.000000 9.009902 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 11.014797 1.000122 -0.000000 -0.000000 -0.000000 5.003054 -0.000000 9.009902 -0.000000 5.003054 -0.000000 6.004399 4.001954 0 1.000122 4.001954 -0.000000 2.000488 -0.000000 -0.000000 7.005988 2.000488 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 113.559749 +ENSDARG00000029150 -0.000000 1.000122 3.001099 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 20.048988 -0.000000 2.000488 -0.000000 -0.000000 4.001954 2.000488 4.001954 -0.000000 6.004399 1.000122 14.023980 15.027533 -0.000000 4.001954 3.001099 -0.000000 31.117905 3.001099 5.003054 -0.000000 1.000122 1.000122 1.000122 11.014797 -0.000000 -0.000000 6.004399 1.000122 -0.000000 -0.000000 4.001954 6.004399 -0.000000 7.005988 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 0 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 13.020674 -0.000000 19.044204 -0.000000 -0.000000 -0.000000 14.023980 -0.000000 6.004399 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 22.059294 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 3.001099 -0.000000 -0.000000 -0.000000 5.003054 2.000488 -0.000000 2.000488 -0.000000 1.000122 6.004399 1.000122 -0.000000 1.000122 3.001099 -0.000000 1.000122 11.014797 -0.000000 -0.000000 -0.000000 19.044204 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 5.003054 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 18.039667 2.000488 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 7.005988 46.260251 1.000122 -0.000000 -0.000000 -0.000000 10.012227 6.004399 5.003054 -0.000000 7.005988 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 18.039667 -0.000000 -0.000000 -0.000000 -0.000000 3.001099 -0.000000 18.039667 -0.000000 -0.000000 -0.000000 5.003054 2.000488 0 1.000122 3.001099 4.001954 -0.000000 -0.000000 -0.000000 1.000122 12.017613 -0.000000 1.000122 -0.000000 5.003054 1.000122 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 16.031332 +ENSDARG00000016494 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 4.001954 20.048988 -0.000000 -0.000000 -0.000000 -0.000000 22.059294 3.001099 -0.000000 5.003054 -0.000000 -0.000000 -0.000000 -0.000000 19.044204 -0.000000 -0.000000 1.000122 -0.000000 20.048988 -0.000000 1.000122 6.004399 -0.000000 -0.000000 -0.000000 -0.000000 3.001099 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 0 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 12.017613 1.000122 5.003054 -0.000000 -0.000000 1.000122 50.307682 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 10.012227 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 4.001954 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 3.001099 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 1.000122 -0.000000 -0.000000 8.007823 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 7.005988 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 8.007823 136.240904 -0.000000 -0.000000 -0.000000 -0.000000 35.150393 5.003054 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 7.005988 2.000488 2.000488 -0.000000 1.000122 -0.000000 -0.000000 1.000122 0 2.000488 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 3.001099 16.031332 -0.000000 -0.000000 -0.000000 9.009902 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 26.082870 +ENSDARG00000021864 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 47.271734 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 2.000488 7.005988 -0.000000 2.000488 3.001099 13.020674 11.014797 -0.000000 -0.000000 3.001099 2.000488 18.039667 -0.000000 2.000488 -0.000000 -0.000000 1.000122 1.000122 6.004399 -0.000000 -0.000000 19.044204 -0.000000 1.000122 -0.000000 5.003054 3.001099 -0.000000 8.007823 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 0 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 5.003054 -0.000000 -0.000000 -0.000000 8.007823 1.000122 11.014797 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 2.000488 11.014797 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 9.009902 2.000488 1.000122 3.001099 -0.000000 1.000122 8.007823 -0.000000 -0.000000 -0.000000 5.003054 1.000122 -0.000000 5.003054 1.000122 -0.000000 -0.000000 48.283467 -0.000000 1.000122 -0.000000 1.000122 1.000122 4.001954 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 7.005988 -0.000000 -0.000000 -0.000000 5.003054 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 5.003054 7.005988 -0.000000 -0.000000 8.007823 -0.000000 10.012227 1.000122 11.014797 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 39.186856 1.000122 -0.000000 -0.000000 -0.000000 4.001954 1.000122 10.012227 -0.000000 -0.000000 -0.000000 3.001099 1.000122 0 2.000488 23.064818 7.005988 -0.000000 -0.000000 -0.000000 4.001954 4.001954 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 12.017613 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 6.004399 +ENSDARG00000103057 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 5.003054 -0.000000 -0.000000 -0.000000 -0.000000 4.001954 16.031332 4.001954 -0.000000 -0.000000 -0.000000 22.059294 12.017613 -0.000000 3.001099 -0.000000 -0.000000 -0.000000 2.000488 3.001099 -0.000000 1.000122 -0.000000 -0.000000 20.048988 -0.000000 -0.000000 6.004399 -0.000000 -0.000000 -0.000000 1.000122 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 0 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 22.059294 -0.000000 12.017613 -0.000000 -0.000000 -0.000000 8.007823 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 33.133653 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 2.000488 -0.000000 1.000122 1.000122 -0.000000 3.001099 1.000122 -0.000000 1.000122 -0.000000 -0.000000 1.000122 26.082870 1.000122 -0.000000 -0.000000 21.054018 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 11.014797 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 1.000122 -0.000000 -0.000000 -0.000000 13.020674 -0.000000 -0.000000 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 13.020674 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 43.227300 2.000488 2.000488 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 14.023980 -0.000000 6.004399 -0.000000 24.070588 4.001954 0 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 2.000488 21.054018 -0.000000 -0.000000 -0.000000 1.000122 1.000122 -0.000000 9.009902 -0.000000 3.001099 -0.000000 -0.000000 -0.000000 -0.000000 27.089382 +ENSDARG00000051783 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 1.000122 -0.000000 46.260251 -0.000000 3.001099 -0.000000 -0.000000 7.005988 9.009902 6.004399 -0.000000 1.000122 3.001099 8.007823 9.009902 -0.000000 1.000122 1.000122 -0.000000 29.103148 -0.000000 3.001099 -0.000000 -0.000000 -0.000000 -0.000000 7.005988 -0.000000 -0.000000 13.020674 -0.000000 -0.000000 -0.000000 1.000122 4.001954 -0.000000 4.001954 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 0 1.000122 -0.000000 3.001099 -0.000000 -0.000000 8.007823 -0.000000 12.017613 -0.000000 3.001099 -0.000000 3.001099 -0.000000 9.009902 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 3.001099 -0.000000 -0.000000 -0.000000 1.000122 19.044204 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 3.001099 -0.000000 1.000122 -0.000000 2.000488 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 5.003054 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 5.003054 4.001954 -0.000000 -0.000000 35.150393 -0.000000 -0.000000 -0.000000 2.000488 -0.000000 1.000122 -0.000000 -0.000000 3.001099 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 9.009902 -0.000000 -0.000000 -0.000000 5.003054 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 9.009902 9.009902 -0.000000 -0.000000 3.001099 -0.000000 1.000122 3.001099 7.005988 1.000122 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 43.227300 -0.000000 1.000122 -0.000000 -0.000000 3.001099 -0.000000 8.007823 -0.000000 -0.000000 -0.000000 2.000488 -0.000000 0 3.001099 10.012227 5.003054 -0.000000 -0.000000 -0.000000 1.000122 5.003054 -0.000000 -0.000000 -0.000000 2.000488 -0.000000 -0.000000 6.004399 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 8.007823 +ENSDARG00000009212 -0.000000 2.000488 3.001099 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 50.307682 -0.000000 1.000122 -0.000000 -0.000000 3.001099 4.001954 4.001954 -0.000000 3.001099 -0.000000 21.054018 10.012227 -0.000000 4.001954 1.000122 1.000122 29.103148 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 1.000122 4.001954 -0.000000 -0.000000 7.005988 -0.000000 -0.000000 -0.000000 2.000488 8.007823 -0.000000 3.001099 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 0 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 2.000488 -0.000000 16.031332 -0.000000 -0.000000 -0.000000 9.009902 -0.000000 8.007823 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 12.017613 3.001099 -0.000000 -0.000000 -0.000000 -0.000000 3.001099 1.000122 -0.000000 -0.000000 1.000122 -0.000000 1.000122 3.001099 2.000488 -0.000000 5.003054 -0.000000 -0.000000 1.000122 2.000488 -0.000000 -0.000000 7.005988 -0.000000 -0.000000 -0.000000 18.039667 -0.000000 -0.000000 1.000122 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 11.014797 -0.000000 -0.000000 -0.000000 5.003054 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 4.001954 10.012227 -0.000000 1.000122 4.001954 -0.000000 10.012227 4.001954 11.014797 -0.000000 6.004399 -0.000000 -0.000000 1.000122 1.000122 -0.000000 -0.000000 -0.000000 24.070588 1.000122 -0.000000 -0.000000 1.000122 6.004399 1.000122 9.009902 -0.000000 2.000488 -0.000000 9.009902 1.000122 0 1.000122 7.005988 2.000488 -0.000000 -0.000000 -0.000000 4.001954 3.001099 3.001099 -0.000000 -0.000000 2.000488 2.000488 -0.000000 5.003054 -0.000000 1.000122 -0.000000 1.000122 1.000122 -0.000000 10.012227 +ENSDARG00000021124 -0.000000 1.000122 9.009902 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 9.009902 -0.000000 1.000122 -0.000000 -0.000000 7.005988 5.003054 7.005988 -0.000000 3.001099 -0.000000 15.027533 38.177367 -0.000000 4.001954 1.000122 -0.000000 15.027533 -0.000000 4.001954 -0.000000 -0.000000 -0.000000 -0.000000 6.004399 -0.000000 -0.000000 11.014797 -0.000000 -0.000000 -0.000000 3.001099 6.004399 -0.000000 2.000488 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 0 -0.000000 -0.000000 1.000122 -0.000000 1.000122 9.009902 1.000122 10.012227 -0.000000 -0.000000 -0.000000 9.009902 -0.000000 10.012227 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 21.054018 1.000122 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 4.001954 1.000122 -0.000000 1.000122 -0.000000 2.000488 3.001099 -0.000000 1.000122 -0.000000 3.001099 -0.000000 -0.000000 28.096142 2.000488 -0.000000 -0.000000 25.076606 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 11.014797 1.000122 -0.000000 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 11.014797 21.054018 -0.000000 -0.000000 1.000122 -0.000000 10.012227 2.000488 2.000488 -0.000000 5.003054 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 -0.000000 13.020674 -0.000000 -0.000000 -0.000000 -0.000000 9.009902 -0.000000 5.003054 -0.000000 -0.000000 -0.000000 5.003054 -0.000000 0 -0.000000 -0.000000 -0.000000 -0.000000 1.000122 -0.000000 1.000122 10.012227 -0.000000 -0.000000 -0.000000 5.003054 -0.000000 1.000122 4.001954 -0.000000 1.000122 -0.000000 -0.000000 -0.000000 -0.000000 17.035376 diff -r 000000000000 -r 1b0f96ed73f2 test-data/mat2.umi.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/mat2.umi.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,31 @@ + AACACC AACCTC AACGAG AACTGG AAGCAC AAGCCA AAGGTG AAGTGC ACAAGC ACAGAC ACAGGA ACAGTG ACATGG ACCAAC ACCAGA ACCATG ACGGTA ACGTAC ACGTGA ACGTTG ACTCAC ACTCGA ACTCTG ACTTCG AGAACG AGACAG AGACCA AGACTC AGATGC AGCGAA AGCTAG AGCTCA AGCTTC AGGAAG AGGACA AGGATC AGGCTA AGTACC AGTAGG AGTGCA AGTGTC ATACGG ATCACG ATCAGC ATCCAC ATCCGA ATCGCA ATCGTG ATCTCC ATGACC ATGAGG ATGCAG ATGCTC ATGGAC ATGTCG ATTCGC ATTGCG CAATGC CACCAA CACGTA CACTCA CACTTC CAGAAG CAGGAA CATGCA CATGTC CATTGG CCAATC CCACAA CCAGTA CCATAG CCATCA CCGATA CCGTAA CCTACA CCTATG CCTGAA CCTTGA CGAACA CGATGA CGATTG CGCATA CGCTAA CGGTTA CGTAAG CGTCTA CGTTAC CGTTCA CTAACG CTAAGC CTAGAC CTAGGA CTAGTG CTATCC CTCAGA CTCATG CTCGAA CTGCTA CTGTTG CTTCGA GAAGAC GAAGGA GAATCC GAATGG GACAAC GACAGA GACGAA GAGCAA GAGGTA GAGTGA GAGTTG GATACG GATCGA GATCTG GATTGC GCAACA GCAATG GCAGAA GCATGA GCATTC GCCATA GCGTTA GCTAAG GCTCTA GCTTAC GCTTCA GGAATC GGACAA GGATAC GGATCA GGCTTA GGTAAC GGTAGA GGTATG GGTGTA GGTTAG GTAACC GTACAG GTACCA GTACTC GTATCG GTATGC GTCTCA GTGAAG GTGACA GTGATC GTGGAA GTTAGG GTTGAG TAACGG TACAGG TACCAC TACCGA TACGCA TACTCC TAGCTC TAGGAC TAGTGG TATCCG TATCGC TCAACG TCACAG TCATCC TCCGAA TCTAGG TCTTGC TGAACC TGAAGG TGAGGA TGATCG TGCAAC TGCAGA TGGTGA TGGTTG TGTACG TGTAGC TGTCGA TGTCTG TGTTCC TGTTGG TTACGC TTCACC TTCCAG TTCGAC TTCTCG TTGCAC TTGCGA TTGCTG TTGGAG TTGGCA TTGGTC TTGTGC +ENSDARG00000099970 5 1 14 0 2 2 2 0 159 3 81 9 1 191 130 69 0 0 2 387 134 0 37 1 5 107 3 49 0 1 45 13 170 4 5 21 5 1 0 7 63 2 5 1 0 3 5 0 0 2 7 3 0 0 559 1 142 0 6 2 250 2 260 1 0 4 1 1 2 0 1 2 3 1 3 0 1 1 0 242 12 0 5 1 1 2 5 2 3 128 1 95 5 71 3 24 2 6 1 55 3 3 351 4 6 2 350 0 1 16 2 6 4 0 2 37 1 1 6 3 2 1 6 7 6 3 0 95 2 1 4 238 1 2 0 2 0 5 308 250 0 4 20 1 313 59 10 5 37 4 0 2 4 0 1 0 328 1 3 0 2 33 3 144 2 51 2 238 5 0 59 55 69 2 0 1 31 39 4 0 0 80 2 3 38 0 6 1 2 0 2 170 +ENSDARG00000104945 0 3 6 1 0 2 4 1 9 12 1 1 0 19 21 29 1 1 1 143 23 0 29 1 1 2 4 28 0 2 6 7 31 0 3 13 1 1 1 14 60 1 1 0 0 2 0 1 0 2 0 0 0 1 26 1 77 0 0 0 55 3 18 1 1 2 2 0 0 1 0 2 2 4 3 0 1 2 0 57 3 0 4 1 1 7 2 1 2 0 1 2 3 1 5 3 2 2 1 4 3 1 48 1 1 0 26 5 4 10 0 1 3 0 3 15 0 0 6 1 1 0 2 4 2 0 0 17 5 3 2 2 3 0 0 0 1 0 31 66 0 1 0 0 40 19 10 1 24 1 3 0 1 2 1 0 3 1 0 2 4 9 3 14 1 8 2 34 5 0 9 1 6 0 1 2 17 27 3 0 1 31 2 1 22 1 2 0 11 0 1 51 +ENSDARG00000045639 0 2 0 0 0 1 0 0 1 0 1 0 0 52 25 4 0 2 0 116 37 0 6 0 1 0 0 20 0 0 1 2 31 0 0 13 1 1 0 2 5 0 0 1 0 1 1 0 0 0 1 0 0 2 43 0 23 0 0 0 91 0 44 0 0 0 1 0 1 0 1 0 0 1 1 0 0 1 0 57 4 0 0 0 0 6 1 0 0 0 1 0 1 1 2 1 0 1 0 0 0 0 86 0 0 0 27 1 2 3 0 0 0 0 0 29 0 0 0 0 0 0 1 3 1 0 0 15 0 0 0 3 0 0 0 0 0 1 35 88 1 0 0 2 69 10 4 0 7 0 0 1 3 0 0 0 2 2 0 0 0 25 0 49 0 6 1 21 4 0 7 0 0 0 1 0 6 32 0 0 0 7 0 0 21 0 0 0 2 0 0 41 +ENSDARG00000070453 1 0 1 0 0 0 1 0 1 0 0 1 0 9 21 0 0 0 0 49 19 0 23 0 0 0 0 16 0 0 0 0 34 0 0 16 0 0 0 7 7 0 0 0 0 0 0 1 0 0 0 0 0 0 7 0 18 0 1 0 111 2 0 0 1 0 2 0 0 0 1 0 0 0 0 0 1 0 0 44 1 0 0 0 0 1 0 0 2 0 0 0 0 1 2 0 0 0 0 0 0 0 34 0 0 2 9 0 2 0 0 0 1 0 0 6 0 0 1 1 0 0 1 1 0 1 0 14 0 0 0 1 0 0 0 0 1 0 14 125 0 0 1 0 45 5 0 0 1 0 0 0 0 2 0 0 0 1 0 0 1 8 0 31 1 0 0 0 1 0 11 0 0 0 0 0 21 28 0 0 0 11 0 0 7 0 0 0 0 0 0 101 +ENSDARG00000014201 0 1 10 0 0 0 0 0 3 0 0 0 0 23 7 21 0 0 0 38 38 0 4 0 0 0 0 11 0 0 1 1 27 0 0 28 0 1 0 4 7 1 0 0 0 0 0 0 0 0 0 0 0 0 22 0 27 0 0 0 21 1 0 0 0 0 3 0 0 0 0 0 0 0 0 0 0 0 0 102 0 0 0 0 0 0 1 0 1 0 0 1 1 0 1 0 1 0 0 0 1 0 56 1 0 0 59 1 0 0 0 0 0 0 0 2 0 0 0 0 0 0 0 0 0 0 1 16 1 0 0 0 1 0 0 0 0 0 41 34 0 0 0 0 33 8 2 1 1 0 2 0 0 0 0 0 0 1 1 0 1 14 1 21 0 6 0 0 3 0 1 0 1 0 0 0 19 21 0 0 0 9 0 1 8 0 0 0 0 0 0 58 +ENSDARG00000055455 0 1 3 0 0 0 0 0 1 0 4 2 1 18 29 7 1 1 0 48 12 0 10 1 0 38 2 13 0 0 3 1 25 0 0 9 0 0 0 9 3 0 2 0 0 0 0 0 0 0 0 1 0 0 15 0 15 1 0 0 37 1 17 0 0 0 1 1 0 0 0 0 0 0 1 0 0 0 0 14 1 0 1 0 0 5 1 0 0 0 0 5 2 0 0 11 1 0 0 0 1 0 50 1 0 1 32 0 0 5 0 0 0 0 0 9 0 1 0 0 0 0 0 1 1 1 0 3 1 0 0 1 1 0 0 1 0 2 37 51 0 1 0 1 28 14 4 0 7 1 0 0 0 0 0 0 1 2 1 0 0 4 1 18 1 7 1 57 2 0 3 0 4 0 0 0 11 20 0 0 0 4 0 1 10 0 1 0 0 0 0 38 +ENSDARG00000035715 0 0 9 0 0 0 0 0 1 0 1 5 0 20 19 11 0 17 0 34 28 0 11 0 0 24 1 17 0 0 11 3 22 0 1 9 0 0 0 7 7 0 0 0 0 0 0 0 0 0 0 0 0 0 22 0 16 0 1 0 24 0 20 0 0 0 1 0 0 0 0 0 0 1 0 0 0 0 1 24 5 1 1 0 0 2 0 1 1 0 0 1 0 1 1 3 0 0 0 2 1 0 29 4 0 1 32 0 0 6 1 2 0 0 0 9 0 0 1 0 0 0 0 0 0 0 0 12 1 0 0 0 0 0 0 0 0 0 32 37 0 0 0 0 39 10 3 0 17 0 1 0 0 0 0 1 6 1 0 0 0 6 0 20 0 4 0 32 1 0 2 0 0 0 0 0 9 19 0 0 0 13 0 0 2 0 0 0 1 0 0 39 +ENSDARG00000055216 0 1 6 0 0 0 0 0 2 1 2 1 0 13 16 3 1 0 3 35 28 0 5 0 0 10 0 18 0 0 7 1 16 0 1 12 0 0 0 4 5 0 0 0 1 0 0 0 0 1 0 0 0 0 11 0 55 0 0 0 33 0 13 0 0 0 0 0 2 0 0 0 0 1 0 0 0 0 0 41 4 0 0 0 0 4 0 0 0 0 0 4 1 0 0 0 0 0 0 1 0 1 41 5 0 0 36 0 2 2 1 0 1 0 0 7 0 0 1 0 1 0 0 0 0 0 0 14 1 1 0 0 0 0 0 0 0 0 18 48 0 0 0 0 38 5 6 0 15 0 0 0 0 0 0 0 1 2 0 0 0 10 0 26 0 5 1 30 0 0 2 0 1 0 0 0 8 36 0 0 0 4 1 0 16 0 0 0 0 0 0 23 +ENSDARG00000037997 0 0 4 0 1 1 0 0 1 0 2 0 0 5 6 16 0 0 1 28 48 0 3 0 0 6 0 6 0 3 1 4 28 0 0 30 0 0 0 8 11 1 1 0 0 0 0 0 0 0 2 1 0 0 11 0 19 0 0 0 43 0 8 0 0 0 0 0 0 0 0 0 1 1 0 0 0 0 0 51 3 0 0 0 0 6 0 0 0 0 0 0 0 0 2 1 0 2 0 2 0 0 12 0 0 0 27 1 1 0 0 0 0 1 0 5 0 1 2 1 1 0 1 0 0 0 0 30 0 0 0 0 0 0 0 0 1 1 9 44 1 0 1 0 73 1 4 0 26 0 0 0 0 0 0 0 3 0 0 1 0 13 1 54 0 0 0 5 3 0 0 2 1 1 0 0 1 40 0 0 1 4 0 0 10 0 0 0 2 0 0 9 +ENSDARG00000077777 1 3 14 0 0 0 0 2 6 0 3 0 0 7 3 4 0 32 1 15 22 0 20 6 0 13 2 7 1 1 10 0 14 1 0 16 1 0 0 4 3 0 5 0 0 0 0 0 0 0 1 0 0 0 19 1 11 0 0 0 20 0 22 0 0 0 1 0 0 1 2 0 0 0 0 0 0 2 1 22 3 0 0 0 1 4 0 1 3 20 2 0 4 6 14 9 0 0 0 10 1 0 15 0 0 0 42 0 0 1 0 2 0 1 0 5 0 0 0 0 0 0 0 1 0 0 1 17 1 0 1 11 0 0 0 1 0 1 5 26 0 1 2 0 14 3 3 0 19 0 0 2 0 0 0 0 27 1 0 0 1 11 1 20 1 3 0 23 1 0 0 2 0 1 0 0 1 21 0 0 0 11 2 0 18 0 0 1 0 0 0 13 +ENSDARG00000008363 0 0 1 0 1 0 0 0 5 38 11 0 0 5 13 3 0 2 1 22 8 0 52 1 0 7 0 2 0 0 8 8 16 0 0 10 0 0 0 1 9 0 10 0 0 1 1 0 0 0 0 0 0 0 19 0 0 0 0 0 11 5 2 0 0 1 0 0 1 0 0 1 0 0 0 0 0 0 0 19 1 0 1 0 0 0 0 0 0 4 0 16 2 9 4 3 0 0 1 2 6 0 8 1 0 1 67 0 0 0 2 0 1 1 1 1 0 0 0 0 0 0 0 0 2 0 0 5 0 0 0 22 0 0 0 1 0 5 10 0 0 0 2 3 10 1 0 0 8 1 0 0 0 0 0 0 3 0 0 0 0 3 1 1 0 5 25 8 44 0 4 3 21 0 0 0 3 10 0 0 0 5 0 0 1 0 0 0 0 0 0 11 +ENSDARG00000037870 0 0 0 0 0 0 0 0 18 1 9 0 0 10 9 6 0 4 0 21 15 0 3 7 0 25 1 20 0 0 1 0 10 0 0 11 1 0 0 2 5 0 1 0 0 0 0 0 0 0 0 1 0 0 14 0 21 0 3 0 21 0 24 0 0 0 0 0 1 2 0 1 0 0 0 0 0 0 1 27 0 0 0 0 0 0 0 0 3 48 0 0 2 1 6 0 1 0 1 22 0 1 14 2 0 0 45 0 0 1 0 0 1 0 0 2 0 0 1 0 0 0 0 0 1 0 0 12 1 0 0 22 0 0 0 0 0 1 9 8 0 0 1 1 22 3 3 0 10 0 1 0 0 0 0 0 14 0 1 0 0 8 1 6 0 2 1 6 0 0 2 3 7 0 1 0 5 6 0 0 0 3 0 0 3 0 0 1 0 0 0 20 +ENSDARG00000051875 0 0 0 1 0 0 0 0 0 0 0 0 0 8 11 7 0 0 0 59 25 0 5 0 1 0 0 13 0 1 0 1 19 1 0 2 0 0 0 11 4 0 0 0 0 0 0 0 0 0 0 0 0 0 19 1 47 0 0 1 38 2 2 0 0 1 1 0 0 0 0 0 0 1 0 0 0 1 1 45 0 0 0 1 0 5 0 0 1 0 0 1 0 1 1 0 0 0 0 0 1 1 32 0 0 1 38 0 0 0 0 1 1 0 0 6 0 0 0 0 0 0 2 1 0 1 0 0 0 0 0 0 0 0 1 0 0 0 24 28 1 0 0 0 23 9 4 0 8 0 0 0 0 0 0 1 0 0 0 0 0 7 0 14 0 9 1 0 0 0 6 0 0 0 0 1 3 18 0 0 0 4 0 0 3 0 1 0 0 0 2 37 +ENSDARG00000037746 1 0 2 1 0 0 0 0 8 0 4 0 1 2 5 5 0 4 1 14 46 0 2 11 0 10 0 8 0 0 1 1 11 0 0 29 0 1 0 5 9 0 2 1 0 0 0 0 0 0 0 2 0 1 3 0 9 0 0 0 16 0 6 0 1 1 0 3 0 0 2 1 1 0 0 0 0 1 1 50 3 0 0 1 0 5 0 0 0 17 0 0 1 2 0 1 0 0 3 7 0 1 8 2 0 1 49 0 0 2 0 3 0 0 0 0 0 0 0 1 1 0 0 0 1 0 0 24 0 0 0 5 0 0 0 0 0 2 3 10 0 1 4 1 27 1 4 0 4 0 1 1 1 0 0 0 15 0 0 0 0 6 1 15 0 3 0 6 2 0 0 0 8 0 0 0 5 23 1 2 0 2 0 0 5 0 0 2 3 0 1 42 +ENSDARG00000020850 0 0 5 0 0 0 0 0 46 0 1 0 0 3 3 4 0 14 3 16 30 0 6 2 0 22 4 2 0 0 2 0 4 0 0 8 1 0 0 4 3 0 8 0 0 0 0 0 0 0 0 1 0 0 2 0 5 0 2 0 8 0 15 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 24 0 0 0 0 0 5 0 0 0 5 1 0 1 1 3 9 0 0 0 13 1 0 6 3 0 0 50 2 0 3 2 1 1 0 0 3 0 0 0 1 0 0 0 1 0 0 0 16 0 0 0 14 0 0 0 0 0 1 7 13 0 0 6 0 18 2 11 0 4 2 0 0 0 0 0 0 80 0 1 0 1 5 0 10 0 3 1 2 0 0 2 10 4 0 0 0 3 10 1 0 0 3 3 0 13 0 1 0 0 0 0 13 +ENSDARG00000018259 0 0 0 0 0 0 1 0 0 3 11 0 1 9 11 2 0 0 0 34 18 0 11 0 0 7 1 15 1 0 3 0 26 0 0 4 1 0 0 3 5 0 0 0 0 1 0 0 0 0 0 0 0 0 9 0 16 0 0 0 34 3 33 0 0 0 0 0 2 0 0 1 0 1 0 0 0 1 0 23 2 0 0 0 0 2 0 0 0 0 0 4 0 0 0 0 0 1 0 0 0 0 31 1 0 0 21 2 0 2 0 1 1 0 0 3 0 0 0 0 0 1 0 1 2 0 0 5 0 0 0 0 0 1 0 0 0 0 14 25 0 0 1 0 23 8 1 0 7 2 1 0 0 1 1 0 0 0 0 0 2 5 1 12 0 4 1 24 2 0 3 1 5 0 0 0 7 16 0 0 0 5 0 0 2 0 1 0 0 0 1 26 +ENSDARG00000039914 0 0 0 0 0 0 0 0 1 1 2 0 0 8 12 6 0 1 1 33 3 1 6 0 0 0 2 11 0 0 10 0 8 0 0 6 3 1 0 1 11 0 1 0 0 0 1 0 0 0 0 0 0 0 15 1 28 0 0 0 21 1 46 0 0 0 0 0 2 0 1 0 1 0 0 0 0 0 0 11 1 0 0 0 0 4 0 0 1 2 2 5 3 0 2 9 1 1 0 1 0 0 22 2 0 0 5 0 1 10 0 1 2 0 1 5 0 1 1 0 0 0 0 0 0 0 0 9 2 1 2 1 0 0 0 0 0 0 17 58 0 0 0 1 14 12 1 0 12 0 0 1 0 0 0 0 5 0 0 0 0 8 0 8 1 4 0 15 1 0 2 0 5 1 0 0 3 14 0 0 0 6 0 1 9 0 0 0 1 0 0 18 +ENSDARG00000068992 0 0 1 0 0 0 0 0 28 0 0 2 1 8 7 3 0 1 1 16 7 0 5 1 0 20 0 4 0 0 5 2 10 0 0 10 0 1 0 1 3 0 15 0 0 0 0 0 0 0 2 0 0 0 9 0 10 0 1 0 15 0 15 0 0 0 0 0 0 0 0 0 0 0 2 0 1 0 0 24 4 0 0 0 0 2 0 0 0 11 1 3 1 1 2 1 0 0 1 3 2 0 9 4 0 1 33 0 1 0 1 0 3 1 1 2 0 0 0 0 0 0 0 0 0 1 0 10 1 0 0 10 0 1 0 0 0 1 6 12 0 0 1 1 14 10 2 0 5 0 0 0 1 0 0 0 78 0 0 1 0 7 0 16 0 3 1 4 0 0 2 7 7 0 0 0 6 4 0 0 0 5 0 0 11 0 0 0 0 0 1 18 +ENSDARG00000017673 0 0 0 0 0 0 0 0 1 2 8 0 0 6 4 6 0 0 0 34 37 0 6 0 0 29 0 4 0 0 0 0 17 0 0 4 0 0 0 4 5 0 1 0 1 0 0 0 0 0 0 0 0 0 21 1 9 0 0 0 20 0 10 0 0 0 0 0 1 0 0 0 1 1 1 0 0 1 0 21 1 0 0 0 1 1 0 1 1 0 0 13 0 1 0 0 0 0 0 0 0 0 17 0 0 0 39 0 1 0 0 0 1 0 0 6 0 0 0 0 0 0 1 0 0 1 0 19 1 0 0 3 0 1 0 0 0 1 15 17 0 0 0 1 31 4 3 0 1 0 1 0 0 1 0 0 1 2 0 0 0 5 0 29 0 1 0 13 2 0 2 0 1 1 1 0 7 16 0 0 0 2 1 0 5 0 0 0 0 0 0 30 +ENSDARG00000039034 0 0 2 0 0 0 0 0 8 1 0 0 0 12 4 9 0 0 0 15 11 0 9 0 0 10 2 5 0 0 1 0 23 0 1 8 0 0 0 7 0 0 1 0 0 0 0 1 0 0 0 0 0 1 16 0 20 0 0 0 23 1 8 0 0 0 1 0 0 0 0 0 0 0 1 0 0 1 0 33 2 0 0 0 0 3 0 1 0 2 1 0 0 3 1 2 1 0 0 3 0 1 34 2 0 0 13 0 0 3 0 0 1 1 0 10 0 0 0 0 0 0 1 0 0 0 0 4 0 1 0 28 0 0 0 0 0 0 18 27 0 0 0 0 25 4 0 0 10 0 0 0 0 0 0 0 2 0 0 0 0 8 0 22 0 2 0 5 0 0 2 1 0 0 0 0 0 10 0 0 0 8 0 0 7 0 0 0 1 0 0 41 +ENSDARG00000001889 0 1 2 0 0 0 0 0 0 0 0 0 0 9 17 2 0 0 0 30 30 0 2 0 0 14 0 6 0 0 1 0 12 0 0 14 0 0 0 1 3 0 0 0 0 0 0 0 0 0 0 0 0 0 16 0 31 0 0 0 23 2 9 0 0 0 1 0 1 0 0 0 1 0 0 0 0 0 0 37 1 0 0 0 0 2 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 17 3 0 0 21 0 1 0 0 1 0 0 0 8 0 0 0 0 0 0 0 0 0 0 0 19 0 0 0 1 0 0 0 0 0 1 6 37 0 0 0 0 36 2 4 1 1 0 0 0 0 0 0 0 1 0 0 0 0 16 0 19 0 2 0 12 0 0 0 0 0 0 0 0 0 28 0 0 0 1 0 0 11 0 0 0 0 0 0 15 +ENSDARG00000036577 0 0 2 0 0 2 0 1 0 0 4 0 0 10 16 4 0 2 1 45 8 0 9 0 0 2 0 6 0 0 1 2 15 0 0 6 0 0 0 8 1 0 1 0 0 0 0 0 0 0 0 0 0 0 18 0 20 0 0 0 29 2 15 0 0 0 1 0 0 0 0 0 0 0 0 0 0 1 0 8 0 0 0 0 0 3 0 1 1 0 0 10 1 0 0 0 0 0 0 0 0 0 34 4 0 0 10 0 0 4 0 1 0 0 0 6 0 0 1 0 0 0 1 0 0 0 0 7 0 0 0 0 0 0 0 0 0 0 12 27 0 0 0 0 20 4 2 0 9 1 0 0 1 0 0 0 3 2 0 0 2 9 0 14 0 4 0 23 1 0 0 0 5 0 0 0 5 6 0 0 0 13 1 0 3 0 1 0 0 0 0 26 +ENSDARG00000075542 0 0 1 0 0 0 0 0 7 2 2 0 0 1 11 3 0 0 0 18 12 0 7 1 0 6 0 6 0 1 1 0 25 1 0 8 0 0 0 0 3 0 0 0 1 0 0 0 0 0 0 0 0 0 11 0 3 0 0 1 31 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 108 1 0 0 0 0 0 0 0 1 0 1 2 0 0 1 0 0 0 0 1 0 0 0 0 1 0 13 0 0 1 0 1 0 0 1 6 0 0 1 0 0 0 0 0 0 0 0 4 1 0 0 2 0 0 0 0 0 0 5 5 0 1 0 0 6 2 1 0 9 0 1 0 0 0 0 0 11 1 0 0 0 5 0 9 0 5 0 6 4 0 1 4 0 2 0 0 7 2 0 0 0 1 0 0 1 0 0 0 0 0 0 112 +ENSDARG00000029150 0 1 3 0 0 0 0 0 20 0 2 0 0 4 2 4 0 6 1 14 15 0 4 3 0 31 3 5 0 1 1 1 11 0 0 6 1 0 0 4 6 0 7 0 0 0 1 0 0 0 1 0 0 0 13 0 19 0 0 0 14 0 6 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1 0 22 0 0 0 0 0 3 0 0 0 5 2 0 2 0 1 6 1 0 1 3 0 1 11 0 0 0 19 0 0 1 0 0 0 0 0 5 0 0 0 0 0 0 0 0 0 0 0 18 2 0 0 1 0 0 0 0 0 0 7 46 1 0 0 0 10 6 5 0 7 0 0 0 0 0 1 0 18 0 0 0 0 3 0 18 0 0 0 5 2 0 1 3 4 0 0 0 1 12 0 1 0 5 1 0 2 0 0 0 0 0 0 16 +ENSDARG00000016494 0 0 0 0 0 0 1 0 2 0 0 0 0 4 20 0 0 0 0 22 3 0 5 0 0 0 0 19 0 0 1 0 20 0 1 6 0 0 0 0 3 0 0 0 0 0 0 0 0 0 0 0 0 0 12 1 5 0 0 1 50 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 10 1 0 0 0 0 4 0 0 0 0 0 0 1 0 1 0 0 0 0 0 0 0 3 0 0 0 1 0 0 0 0 1 1 0 0 8 0 0 1 0 0 0 0 0 0 0 0 7 0 0 0 0 0 0 0 1 0 0 8 134 0 0 0 0 35 5 0 0 0 1 0 0 1 0 0 0 0 0 0 0 0 7 2 2 0 1 0 0 1 0 2 0 1 0 0 0 3 16 0 0 0 9 0 0 1 0 0 0 0 0 0 26 +ENSDARG00000021864 0 0 0 0 0 0 0 0 47 0 0 0 0 1 2 7 0 2 3 13 11 0 0 3 2 18 0 2 0 0 1 1 6 0 0 19 0 1 0 5 3 0 8 1 0 0 0 0 0 0 0 1 0 0 0 0 5 0 0 0 8 1 11 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 2 11 0 0 0 0 0 0 0 0 0 9 2 1 3 0 1 8 0 0 0 5 1 0 5 1 0 0 48 0 1 0 1 1 4 1 0 0 0 0 0 0 1 0 0 0 0 0 0 7 0 0 0 5 0 0 0 0 0 0 5 7 0 0 8 0 10 1 11 0 2 0 0 0 0 0 0 0 39 1 0 0 0 4 1 10 0 0 0 3 1 0 2 23 7 0 0 0 4 4 0 0 0 1 0 0 12 0 0 0 0 0 0 6 +ENSDARG00000103057 0 0 1 0 0 0 0 1 5 0 0 0 0 4 16 4 0 0 0 22 12 0 3 0 0 0 2 3 0 1 0 0 20 0 0 6 0 0 0 1 2 0 0 0 0 0 0 0 0 1 0 0 0 0 22 0 12 0 0 0 8 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 33 0 0 0 0 0 0 0 0 0 0 2 0 1 1 0 3 1 0 1 0 0 1 26 1 0 0 21 0 0 0 0 0 1 0 0 11 0 0 0 0 0 0 1 1 0 0 0 13 0 0 0 2 0 0 0 1 0 0 13 2 0 0 0 0 43 2 2 0 1 0 0 0 1 0 0 0 1 0 0 0 0 0 0 14 0 6 0 24 4 0 0 0 0 0 0 0 2 21 0 0 0 1 1 0 9 0 3 0 0 0 0 27 +ENSDARG00000051783 1 0 0 0 0 1 1 0 46 0 3 0 0 7 9 6 0 1 3 8 9 0 1 1 0 29 0 3 0 0 0 0 7 0 0 13 0 0 0 1 4 0 4 0 0 0 0 0 0 1 0 3 0 0 8 0 12 0 3 0 3 0 9 0 0 0 0 0 0 0 0 1 0 0 3 0 0 0 1 19 0 0 0 0 0 3 0 1 0 2 0 0 1 0 0 5 0 0 0 1 0 0 5 4 0 0 35 0 0 0 2 0 1 0 0 3 0 0 0 0 1 0 0 0 0 0 0 9 0 0 0 5 0 0 0 0 0 0 9 9 0 0 3 0 1 3 7 1 0 1 0 0 0 0 0 0 43 0 1 0 0 3 0 8 0 0 0 2 0 0 3 10 5 0 0 0 1 5 0 0 0 2 0 0 6 0 0 0 1 0 0 8 +ENSDARG00000009212 0 2 3 0 0 0 0 0 50 0 1 0 0 3 4 4 0 3 0 21 10 0 4 1 1 29 0 2 0 0 0 1 4 0 0 7 0 0 0 2 8 0 3 0 0 0 1 0 0 0 0 0 1 0 2 0 16 0 0 0 9 0 8 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 12 3 0 0 0 0 3 1 0 0 1 0 1 3 2 0 5 0 0 1 2 0 0 7 0 0 0 18 0 0 1 0 1 0 0 0 2 0 0 0 0 0 0 0 2 0 0 0 11 0 0 0 5 0 0 0 0 0 1 4 10 0 1 4 0 10 4 11 0 6 0 0 1 1 0 0 0 24 1 0 0 1 6 1 9 0 2 0 9 1 0 1 7 2 0 0 0 4 3 3 0 0 2 2 0 5 0 1 0 1 1 0 10 +ENSDARG00000021124 0 1 9 0 0 0 1 0 9 0 1 0 0 7 5 7 0 3 0 15 38 0 4 1 0 15 0 4 0 0 0 0 6 0 0 11 0 0 0 3 6 0 2 0 0 0 0 0 0 0 0 1 0 1 9 1 10 0 0 0 9 0 10 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 21 1 0 0 1 0 0 0 0 0 4 1 0 1 0 2 3 0 1 0 3 0 0 28 2 0 0 25 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 11 1 0 0 1 0 0 0 0 0 0 11 21 0 0 1 0 10 2 2 0 5 0 1 0 0 0 0 0 13 0 0 0 0 9 0 5 0 0 0 5 0 0 0 0 0 0 1 0 1 10 0 0 0 5 0 1 4 0 1 0 0 0 0 17 diff -r 000000000000 -r 1b0f96ed73f2 test-data/small.element.custom.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/small.element.custom.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,6 @@ + cell1 cell2 cell3 cell4 cell5 cell6 cell7 cell8 cell9 +gene1 1.100000 0 1.129692 -10.100000 1.100000 1.037630 0.000000 0 0.000000 +gene2 0.397940 0 1.159040 1.050428 1.065051 1.070787 1.146779 0 0.000000 +gene3 1.150515 0 1.159040 1.157790 1.049237 1.123798 1.109687 0 1.020180 +gene4 0.000000 0 0.000000 0.000000 0.000000 0.000000 0.000000 0 0.000000 +gene5 1.000000 0 0.000000 -10.000000 1.006008 1.129692 0.000000 0 1.146712 diff -r 000000000000 -r 1b0f96ed73f2 test-data/small.element.scalerem5.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/small.element.scalerem5.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,6 @@ + cell1 cell2 cell3 cell4 cell5 cell6 cell7 cell8 cell9 +gene1 0.00 0 1 4.90 0 1.10 0.00 0 0.00 +gene2 0.50 0 3 4.00 0 1.22 4.35 0 0.00 +gene3 2.00 0 3 3.21 0 1.56 3.45 0 1.05 +gene4 0.00 0 0 0.00 0 0.00 0.00 0 0.00 +gene5 1.00 0 0 0.00 0 1.00 0.00 0 1.90 diff -r 000000000000 -r 1b0f96ed73f2 test-data/small.fs.colsum.gt10.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/small.fs.colsum.gt10.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,6 @@ + cell1 cell3 cell4 cell5 cell7 +gene1 10.00 6 -10.10 10 0.00 +gene2 0.50 3 29.00 20 4.35 +gene3 2.00 3 3.21 30 8.45 +gene4 0.00 0 0.00 0 0.00 +gene5 1.00 0 -10.00 440 0.00 diff -r 000000000000 -r 1b0f96ed73f2 test-data/small.fs.colsum.neq0.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/small.fs.colsum.neq0.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,6 @@ + cell1 cell3 cell4 cell5 cell6 cell7 cell9 +gene1 10.00 6 -10.10 10 1.10 0.00 0.00 +gene2 0.50 3 29.00 20 1.22 4.35 0.00 +gene3 2.00 3 3.21 30 1.56 8.45 1.05 +gene4 0.00 0 0.00 0 0.00 0.00 0.00 +gene5 1.00 0 -10.00 440 6.00 0.00 1.90 diff -r 000000000000 -r 1b0f96ed73f2 test-data/small.fs.elemgt2.mm2.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/small.fs.elemgt2.mm2.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,5 @@ + cell1 cell2 cell3 cell4 cell5 cell6 cell7 cell8 cell9 +gene1 10.00000 0 6 -10.10000 10 1.10000 0.00000 0 0.00000 +gene2 0.50000 0 3 29.00000 20 1.22000 4.35000 0 0.00000 +gene3 2.00000 0 3 3.21000 30 1.56000 8.45000 0 1.05000 +gene5 1.00000 0 0 -10.00000 440 6.00000 0.00000 0 1.90000 diff -r 000000000000 -r 1b0f96ed73f2 test-data/small.fs.elemnmatch0.mm4.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/small.fs.elemnmatch0.mm4.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,6 @@ + cell1 cell4 cell5 cell6 cell7 cell9 +gene1 10.0 -10.1 10 1.1 0.0 0.0 +gene2 0.5 29.0 20 1.22 4.35 0.0 +gene3 2.0 3.21 30 1.56 8.45 1.05 +gene4 0.0 0.0 0 0.0 0.0 0.0 +gene5 1.0 -10.0 440 6.0 0.0 1.9 diff -r 000000000000 -r 1b0f96ed73f2 test-data/small.fs.medvalcol.ge2.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/small.fs.medvalcol.ge2.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,6 @@ + cell3 cell5 +gene1 6 10 +gene2 3 20 +gene3 3 30 +gene4 0 0 +gene5 0 440 diff -r 000000000000 -r 1b0f96ed73f2 test-data/small.fs.rowsum.gt.50.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/small.fs.rowsum.gt.50.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,3 @@ + cell1 cell2 cell3 cell4 cell5 cell6 cell7 cell8 cell9 +gene2 0.50 0 3 29.00 20 1.22 4.35 0 0.00 +gene5 1.00 0 0 -10.00 440 6.00 0.00 0 1.90 diff -r 000000000000 -r 1b0f96ed73f2 test-data/small.fulltable.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/small.fulltable.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,6 @@ + cell1 cell2 cell3 cell4 cell5 cell6 cell7 cell8 cell9 +gene1 9.348972 5.043817 -10.251376 9.474774 0.249844 -0.674871 -0.684475 +gene2 -0.151028 2.043817 28.848624 19.474774 0.369844 3.675129 -0.684475 +gene3 1.348972 2.043817 3.058624 29.474774 0.709844 7.775129 0.365525 +gene4 -0.651028 -0.956183 -0.151376 -0.525226 -0.850156 -0.674871 -0.684475 +gene5 0.348972 -0.956183 -10.151376 439.474774 5.149844 -0.674871 1.215525 diff -r 000000000000 -r 1b0f96ed73f2 test-data/small.matapp.colcust.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/small.matapp.colcust.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,9 @@ +cell1 14.50 +cell2 0.00 +cell3 15.00 +cell4 12.11 +cell5 520.00 +cell6 11.10 +cell7 12.80 +cell8 0.00 +cell9 2.95 diff -r 000000000000 -r 1b0f96ed73f2 test-data/small.matapp.rowmax.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/small.matapp.rowmax.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,5 @@ +gene1 10 +gene2 29 +gene3 30 +gene4 0 +gene5 440 diff -r 000000000000 -r 1b0f96ed73f2 test-data/small.multiple.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/small.multiple.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,6 @@ + cell1 cell2 cell3 cell4 cell5 cell6 cell7 cell8 cell9 +gene1 23.401197 2.995732 15.258097 -17.907465 23.401197 5.249273 2.995732 2.995732 2.995732 +gene2 4.020425 2.995732 9.135494 61.891820 43.688879 5.494944 11.892532 2.995732 2.995732 +gene3 7.091042 2.995732 9.135494 9.564583 63.912023 6.190840 20.248148 2.995732 5.146901 +gene4 2.995732 2.995732 2.995732 2.995732 2.995732 2.995732 2.995732 2.995732 2.995732 +gene5 5.044522 2.995732 2.995732 -17.697415 886.131226 15.258097 2.995732 2.995732 6.886487 diff -r 000000000000 -r 1b0f96ed73f2 test-data/small.select.colsonly.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/small.select.colsonly.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,6 @@ + cell2 cell3 cell4 cell2 cell2 +gene1 0 6 -10.10 0 0 +gene2 0 3 29.00 0 0 +gene3 0 3 3.21 0 0 +gene4 0 0 0.00 0 0 +gene5 0 0 -10.00 0 0 diff -r 000000000000 -r 1b0f96ed73f2 test-data/small.select.rowsonly.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/small.select.rowsonly.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,5 @@ + cell1 cell2 cell3 cell4 cell5 cell6 cell7 cell8 cell9 +gene2 0.50 0 3 29.00 20 1.22 4.35 0 0.00 +gene3 2.00 0 3 3.21 30 1.56 8.45 0 1.05 +gene4 0.00 0 0 0.00 0 0.00 0.00 0 0.00 +gene5 1.00 0 0 -10.00 440 6.00 0.00 0 1.90 diff -r 000000000000 -r 1b0f96ed73f2 test-data/small.select.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/small.select.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,5 @@ + cell2 cell3 cell4 cell2 cell2 +gene2 0 3 29.00 0 0 +gene3 0 3 3.21 0 0 +gene4 0 0 0.00 0 0 +gene5 0 0 -10.00 0 0 diff -r 000000000000 -r 1b0f96ed73f2 test-data/small.tsv --- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/test-data/small.tsv Sat Aug 17 16:25:37 2019 -0400 @@ -0,0 +1,6 @@ + cell1 cell2 cell3 cell4 cell5 cell6 cell7 cell8 cell9 +gene1 10 0 6 -10.1 10 1.1 0 0 0 +gene2 0.5 0 3 29 20 1.22 4.35 0 0 +gene3 2 0 3 3.21 30 1.56 8.45 0 1.05 +gene4 0 0 0 0 0 0 0 0 0 +gene5 1 0 0 -10 440 6 0 0 1.9