From 630eadd594978d30acf77cea5d0cbf2337b22161 Mon Sep 17 00:00:00 2001 From: crohlicek Date: Fri, 1 Dec 2023 17:53:46 -0500 Subject: [PATCH 01/44] demo notebook update, config update, tests update --- insilicosv/processing.py | 9 +-- insilicosv/simulate.py | 24 ++----- test/test_known_svs.py | 3 +- test/test_processing.py | 2 +- test/test_simulate.py | 21 +++--- workflows/configs/demo_config.yaml | 1 + workflows/demo.ipynb | 101 +++++++++++++++-------------- 7 files changed, 72 insertions(+), 89 deletions(-) diff --git a/insilicosv/processing.py b/insilicosv/processing.py index 1f857f0..897075e 100644 --- a/insilicosv/processing.py +++ b/insilicosv/processing.py @@ -31,7 +31,6 @@ def run_checks_randomized(config): continue else: raise Exception("Number (of type int > 0) is a required parameter for all SVs") - # makes sure required attributes are written into parameter file if "min_length" not in config_sv: raise Exception("Min length must be specified on all SVs!") if "max_length" not in config_sv: @@ -39,7 +38,6 @@ def run_checks_randomized(config): if "number" not in config_sv: raise Exception("Number is a required parameter for all SVs") - # makes sure attributes are the correct datatype elif "type" in config_sv and not isinstance(config_sv["type"], str): raise Exception("Invalid {} type for SV \'type\' attribute, str expected".format(type(config_sv["type"]))) valid_optional_par = ["fail_if_placement_issues", "max_tries", "generate_log_file", "filter_small_chr", @@ -70,7 +68,6 @@ def postproc_config_dict(self): config_sv["length_ranges"] = [(config_sv["min_length"], config_sv["max_length"])] else: config_sv["length_ranges"] = list(zip(config_sv["min_length"], config_sv["max_length"])) - # make sure max_length >= min_length >= 0 assert all(max_len >= min_len >= 0 for (min_len, max_len) in config_sv["length_ranges"]), "Max length must be >= min length for all SVs! Also ensure that all length values are >= 0." if "divergence_prob" in config_sv: if config_sv["type"] != "DIVERGENCE": @@ -86,9 +83,6 @@ def postproc_config_dict(self): config_sv["target"] = None # setting default values for sim_settings fields - # if 'sim_settings' not in self.config.keys(): - # self.config['sim_settings'] = {'max_tries': 50, 'prioritize_top': True, 'fail_if_placement_issues': False} - # else: if 'max_tries' not in self.config['sim_settings']: self.config['sim_settings']['max_tries'] = 50 if 'fail_if_placement_issues' not in self.config['sim_settings']: @@ -220,7 +214,6 @@ def export_to_bedpe(self, svs, bedfile, ins_fasta=None, reset_file=True): # and target intervals taken from corresponding target events (if no match, then deletion) sv_record_info = {} for ev in sv.events_dict.values(): - # skip dispersion events if ev.symbol.startswith(Symbols.DIS.value): continue sv_record_info[ev.symbol] = {'source_s': ev.start, 'source_e': ev.end, 'sv': sv, 'event': ev, 'bedfile': bedfile, 'nth_sv': nth_sv + 1} @@ -338,7 +331,7 @@ def collect_args(): args = parser.parse_args() output_dir = os.path.dirname(args.config) - args_dict = {"ref": args.ref, "config": args.config, "ins_fasta": os.path.join(output_dir, "sim.insertions.fa"), + args_dict = {"config": args.config, "ins_fasta": os.path.join(output_dir, "sim.insertions.fa"), "hap1": os.path.join(output_dir, "sim.hapA.fa"), "hap2": os.path.join(output_dir, "sim.hapB.fa"), "bedpe": os.path.join(output_dir, "sim.bed"), "stats": os.path.join(output_dir, "sim.stats.txt"), "log_file": os.path.join(output_dir, "sim.log"), "random_seed": args.random_seed} diff --git a/insilicosv/simulate.py b/insilicosv/simulate.py index 3fe4e3d..c02d597 100644 --- a/insilicosv/simulate.py +++ b/insilicosv/simulate.py @@ -45,15 +45,13 @@ def get_info(self, svs): not event.symbol.startswith(Symbols.DIS.value)]) for sv in svs: - if sv.active: # only collect information for SVs that were successfully simulated + if sv.active: self.active_svs += 1 - # count up SVs of each type if sv.name in self.sv_types: self.sv_types[sv.name] += 1 else: self.sv_types[sv.name] = 1 - # count up zygosity if sv.hap[0] and sv.hap[1]: # homozygous SV self.num_homozygous += 1 else: # heterozygous SV @@ -96,24 +94,20 @@ def write_item(fout, name, item, prefix=""): class SV_Simulator: - def __init__(self, ref_file, par_file, log_file=None): + def __init__(self, par_file, log_file=None): """ - ref_file: file location to reference genome (.fasta or .fna or .fa) par_file: file location to configuration file (.yaml) log_file: location to store log file with diagnostic information if config parameters indicate so """ global time_start print("Setting up Simulator...") - # TODO: will need to extract the ref from the config - # self.ref_file = ref_file - # self.ref_fasta = FastaFile(ref_file) # FastaFile generates a new index file if one is not found self.formatter = FormatterIO(par_file) self.formatter.yaml_to_var_list() config = self.formatter.config self.ref_file = config['sim_settings']['reference'] - self.ref_fasta = FastaFile(self.ref_file) # FastaFile generates a new index file if one is not found - self.svs_config = config['SVs'] # config for what SVs to simulate + self.ref_fasta = FastaFile(self.ref_file) + self.svs_config = config['SVs'] self.sim_settings = config['sim_settings'] if log_file and "generate_log_file" in self.sim_settings.keys(): @@ -162,15 +156,12 @@ def __repr__(self): def log_to_file(self, info, key="DEBUG"): # only logs to file if config setting indicates so - log_func = [logging.debug, logging.warning] key_to_func = {"DEBUG": logging.debug, "WARNING": logging.warning} if "generate_log_file" in self.sim_settings and self.sim_settings["generate_log_file"]: key_to_func[key](info) - # logging.debug(info) def get_rand_chr(self, check_size=None, fixed_chrom=None): # random assignment of SV to a chromosome (unless we have a predetermined chromosome for this event) - # -> returns random chromosome and its length valid_chrs = self.order_ids if check_size is not None: valid_chrs = [chrom for chrom, chr_size in self.len_dict.items() if chr_size >= check_size] @@ -248,7 +239,7 @@ def initialize_svs(self): self.svs.append(sv) if not self.sim_settings["prioritize_top"]: random.shuffle(self.svs) - else: # <-- branch for mode == "fixed" + else: # mode == "fixed" self.process_vcf(self.vcf_path) def produce_variant_genome(self, fasta1_out, fasta2_out, ins_fasta, bedfile, stats_file=None, initial_reset=True, @@ -308,7 +299,7 @@ def choose_rand_pos(self, svs, ref_fasta, verbose=False): inactive_svs_total = 0 time_start_local = time.time() for sv in svs: - tries = 0 # number of attempts to place sv randomly + tries = 0 valid = False while not valid: tries += 1 @@ -428,7 +419,6 @@ def run_insilicosv(): if args["random_seed"]: random.seed(args["random_seed"]) print(f"Random seed: {args['random_seed']}") - fasta_in = args["ref"] yaml_in = args["config"] fasta1_out = args["hap1"] fasta2_out = args["hap2"] @@ -437,7 +427,7 @@ def run_insilicosv(): stats_file = args["stats"] log_file = args["log_file"] - sim = SV_Simulator(args["ref"], args["config"], log_file=args["log_file"]) + sim = SV_Simulator(args["config"], log_file=args["log_file"]) sim.produce_variant_genome(args["hap1"], args["hap2"], args["ins_fasta"], args["bedpe"], args["stats"], verbose=False) print("Simulation completed in {} seconds".format(time.time() - sim_start)) diff --git a/test/test_known_svs.py b/test/test_known_svs.py index a74f1f0..ba5c719 100644 --- a/test/test_known_svs.py +++ b/test/test_known_svs.py @@ -123,9 +123,8 @@ def setUp(self): def helper_test_simple_sv(self, config_event_obj, target_frags=None): # template test method for simple SVs config = config_event_obj - print(config) config.initialize_files() - fixed_sim = SV_Simulator(config.ref, config.par) + fixed_sim = SV_Simulator(config.par) fixed_sim.produce_variant_genome(config.hap1, config.hap2, config.ref, config.bed, export_to_file=False) changed_frag_hap1, changed_frag_hap2 = config.get_actual_frag(return_haps='both') config.remove_test_files() diff --git a/test/test_processing.py b/test/test_processing.py index df19b94..732563d 100644 --- a/test/test_processing.py +++ b/test/test_processing.py @@ -338,7 +338,7 @@ def initialize_test(self, test_objects_dict, sv_type, output_type='bed', ins_fas # function to execute the shared logic for simulating SVs from test objects and generating bed/vcf output config = test_objects_dict[sv_type] config.initialize_files() - curr_sim = SV_Simulator(config.ref, config.par) + curr_sim = SV_Simulator(config.par) curr_sim.apply_transformations(FastaFile(curr_sim.ref_file)) if output_type == 'bed': if ins_fasta: diff --git a/test/test_simulate.py b/test/test_simulate.py index 26dae28..d23e56f 100644 --- a/test/test_simulate.py +++ b/test/test_simulate.py @@ -608,7 +608,7 @@ def helper_test_known_output_svs(self, config_event_obj, target_frags=None): # target_frags: optional input frags to be checked for match with output frags config = config_event_obj config.initialize_files() - curr_sim = SV_Simulator(config.ref, config.par) + curr_sim = SV_Simulator(config.par) curr_sim.produce_variant_genome(config.hap1, config.hap2, config.ref, config.bed, export_to_file=False) changed_frag_1, changed_frag_2 = config.get_actual_frag(return_haps='both') config.remove_test_files() @@ -665,7 +665,7 @@ def test_overlap_placement_simple(self): continue config = self.test_objects_overlap_simple[i] config.initialize_files() - curr_sim = SV_Simulator(config.ref, config.par) + curr_sim = SV_Simulator(config.par) curr_sim.produce_variant_genome(config.hap1, config.hap2, config.ref, config.bed, export_to_file=False) changed_frag_1, changed_frag_2 = config.get_actual_frag(return_haps='both') if i == 0: @@ -693,12 +693,9 @@ def test_overlap_placement_complex(self): continue config = self.test_objects_overlap_cplx[i] config.initialize_files() - curr_sim = SV_Simulator(config.ref, config.par) + curr_sim = SV_Simulator(config.par) curr_sim.produce_variant_genome(config.hap1, config.hap2, config.ref, config.bed, export_to_file=False) # changed_frag_1, changed_frag_2 = config.get_actual_frag(return_haps='both') - for sv in curr_sim.svs: - print(f'SV: {(sv.start, sv.end)}') - print(f'SV source events: {[(ev.start, ev.end) for ev in sv.source_events]}') if i == 0: self.helper_test_known_output_svs(self.test_objects_overlap_cplx[i], ['CTGATGA', 'CGATGAT']) elif i == 1: @@ -735,7 +732,7 @@ def test_partial_overlap_placement(self): for i in range(len(self.test_objects_partial_overlap)): config = self.test_objects_partial_overlap[i] config.initialize_files() - curr_sim = SV_Simulator(config.ref, config.par) + curr_sim = SV_Simulator(config.par) curr_sim.produce_variant_genome(config.hap1, config.hap2, config.ref, config.bed, export_to_file=False) # to simplify checking the diffnt possible outcomes of each test: sorting SVs by start position curr_sim.svs.sort(key=lambda x: x.start) @@ -781,7 +778,7 @@ def test_mixed_known_element_placement(self): for i in range(len(self.test_objects_known_elt_mix)): config = self.test_objects_known_elt_mix[i] config.initialize_files() - curr_sim = SV_Simulator(config.ref, config.par) + curr_sim = SV_Simulator(config.par) curr_sim.produce_variant_genome(config.hap1, config.hap2, config.ref, config.bed, export_to_file=False) changed_frag_1, changed_frag_2 = config.get_actual_frag(return_haps='both') sv_intervals = [(sv.start, sv.end) for sv in curr_sim.svs] @@ -865,7 +862,7 @@ def test_avoid_intervals(self): # test of calling choose_rand_pos and avoiding pre-specified intervals config_no_dis = self.test_objects_no_dis[0] config_no_dis.initialize_files() - curr_sim = SV_Simulator(config_no_dis.ref, config_no_dis.par) + curr_sim = SV_Simulator(config_no_dis.par) curr_sim.sim_settings['max_tries'] = 2000 # define an interval in the simulation events dict that will be avoided in the pos choosing procedure curr_sim.event_ranges["Chromosome19"] = [(15, 83)] @@ -877,7 +874,7 @@ def test_load_avoid_intervals(self): # test of avoiding pre-specified intervals by reading them in from a vcf config_no_dis = self.test_objects_no_dis[4] config_no_dis.initialize_files() - curr_sim = SV_Simulator(config_no_dis.ref, config_no_dis.par) + curr_sim = SV_Simulator(config_no_dis.par) # --> example config is a chr19 DEL from pos 15-83 (same as above test) curr_sim.sim_settings['max_tries'] = 2000 curr_sim.choose_rand_pos(curr_sim.svs, curr_sim.ref_fasta) @@ -887,13 +884,13 @@ def test_chromosome_filtering(self): for i in range(len(self.test_objects_filter_chroms)): config_filter_chrom = self.test_objects_filter_chroms[i] config_filter_chrom.initialize_files() - curr_sim = SV_Simulator(config_filter_chrom.ref, config_filter_chrom.par) + curr_sim = SV_Simulator(config_filter_chrom.par) self.assertEqual(set(curr_sim.len_dict.keys()), ({'chr21'} if i == 0 else set())) def test_req_space_filtering(self): config_req_sapce = self.test_objects_req_space[0] config_req_sapce.initialize_files() - curr_sim = SV_Simulator(config_req_sapce.ref, config_req_sapce.par) + curr_sim = SV_Simulator(config_req_sapce.par) with self.assertRaises(Exception): curr_sim.choose_rand_pos(curr_sim.svs, curr_sim.ref_fasta) diff --git a/workflows/configs/demo_config.yaml b/workflows/configs/demo_config.yaml index c12ec00..80ca292 100644 --- a/workflows/configs/demo_config.yaml +++ b/workflows/configs/demo_config.yaml @@ -1,5 +1,6 @@ # YAML CONFIG FILE sim_settings: + reference: 'chr21_ref/chr21.fa' max_tries: 200 prioritize_top: True SVs: diff --git a/workflows/demo.ipynb b/workflows/demo.ipynb index 6fa34fc..570515b 100644 --- a/workflows/demo.ipynb +++ b/workflows/demo.ipynb @@ -23,7 +23,6 @@ }, "outputs": [], "source": [ - "import igv_notebook\n", "import pandas as pd\n", "import numpy as np\n", "import seaborn as sns\n", @@ -52,14 +51,14 @@ "outputs": [], "source": [ "%%sh\n", - "cat ./config.yaml" + "cat ./configs/demo_config.yaml" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "Creating output directory and downloading chr21 reference" + "Downloading chr21 reference" ] }, { @@ -74,20 +73,35 @@ "outputs": [], "source": [ "%%sh\n", - "mkdir -p output\n", "mkdir -p chr21_ref\n", "\n", "wget --directory-prefix=chr21_ref/ https://hgdownload.soe.ucsc.edu/goldenPath/hg38/chromosomes/chr21.fa.gz\n", - "gunzip chr21_ref/chr21.fa\n", - "\n", - "samtools faidx chr21_ref/chr21.fa" + "gunzip chr21_ref/chr21.fa" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Instantiating and populating the output directory (`simulate.py` places all output files in the directory containing the config, so we copy the demo config there)." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "%%sh\n", + "mkdir -p output\n", + "cp ./configs/demo_config.yaml ./output/." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "`simulate.py` is called with the above config and the chromosome 21 reference as input, specifies `./output/sim` as the output prefix for the files that will be generated, and sets a random seed for the simulation (an optional input for `simulate.py`)." + "`simulate.py` is called with the above config as input, and a random seed is set for the simulation (an optional input)." ] }, { @@ -97,7 +111,7 @@ "outputs": [], "source": [ "%%sh\n", - "python ../simulate.py chr21_ref/chr21.fa ./config.yaml ./output/sim --random_seed 42" + "python ../insilicosv/simulate.py ./output/demo_config.yaml --random_seed 42" ] }, { @@ -123,7 +137,7 @@ "source": [ "## Read simulation\n", "### Short-read simulation\n", - "The command below is set to generate synthetic paired-end short reads at 10x coverage (5x per haplotype). Definitions for some of the DWGSIM input parameters are given below:\n", + "Below we combine the two haplotype fasta sequence and generate synthetic paired-end short reads at 10x coverage. Definitions for some of the DWGSIM input parameters are given below:\n", "```\n", " -C FLOAT mean coverage across available positions (-1 to disable) [100.00]\n", " -1 INT length of the first read [70]\n", @@ -143,28 +157,20 @@ "outputs": [], "source": [ "%%sh\n", - "DWGSIM_PATH=dwgsim\n", - "$DWGSIM_PATH -C 5 -1 151 -2 151 -y 0 -S 0 -c 0 -m /dev/null -H output/sim.hapA.fa output/sim_sr.dwgsim.hap.1\n", - "$DWGSIM_PATH -C 5 -1 151 -2 151 -y 0 -S 0 -c 0 -m /dev/null -H output/sim.hapB.fa output/sim_sr.dwgsim.hap.2" + "mv output/sim.hapA.fa output/sim.fa\n", + "cat output/sim.hapB.fa >> output/sim.fa\n", + "rm output/sim.hapB.fa\n", + "\n", + "COVERAGE=10\n", + "READ_LEN=151\n", + "dwgsim -C $COVERAGE -1 $READ_LEN -2 $READ_LEN -y 0 -S 0 -c 0 -o 1 -m /dev/null -H output/sim.fa output/sim_sr.dwgsim" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "After generating the haplotype-specific read sets, we combine them and align with BWA" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "%%sh\n", - "mv output/sim_sr.dwgsim.hap.1.bfast.fastq.gz output/sim_sr.dwgsim.hap.12.fastq.gz\n", - "cat output/sim_sr.dwgsim.hap.2.bfast.fastq.gz >> output/sim_sr.dwgsim.hap.12.fastq.gz\n", - "rm output/sim_sr.dwgsim.hap.2.bfast.fastq.gz" + "After generating the reads, we align with BWA" ] }, { @@ -174,9 +180,8 @@ "outputs": [], "source": [ "%%sh\n", - "BWA_PATH=../../bwa-0.7.17/bwa\n", - "$BWA_PATH index chr21_ref/chr21.fa\n", - "$BWA_PATH mem -p chr21_ref/chr21.fa output/sim_sr.dwgsim.hap.12.fastq.gz | samtools view -Sb - > output/sim_sr.bwamem.bam" + "bwa index chr21_ref/chr21.fa\n", + "bwa mem chr21_ref/chr21.fa output/sim_sr.dwgsim.bwa.read1.fastq.gz outout/sim_sr.dwgsim.bwa.read2.fastq.gz | samtools view -Sb - > output/sim_sr.bwamem.bam" ] }, { @@ -222,10 +227,9 @@ "outputs": [], "source": [ "%%sh\n", - "PBSIM_PATH=../../pbsim3/src/pbsim\n", - "PBSIM_MODEL_PATH=\"$(dirname \"$(dirname \"$PBSIM_PATH\")\")\"/data/QSHMM-RSII.model\n", - "$PBSIM_PATH --strategy wgs --method qshmm --qshmm $PBSIM_MODEL_PATH --depth 5 --accuracy-mean 0.999 --accuracy-min 0.99 --length-min 18000 --length-mean 20000 --length-max 22000 --genome output/sim.hapA.fa --prefix output/sim_lr.hapA\n", - "$PBSIM_PATH --strategy wgs --method qshmm --qshmm $PBSIM_MODEL_PATH --depth 5 --accuracy-mean 0.999 --accuracy-min 0.99 --length-min 18000 --length-mean 20000 --length-max 22000 --genome output/sim.hapB.fa --prefix output/sim_lr.hapB" + "PBSIM_HOME_PATH=../../pbsim3\n", + "COVERAGE=10\n", + "pbsim --strategy wgs --method qshmm --qshmm $PBSIM_HOME_PATH/data/QSHMM-RSII.model --depth $COVERAGE --accuracy-mean 0.999 --accuracy-min 0.99 --length-min 18000 --length-mean 20000 --length-max 22000 --genome output/sim.fa --prefix output/sim_lr" ] }, { @@ -235,11 +239,11 @@ "outputs": [], "source": [ "%%sh\n", - "mv output/sim_lr.hapA_0001.fastq output/sim_lr.hap12.fastq\n", - "cat output/sim_lr.hapB_0001.fastq >> output/sim_lr.hap12.fastq\n", - "rm output/sim_lr.hapB_0001.fastq\n", - "rm output/*_0001.maf\n", - "rm output/*_0001.ref" + "mv output/sim_lr_0001.fastq output/sim_lr.hap12.fastq\n", + "cat output/sim_lr_0002.fastq >> output/sim_lr.hap12.fastq\n", + "rm output/sim_lr_0002.fastq\n", + "rm output/*.maf\n", + "rm output/*.ref" ] }, { @@ -249,8 +253,7 @@ "outputs": [], "source": [ "%%sh\n", - "MINIMAP_PATH=../../minimap2-2.26/minimap2\n", - "$MINIMAP_PATH --eqx -ax map-hifi chr21_ref/chr21.fa output/sim_lr.hap12.fastq | samtools view -Sb > output/sim_lr.minimap2.bam" + "minimap2 --eqx -ax map-hifi chr21_ref/chr21.fa output/sim_lr.hap12.fastq | samtools view -Sb > output/sim_lr.minimap2.bam" ] }, { @@ -455,7 +458,7 @@ " out.write(f'snapshot {rec.chrom}_{rec.start}_{rec.stop}_{svtype}.png\\n')\n", " out.close()\n", "\n", - "generate_script(input_vcfs=['output/sim.vcf'], bam_paths=['output/sim_sr.bwamem.sorted.bam', 'output/sim_lr.minimap2.sorted.bam'],\n", + "generate_script(input_vcfs=['output/sim.vcf'], bam_paths=['output/sim_sr_TEST.bwamem.sorted.bam', 'output/sim_lr.minimap2.sorted.bam'],\n", " vcf_paths=['output/sim.vcf'], output_batch_script_path='IGV_screenshots/IGV_batch_script.txt',\n", " igv_screenshot_dir='./IGV_screenshots', min_svlen=0, max_svlen=250000)" ] @@ -491,7 +494,7 @@ "outputs": [], "source": [ "%%sh\n", - "PATH_TO_IGV=~/Documents/software/IGV_2.16.0/igv.sh\n", + "PATH_TO_IGV=../../IGV_2.16.0/igv.sh\n", "sh $PATH_TO_IGV -b IGV_screenshots/IGV_batch_script.txt" ] }, @@ -501,7 +504,7 @@ "metadata": {}, "outputs": [], "source": [ - "Image(filename='IGV_screenshots/chr21_40878089_40878743_DEL.png')" + "Image(filename='IGV_screenshots/chr21_23841813_23842113_DEL.png')" ] }, { @@ -510,7 +513,7 @@ "metadata": {}, "outputs": [], "source": [ - "Image(filename='IGV_screenshots/chr21_26921713_26922366_DUP.png')" + "Image(filename='IGV_screenshots/chr21_25464823_25465098_DUP.png')" ] }, { @@ -519,7 +522,7 @@ "metadata": {}, "outputs": [], "source": [ - "Image(filename='IGV_screenshots/chr21_9370432_9370586_INV.png')" + "Image(filename='IGV_screenshots/chr21_14269125_14269334_INV.png')" ] }, { @@ -528,7 +531,7 @@ "metadata": {}, "outputs": [], "source": [ - "Image(filename='IGV_screenshots/chr21_9285293_9285424_dDUP.png')" + "Image(filename='IGV_screenshots/chr21_37672777_37673392_dDUP.png')" ] }, { @@ -541,9 +544,9 @@ ], "metadata": { "kernelspec": { - "display_name": "insilicoSV_env", + "display_name": "insilicoSV_env_new", "language": "python", - "name": "insilicosv_env" + "name": "insilicosv_env_new" }, "language_info": { "codemirror_mode": { @@ -555,7 +558,7 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.9.16" + "version": "3.7.11" } }, "nbformat": 4, From 06556397cecb77154eb604c8500f15762fbf2dca Mon Sep 17 00:00:00 2001 From: crohlicek Date: Fri, 1 Dec 2023 20:42:04 -0500 Subject: [PATCH 02/44] PR updates to demo notebook --- workflows/demo.ipynb | 5 ++--- 1 file changed, 2 insertions(+), 3 deletions(-) diff --git a/workflows/demo.ipynb b/workflows/demo.ipynb index 570515b..7e01e8c 100644 --- a/workflows/demo.ipynb +++ b/workflows/demo.ipynb @@ -458,7 +458,7 @@ " out.write(f'snapshot {rec.chrom}_{rec.start}_{rec.stop}_{svtype}.png\\n')\n", " out.close()\n", "\n", - "generate_script(input_vcfs=['output/sim.vcf'], bam_paths=['output/sim_sr_TEST.bwamem.sorted.bam', 'output/sim_lr.minimap2.sorted.bam'],\n", + "generate_script(input_vcfs=['output/sim.vcf'], bam_paths=['output/sim_sr.bwamem.sorted.bam', 'output/sim_lr.minimap2.sorted.bam'],\n", " vcf_paths=['output/sim.vcf'], output_batch_script_path='IGV_screenshots/IGV_batch_script.txt',\n", " igv_screenshot_dir='./IGV_screenshots', min_svlen=0, max_svlen=250000)" ] @@ -494,8 +494,7 @@ "outputs": [], "source": [ "%%sh\n", - "PATH_TO_IGV=../../IGV_2.16.0/igv.sh\n", - "sh $PATH_TO_IGV -b IGV_screenshots/IGV_batch_script.txt" + "sh igv.sh -b IGV_screenshots/IGV_batch_script.txt" ] }, { From 3902e561b040dfedec77600434147c54c4f140d4 Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Fri, 1 Dec 2023 21:31:37 -0500 Subject: [PATCH 03/44] move wiki to git (#1) * moving docs from wiki to git * fix more image references * fix more links * added pip install instructions * change command line to use the insilicosv CLI entry point. remove docs about deleted scripts generate_synthetic_genome.sh and divergent_repeat_augmentation.sh --- README.md | 29 +- ...ated_pipelines_and_additional_utilities.md | 7 + docs/benchmark_genomes.md | 17 ++ docs/example_sv_visualizations.md | 63 +++++ docs/example_use_cases.md | 252 ++++++++++++++++++ docs/input_guidelines.md | 58 ++++ docs/sv_grammar.md | 19 ++ 7 files changed, 430 insertions(+), 15 deletions(-) create mode 100644 docs/automated_pipelines_and_additional_utilities.md create mode 100644 docs/benchmark_genomes.md create mode 100644 docs/example_sv_visualizations.md create mode 100644 docs/example_use_cases.md create mode 100644 docs/input_guidelines.md create mode 100644 docs/sv_grammar.md diff --git a/README.md b/README.md index 9e237c3..219ecff 100644 --- a/README.md +++ b/README.md @@ -6,34 +6,33 @@ TODO ## Installation -Prerequisite: Python 3.6 and up - [Install](https://www.python.org/downloads/) +Prerequisite: Python 3.8 and up - [Install](https://www.python.org/downloads/) -* Clone the repository: ```git clone git@github.com:PopicLab/insilicoSV.git ``` - -TODO: list of installation options - -* `$ pip install -r install/requirements.txt` - -* Set the ```PYTHONPATH``` as follows: ```export PYTHONPATH=${PYTHONPATH}:/path/to/insilicoSV``` +Installation using pip: +* `$ pip install insilicosv` ## To Run ``` -python simulate.py +insilicosv ``` ## Documentation For documentation outlining the different features of insilicoSV along with usage examples and data resources, please refer to the wiki: -- [Input guidelines](https://github.com/PopicLab/insilicoSV/wiki#input-guidelines) -- [Example Use Cases](https://github.com/PopicLab/insilicoSV/wiki#example-use-cases) -- [SV Grammar](https://github.com/PopicLab/insilicoSV/wiki/SV-Grammar) -- [Benchmark Genomes](https://github.com/PopicLab/insilicoSV/wiki/Benchmark-Genomes) -- [Automated Pipelines and Additional Utilities](https://github.com/PopicLab/insilicoSV/wiki/Automated-pipelines-and-additional-utilities) -- [Example SV Visualizations](https://github.com/PopicLab/insilicoSV/wiki/Example-SV-visualizations) +- [Input guidelines](docs/input_guidelines.md) +- [Example Use Cases](docs/example_use_cases.md) +- [SV Grammar](docs/sv_grammar.md) +- [Benchmark Genomes](docs/benchmark_genomes.md) +- [Additional Utilities](docs/automated_pipelines_and_additional_utilities.md) +- [Example SV Visualizations](docs/example_sv_visualizations.md) ## Authors Chris Rohlicek - crohlice@broadinstitute.org Nick Jiang - nickj@berkeley.edu + +Ilya Shlyakhter - ilya@broadinstitute.org + +Victoria Popic - vpopic@broadinstitute.org diff --git a/docs/automated_pipelines_and_additional_utilities.md b/docs/automated_pipelines_and_additional_utilities.md new file mode 100644 index 0000000..ccfa814 --- /dev/null +++ b/docs/automated_pipelines_and_additional_utilities.md @@ -0,0 +1,7 @@ +# Additional Utilities + +### Additional utils +One of the features of `utils.py` is a function `get_original_base_pos(query_vcf, query_loc, query_chrom)` which takes in a +query position and vcf describing the SVs populating a given mutated genome (e.g., a vcf of the form that is output by insilicoSV +after simulation) and calculates the location of the corresponding base in the original reference. This function can be called +directly from the command line with a call of the form: diff --git a/docs/benchmark_genomes.md b/docs/benchmark_genomes.md new file mode 100644 index 0000000..8f1a24a --- /dev/null +++ b/docs/benchmark_genomes.md @@ -0,0 +1,17 @@ +# Benchmark genomes + +We provide here two synthetic genomes that can be used for benchmarking purposes. The first genome provides a context-free benchmark meant to provide a bias-free general-purpose survey set of simple and complex SVs across all primary chromosomes of GRCh38. The second genome provides a context-aware benchmark, with a set of simple and complex SVs places at the locations of randomly chosen L1 repetitive elements – the SV types included in this benchmark genome are those which have known associations with L1 elements. + +# Context-free benchmark +This benchmark contains 750 deletions, duplications, inversions, insertions, inverted duplications, dispersed duplications, inverted dispersed duplications, and translocations randomly placed across chromosomes 1 through 22 of GRCh38. Each SV type is simulated in three equal-sized groups with different length distributions meant to give the user the option to consider small (50bp - 1,000bp), medium (1,000bp - 10,000bp), or large (10,000bp – 250,000bp) variants separately or together. This benchmark is populated with equal quantities of each SV type explicitly to provide a fully balanced evaluation set that will be free from any biases of SV count, size, or location that might occur if one is using real data or synthetic data meant to mimic these aspects of real data. Evaluation on a balanced dataset is critical to identifying points of weakness of an SV analysis pipeline because performance metrics from a model that is tuned to a specific case of SV might be inflated if the evaluation set is overly representative of that case. This synthetic genome is meant to provide a general-purpose survey set of simple and complex variants with completely random placement. + +Below we provide the links to the edited reference files as well as the `.vcf` and `.bed` files describing all of the groundtruth SV placement, as well as the type-specific SV length distributions. +![Context-free benchmark](sample_imgs/context_free_bench.png) +- ***Links to datasets*** + +# Context-aware benchmark +The second synthetic genome provides a context-aware benchmark in which an equal number (200 each) of deletions, duplications, inversions, dispersed duplications, inverted dispersed duplications, and translocations are placed throughout chromosome 1 through 22 of GRCh38 at positions that overlap repetitive genome elements to which those types have a known association. The SV-element associations that are included in this benchmark are those between L1 elements and dispersion-based events and deletions, duplications, and inversions. In order to provide a similarly unbiased evaluation set to the context-free genome described above, insilicoSV sampled L1 elements randomly (limiting the selections to be those L1 intervals at least 50bp in length) to be used as the source interval locations for the various SVs included in the output genome. + +Below we provide the links to the edited reference files as well as the `.vcf` and `.bed` files describing all of the groundtruth SV placement, as well as the type-specific SV length distributions. +![Context-free benchmark](sample_imgs/context_aware_bench.png) +- ***Links to datasets*** diff --git a/docs/example_sv_visualizations.md b/docs/example_sv_visualizations.md new file mode 100644 index 0000000..c96c7fd --- /dev/null +++ b/docs/example_sv_visualizations.md @@ -0,0 +1,63 @@ +# Example SV Visualizations + +Below are IGV pileup images of each of the predefined SV types with short read alignment and pair orientation highlighted to demonstrate the alignment signatures manifested by each SV. + +### DEL +A $→ ∅$ +![DEL](sample_imgs/DEL_39373784_39375651.png) +### DUP +A $→$ AA' +![DUP](sample_imgs/DUP_19113463_19118988.png) +### INV +A $→$ a +![INV](sample_imgs/INV_40759267_40767611.png) +### INS +$∅ →$ A +![INS](sample_imgs/INS_37651377.png) +### dDUP +A\_ $→$ A\_A' +![dDUP](sample_imgs/dDUP_39772358_39773214_39778332.png) +### INV_dDUP +A\_ $→$ A\_a' +![INV_dDUP](sample_imgs/INV_dDUP_13067243_13067756_13077502.png) +### TRA +A\_ $→$ \_A +![TRA](sample_imgs/TRA_26365789_26366373_26356292.png) +### dupINVdup +ABC $→$ Ac'ba'C +![dupINVdup](sample_imgs/dupINVdup_39017470_39019883.png) +### dupINVdel +ABC $→$ Aba' +![dupINVdel](sample_imgs/dupINVdel_15375930_15378280.png) +### delINVdup +ABC $→$ c'bC' +![delINVdup](sample_imgs/delINVdup_42086110_42088387.png) +### delINVdel +ABC $→$ b +![delINVdel](sample_imgs/delINVdel_36691416_36693867.png) +### dDUP_iDEL +A\_B $→$ A\_A' +![dDUP_iDEL](sample_imgs/dDUP_iDEL_20291195_20301357.png) +### INS_iDEL +A\_B $→$ \_A' +![INS_iDEL](sample_imgs/INS_iDEL_39700749_39701724_39693224.png) +### INVdup +A $→$ aa' +![INVdup](sample_imgs/INVdup_17044647_17045589.png) +### dup_INV +AB $→$ Aba' +![dup_INV](sample_imgs/dup_INV_38928832_38930487.png) +### INV_dup +AB $→$ b'aB +![INV_dup](sample_imgs/INV_dup_21190415_21191709.png) +### delINV +AB $→$ b +![delINV](sample_imgs/delINV_44483168_44484875.png) +### INVdel +AB $→$ a +![INVdel](sample_imgs/INVdel_18169245_18170527.png) +### divergence +A $→$ A\* +![divergence](sample_imgs/DIVERGENCE_20798718_20799646.png) +### divergent repeat +![divergent_repeat](sample_imgs/div_repeat_19857334_19865475.png) diff --git a/docs/example_use_cases.md b/docs/example_use_cases.md new file mode 100644 index 0000000..445e0ff --- /dev/null +++ b/docs/example_use_cases.md @@ -0,0 +1,252 @@ +# Example Use Cases +insilicoSV provides various simulation modes that can be used together or separately to generate synthetic genomes with varying levels of control over SV placement. Examples of the different use cases are provided below. + +### Example 1 - Predefined SVs +To incorporate SVs from the predefined library of SV types, a configuration file of the following form can be provided with parameters provided for the count and min/max length for each set of SVs to be included in the output genome. +```yaml +# YAML config file +sim_settings: + max_tries: 200 + prioritize_top: True +SVs: + - type: "INS" + number: 10 + min_length: 5 + max_length: 10 + - type: "INVdel" + number: 2 + min_length: 5 + max_length: 10 + - type: "dupINVdel" + number: 1 + min_length: + - 5 + - 10 + - 5 + max_length: + - 10 + - 15 + - 10 +``` +The output of the simulation run with the above config file would include a `.bed` file such as the following describing the placement of each SV: +``` +# BED file +Chromosome21 148 149 Chromosome21 148 149 INS 10 0/1 INS 1 1 +Chromosome19 5 6 Chromosome19 5 6 INS 6 0/1 INS 2 1 +Chromosome19 38 39 Chromosome19 38 39 INS 7 1/1 INS 3 1 +Chromosome21 48 49 Chromosome21 48 49 INS 8 1/1 INS 4 1 +Chromosome19 86 87 Chromosome19 86 87 INS 10 0/1 INS 5 1 +Chromosome19 64 65 Chromosome19 64 65 INS 9 1/1 INS 6 1 +Chromosome19 7 8 Chromosome19 7 8 INS 10 0/1 INS 7 1 +Chromosome21 141 142 Chromosome21 141 142 INS 8 1/1 INS 8 1 +Chromosome19 74 75 Chromosome19 74 75 INS 10 1/1 INS 9 1 +Chromosome19 60 61 Chromosome19 60 61 INS 7 0/1 INS 10 1 +Chromosome21 23 31 Chromosome21 23 31 INV 7 0/1 INVdel 11 0 +Chromosome21 30 36 Chromosome21 30 31 DEL 5 0/1 INVdel 11 0 +Chromosome21 122 132 Chromosome21 122 132 INV 9 1/1 INVdel 12 0 +Chromosome21 131 142 Chromosome21 131 132 DEL 10 1/1 INVdel 12 0 +Chromosome19 93 106 Chromosome19 93 106 INV 12 0/1 dupINVdel 13 0 +Chromosome19 88 94 Chromosome19 105 106 INVDUP 5 0/1 dupINVdel 13 1 +Chromosome19 105 113 Chromosome19 105 106 DEL 7 0/1 dupINVdel 13 0 +``` +### *Example 1a* - Example config with entire insilicoSV vocabulary +This [gist](https://gist.github.com/crohlicek/9d529e600508870b1424d1f41215acb8) contains an example config file specifying the subevent size ranges for each event. + +### Example 1b - Example SNP specification +We include SNPs as an available event type for simulation and admit them to the input config files with a modified form of the default SV config info used for other events. +Because SNPs are only a single base in length, they only need to be specified with `number` as in the example below: +```yaml +SVs: + - type: "SNP" + number: 10 +``` +Usage of this event type is otherwise the same. + +### Example 2 - Custom SVs +Similar to specifying predefined SVs for a simulation, custom SVs can be specified by manually describing the desired variant with the grammatical notation described in [SV grammar](sv_grammar.md). An example input config and output `.bed` file are given below: +```yaml +# YAML config file +SVs: + - type: "Custom" + source: AB_C_D + target: bb'_AEc'_EDC + number: 1 + min_length: + - 5 # A + - 6 # B + - 7 # C + - 8 # D + - 10 # E + - 10 # first _ + - 15 # second _ + max_length: + - 10 + - 10 + - 10 + - 10 + - 15 + - 15 + - 20 +``` +``` +# BEDPE file +Chromosome21 100 110 Chromosome21 100 110 INV 9 0/1 AB_C_D>bb'_AEc'_EDC 1 0 +Chromosome21 100 110 Chromosome21 109 110 INVDUP 9 0/1 AB_C_D>bb'_AEc'_EDC 1 1 +Chromosome21 92 101 Chromosome21 124 125 TRA 8 0/1 AB_C_D>bb'_AEc'_EDC 1 1 # order important for insertion-like operations at the same position +Chromosome21 124 125 Chromosome21 124 125 INS 14 0/1 AB_C_D>bb'_AEc'_EDC 1 2 +Chromosome21 124 135 Chromosome21 124 125 INVDUP 10 0/1 AB_C_D>bb'_AEc'_EDC 1 3 +Chromosome21 150 151 Chromosome21 150 151 INS 14 0/1 AB_C_D>bb'_AEc'_EDC 1 1 +Chromosome21 124 135 Chromosome21 159 160 TRA 10 0/1 AB_C_D>bb'_AEc'_EDC 1 1 +``` + +### Example 3 - Editing reference with input SVs +To edit an input reference file with a known set of SVs the user can provide a VCF file containing the SVs in the yaml +of format shown above. The events in the VCF must be non-overlapping. All single-interval and dispersion-based predefined variant types are supported for this use case +(i.e., DEL, DUP, INV, INS, dDUP, INV_dDUP, TRA, INVdup, and SNP). For insertions, events may be specified with the insertion +sequence given in an INFO field called `INSSEQ` (provided a matching header line is included as well). All VCF records are +expected to include an info field `SVTYPE` to record event type. The commandline call to perform this reference edit is: +```yaml +# YAML config file +SVs: + - vcf_path: {path_to_vcf} +``` +``` +insilicosv +``` + +### Example 4 - Marking banned intervals of the genome +When initializing a new simulation the user can include a list of banned genome intervals (i.e., intervals in which no SVs will be simulated) via a VCF given in the `avoid_intervals` entry of the `SVs` section of the config file: +```yaml +sim_settings: + max_tries: 200 + prioritize_top: True +SVs: + - avoid_intervals: "{path}/{to}/{banned_intervals}.vcf" + - type: "DEL" + number: 3 + min_length: 1000 + max_length: 10000 + - type: "DUP" + number: 3 + ... +``` +The entries of the VCF will only have the interval information extracted under this feature, so an arbitrary record ID and SVTYPE can be provided (e.g., 'EMPTY') + + +### Example 5 - Placing events at known repetitive element intervals +To augment a randomized simulation of events onto an input reference, the user can include in the simulation config +file the path to a .bed file containing known element intervals (e.g., known repetitive elements taken from RepeatMasker). +In addition to providing the path to the relevant .bed file(s), the user will also need to specify how many of each +event type they wish to be placed at events from the .bed file. An example config with these inputs is: +```yaml +sim_settings: + max_tries: 200 + prioritize_top: True +overlap_events: + bed: '/{path_to}/{candidate_overlap_events}.bed' +SVs: + - type: "DEL" + number: 10 + min_length: + - 5 + max_length: + - 5 + num_overlap: 5 + - type: "DUP" + number: 10 + min_length: + - 5 + max_length: + - 5 + num_overlap: 2 +``` +Multiple .bed files can be given as input and their records will be combined and drawn from during event placement (in this +case the user should provide a list of paths). Additionally, the user can provide a list of repetitive element types that +will be allowed for event placement during simulation (.bed records of all other types being ignored). An example entry +with multiple .bed files and specified allowed types is: +```yaml +overlap_events: + bed: ['/{path_to}/{candidate_overlap_events_1}.bed','/{path_to}/{candidate_overlap_events_2}.bed'] + allow_types: ['L1HS', 'L1PA3'] +``` +While the simulator is placing each set of events, the first (`num_overlap`) events of that type will have their location +given by an event from the .bed file given in the `overlap_events` field that falls within the specified size range for +that SV type. Events from the `overlap_events` .bed file(s) will be shuffled on input, and the file is required to have +the first four columns of standard .bed records (chrom, chromStart, chromEnd, name). + +The labels in the `allow_types` field can be given either as full element names or prefixes. For instance, if 'L1' is provided +then all elements in the input .bed file(s) with 'L1' in the name will be considered for selection. + +The output .vcf file will label which events were placed at specified intervals with the additional INFO field +`OVERLAP_EV={evt. name}', as in this example record: +``` +chr21 18870078 DEL N DEL 100 PASS END=18876908;SVTYPE=DEL;SVLEN=6831;OVERLAP_EV=L1HS GT 0/1 +``` +For events involving dispersions (dDUP, INV_dDUP, TRA) the position is assigned such that the source event of the SV (the component +getting duplicated or translocated) is placed at the selected element interval. For complex events with multiple non-dispersion +source fragments (e.g., delINVdel), one of the non-dispersion source fragments is chosen at random to be the overlapping +component with the selected known element. + +### Example 5a - Placing DUPs or DELs at Alu-mediated intervals +An additional use case for the above known-element placement is to place deletion or tandem duplication events in between Alu elements in the genome (Alu-mediated CNVs being a well-studied case of SV/repetitive element relation – e.g., [Gu et al., 2015](https://academic.oup.com/hmg/article/24/14/4061/2385874)). Alu-mediated DELs or DUPs can be specified in the same way as the above cases of specifying overlap, but instead by specifying the desired number of Alu-mediated SVs with the config field `num_alu_mediated`. An example config file is given below: +```yaml +sim_settings: + max_tries: 200 + prioritize_top: True +overlap_events: + bed: '/{path_to}/{candidate_overlap_events}.bed' +SVs: + - type: "DEL" + number: 10 + min_length: 500 + max_length: 1000 + num_alu_mediated: 5 +``` + +### Example 5b - Specifying different overlap counts for different element types +In situations where a list of different `allow_types` are given alongside the input .bed file of known elements, different counts can be given for the different element types listed in the `allow_types` field. For example, the augmented version of the above example shows how one might specify that a different number of DELs should be places at L1HS intervals than should be placed at L1PA3 intervals: +```yaml +overlap_events: + bed: ['/{path_to}/{candidate_overlap_events_1}.bed','/{path_to}/{candidate_overlap_events_2}.bed'] + allow_types: ['L1HS', 'L1PA3'] +SVs: + - type: "DEL" + number: 10 + min_length: 500 + max_length: 1000 + num_overlap: [3, 5] +``` +By providing a list in the `num_overlap` field, each number given in the list will be interpreted as the desired overlap count for the corresponding entry in the `allow_types` list. As a result, any list given in the `num_overlap` field must be of the same length as the `allow_types` list. `0` is a valid entry in the `num_overlap` list, as would be required if one wished to only specify overlap counts for a subset of the element types given in `allow_types`. + +### Example 5c - Partial Overlap +In the same way that SVs can be made to completely overlap known element intervals in the various ways described above, they can also be made to *partially* overlap known element intervals. This can be done using SV config field `num_partial_overlap` which operated in the same way as `num_overlap`. An analogous version of the above example with partial overlap is given below: +```yaml +overlap_events: + bed: ['/{path_to}/{candidate_overlap_events_1}.bed','/{path_to}/{candidate_overlap_events_2}.bed'] + allow_types: ['L1HS', 'L1PA3'] +SVs: + - type: "DEL" + number: 10 + min_length: 500 + max_length: 1000 + num_partial_overlap: [3, 5] +``` + +**The various types of known element placement are not mutually exclusive and can be used concurrently (when appropriate with respect to the types of SVs being simulated)** + +### Example 6 - Divergent intervals +In addition to the various SV types included in the predefined library, insilicoSV also allows for the simulation of divergent +intervals in which a random proportion of the bases in a given interval will be corrupted with some probability `p`. Divergent +intervals can be included in the same way as any of the SVs provided, accessible through the type name `'DIVERGENCE'`. The +probability parameter by which each base will be randomly changed can be optionally provided by the user as shown in the example +below (and if it is not provided it will be drawn uniformly from (0.5, 1.0)): +```yaml +SVs: + - type: "DIVERGENCE" + number: 3 + divergence_prob: 0.2 + min_length: + - 500 + max_length: + - 1000 +``` diff --git a/docs/input_guidelines.md b/docs/input_guidelines.md new file mode 100644 index 0000000..55b9d72 --- /dev/null +++ b/docs/input_guidelines.md @@ -0,0 +1,58 @@ +# Input Guidelines +insilicoSV takes in two input files: the reference genome and a yaml configuration file. Following the simulation, it outputs two haplotype files, a BED file, and a simple stats file using the prefix given. + +### Reference Genome +This file should be in FASTA format. + +### Parameter File +The configuration yaml file specifies the range of the lengths of the SVs along with the number to simulate. All configurations for structural variants should be put under the "SVs" key. For each SV, the following parameters are available (with some additional parameters available for certain specific use cases described in [the next section](example_use_cases.md)): +1. *type*: str, insilicoSV supports a predefined list of SVs and allows users to enter a custom transformation. Either "Custom" or one of the 16 predefined SV types named in the below table should be entered. +2. *number*: int, describes how many of the specified SV type to simulate +3. *min_length*: int or list, if an integer is provided, insilcoSV assumes that each event's length within a SV must fall between the min_length and max_length. Entering a list offers customization by specifying a different range for each event. If provided a list, insilicoSV assumes lengths are entered to correspond with the symbols in lexicographical order. The lengths for non-dispersion events (represented by alphabetical characters) will therefore be considered before that of dispersions (represented by an underscore). See [usage example #2](example_use_cases.md#example-2---custom-svs). +4. *max_length*: int or list, must be the same type as min_length, note that max_length >= min_length >= 0 for all elements in each +5. *source=None [optional]*: Source sequence for a custom SV, see below to find instructions on how to create a transformation +6. *target=None [optional]*: Target sequence for a custom SV, see below to find instructions on how to create a transformation + +The following optional parameters can be set under the "sim_settings" key to change default configurations for the simulator: +1. *max_tries=100 [optional]*: number of tries to find a valid position to simulate each SV +2. *fail_if_placement_issues=False [optional]*: if set to True, insilicoSV will raise an Exception when a single SV fails to be placed and simulated +3. *generate_log_file=False [optional]*: if set to True, insilicoSV will generate a log file for diagnostic purposes and debugging +4. *filter_small_chr={int} [optional]*: filter out chromosomes of length less than the given integer +5. *prioritize_top=False [optional]*: if set to True, simulate the SVs listed first as the later ones may fail to be placed. Otherwise, give each SV an equal chance to be simulated +6. *homozygous_only=False [optional]*: if set to True, make all simulated variants homozygous + + +### Output BED File + +Each line/entry will have the following parameters: +1. *source_chr*: The source chromosome of the event +2. *source_start*: Start position on the source_chr [INCLUDE at pos], zero-based indexing +3. *source_end*: End position on the source_chr [EXCLUDE at pos], one-based indexing +4. *target_chr*: The target chromosome of the event +5. *target_start*: Start position on the target chr [INCLUDE at pos], zero-based indexing +6. *target_end*: End position on the target chr [EXCLUDE at pos], one-based indexing +7. *event_type*: Describes the transformation made by the event, either an INS, DEL, INV, TRA, DUP, INVDUP, or INVTRA. Dispersed duplications--those that do not occur immediately after the original--have an attached "d" at the front. +8. *event_size*: Size of the reference fragment impacted by the event +9. *zygosity*: {0/1, 1/0} = heterozygous, 1/1 = homozygous. insilicoSV gives each SV a 50% chance of being heterozygous or homozygous, and if the SV is heterozygous it is given a 50% chance of being placed on haplotype A or B. +10. *parent_sv*: Describes the parent SV the event is a component of, for instance "dupINVdup." If a custom SV was provided, the name becomes "source>target" +11. *nth_sv*: int, index to count up each SV (note: not the events). All events of a SV belong in the same index. +12. *order*: int, for insertion-like operations such as TRA, INS, or DUP, the "order" index describes in which order events that target the same position were compiled. Events with INV and DEL operations have an order of 0. + +Example BED file output are given below: +``` +chr1 109334938 109335727 chr1 109338930 109338930 DUP 789 1/1 dDUP 1 1 +chr7 130007589 130007849 chr7 130007589 130007849 DEL 260 1/1 DEL 2254 0 +chr12 85434890 85435083 chr12 85434890 85435083 INV 193 0/1 INV 3751 0 +``` + +### Output VCF file +The output BED file is accompanied by a VCF describing the same set of SVs but in the (VCF 4.2 specification)[https://samtools.github.io/hts-specs/VCFv4.2.pdf]. One augmentation made to the output VCF format is the use of an info field called `TARGET` to describe the target locus of a dispersion-based event. For instance, the VCF record for a dispersed duplication is given with start and end values that describe the SV's source interval (i.e., the interval that is duplicated), and the `TARGET` field records the position at which the copy is inserted into the reference. + +Example VCF outputs (of the same events given in the BED file output) are given below: +``` +chr1 109334939 dDUP N 100 PASS END=109335727;SVTYPE=dDUP;SVLEN=789;TARGET=109338930 GT 1/1 +chr7 130007589 130007849 chr7 130007589 130007849 DEL 260 1/1 DEL 2254 0 +chr12 85434891 INV N 100 PASS END=85435083;SVTYPE=INV;SVLEN=193 GT 0/1 +``` + +**Note**: In the case of an overcrowded simulation (i.e., so many variants specified for too little total reference sequence length) not all SVs inputted may be simulated. Because the simulator randomly selects positions for SVs, some SVs may fail to be placed due to oversaturation. diff --git a/docs/sv_grammar.md b/docs/sv_grammar.md new file mode 100644 index 0000000..f01996d --- /dev/null +++ b/docs/sv_grammar.md @@ -0,0 +1,19 @@ +# SV Grammar + +insilicoSV uses a grammatical notation to represent the various types of SVs that can be supported by the simulator. A graphical representation of the notation is given below: + +[[sample_imgs/fig.png]] + +The form of a given SV's transformation of the genome is represented with a grammatical notation that describes the mapping from input reference sequence to output synthetic donor sequence. With this notation, the reference sequence is given by a series of capital letters corresponding to the intervals affected by the SV, and the donor sequence is given by a transformation of those letters that reflects the ways in which the reference intervals are mutated by the SV. For example, a deletion-flanked inversion (delINV) is notated as AB $→$ b, in which the left side of the expression indicates the two reference intervals involved in the delINV and the right side indicates the donor sequence that will appear in place of AB, that is the inverted interval b (the lowercase indicating that B will appear inverted in the donor). Although SNPs are not considered to be a type of structural variant, we include them here as another valid event type for simulation (see [use cases](example_use_cases.md#example-1b---example-snp-specification) for usage examples). + +A custom SV consists of a user-generated transformation with a source and target sequence of symbols. Some examples of a source would be ABC and A_B_C, while some examples of the target would be a'AB or A_b'Bc'_C. + +insilicoSV maps a random fragment of the reference to each of the symbols in the source and recompiles the affected region with the target. For instance, AB $→$ A would remove the fragment marked as symbol B. All symbols in the source sequence MUST be unique to create a one-to-one mapping between symbol and reference fragment. + +| Name | Symbol | Description | +|------|--------|-------------| +| Generic Event | Any uppercase alphabetical letter | The most fundamental organizing tool that maps to a reference fragment | +| Inversion | Any lowercase alphabetical letter | Indicates an inversion.
Ex. a transformation ABC $→$ abc will invert A, B, and C and organize the new fragments as denoted in the target | +| Duplication | Original symbol followed by single quotation (') | An original symbol refers to the initial character used in the source sequence. *There can only be ONE original symbol for every unique character - all other copies, including those that are inverted, must have a duplication marking (').*
Ex. A transformation ABC $→$ ABA'c would duplicate A after B and invert the fragment C.| +| Dispersion | Underscore (_) | Indicates a gap between the symbols surrounding it. Note that events may be simulated within a dispersion but not within other events. | +| Insertions | Uppercase alphabetical letter | To add foreign, randomly-generated insertions, use a symbol not present in the source to the target sequence.
Ex. A_B $→$ A_BC inserts a randomly-generated sequence after the fragment indicated by symbol B| From 022e29a90fd8e247eeb06dfc735cb94f24ab8b68 Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Fri, 1 Dec 2023 21:31:53 -0500 Subject: [PATCH 04/44] removing install/ dir for now, obsoleted by pip install (#2) --- install/insilicosv-002-env.reqs.txt | 22 -- install/insilicosv-002-env.yml | 313 ---------------------------- install/requirements.txt | 10 - 3 files changed, 345 deletions(-) delete mode 100644 install/insilicosv-002-env.reqs.txt delete mode 100644 install/insilicosv-002-env.yml delete mode 100644 install/requirements.txt diff --git a/install/insilicosv-002-env.reqs.txt b/install/insilicosv-002-env.reqs.txt deleted file mode 100644 index 6a5b35e..0000000 --- a/install/insilicosv-002-env.reqs.txt +++ /dev/null @@ -1,22 +0,0 @@ -# -# conda requirements for running insilicoSV -# -# For a fully-resolved, known-good instantiation of this environment -# see insilicosv-002-env.yml in this directory. -# -Pillow -PyYAML -bwa -cycler -kiwisolver -matplotlib -nextflow -numpy -pandas -pyparsing -pysam -python-dateutil -samtools -seaborn -six -snakemake diff --git a/install/insilicosv-002-env.yml b/install/insilicosv-002-env.yml deleted file mode 100644 index 1c8e930..0000000 --- a/install/insilicosv-002-env.yml +++ /dev/null @@ -1,313 +0,0 @@ -# -# conda environment definition for running insilicoSV -# -# To create an environment from this file, after setting up conda -# (see https://docs.conda.io/projects/miniconda/en/latest/miniconda-install.html ) -# run -# conda env create -f -# -name: insilicosv-002-env -channels: - - conda-forge - - bioconda - - defaults -dependencies: - - _libgcc_mutex=0.1=conda_forge - - _openmp_mutex=4.5=2_gnu - - aioeasywebdav=2.4.0=pyha770c72_0 - - aiohttp=3.8.5=py310h2372a71_0 - - aiosignal=1.3.1=pyhd8ed1ab_0 - - alsa-lib=1.2.8=h166bdaf_0 - - amply=0.1.6=pyhd8ed1ab_0 - - appdirs=1.4.4=pyh9f0ad1d_0 - - async-timeout=4.0.3=pyhd8ed1ab_0 - - attmap=0.13.2=pyhd8ed1ab_0 - - attr=2.5.1=h166bdaf_1 - - attrs=23.1.0=pyh71513ae_1 - - backports=1.0=pyhd8ed1ab_3 - - backports.functools_lru_cache=1.6.5=pyhd8ed1ab_0 - - bcrypt=3.2.2=py310h5764c6d_1 - - boto3=1.28.32=pyhd8ed1ab_0 - - botocore=1.31.32=pyhd8ed1ab_0 - - brotli=1.0.9=h166bdaf_9 - - brotli-bin=1.0.9=h166bdaf_9 - - brotlipy=0.7.0=py310h5764c6d_1005 - - bwa=0.7.17=he4a0461_11 - - bzip2=1.0.8=h7f98852_4 - - c-ares=1.19.1=hd590300_0 - - ca-certificates=2023.7.22=hbcca054_0 - - cachetools=5.3.1=pyhd8ed1ab_0 - - cairo=1.16.0=hbbf8b49_1016 - - certifi=2023.7.22=pyhd8ed1ab_0 - - cffi=1.15.1=py310h255011f_3 - - charset-normalizer=3.2.0=pyhd8ed1ab_0 - - coin-or-cbc=2.10.10=h9002f0b_0 - - coin-or-cgl=0.60.7=h516709c_0 - - coin-or-clp=1.17.8=h1ee7a9c_0 - - coin-or-osi=0.108.8=ha2443b9_0 - - coin-or-utils=2.11.9=hee58242_0 - - coincbc=2.10.10=0_metapackage - - colorama=0.4.6=pyhd8ed1ab_0 - - configargparse=1.7=pyhd8ed1ab_0 - - connection_pool=0.0.3=pyhd3deb0d_0 - - contourpy=1.1.0=py310hd41b1e2_0 - - coreutils=9.3=h0b41bf4_0 - - cryptography=41.0.3=py310h75e40e8_0 - - curl=8.1.2=h409715c_0 - - cycler=0.11.0=pyhd8ed1ab_0 - - datrie=0.8.2=py310h5764c6d_6 - - dbus=1.13.6=h5008d03_3 - - defusedxml=0.7.1=pyhd8ed1ab_0 - - docutils=0.20.1=py310hff52083_0 - - dpath=2.1.6=pyha770c72_0 - - dropbox=11.36.2=pyhd8ed1ab_0 - - eido=0.2.1=pyhd8ed1ab_0 - - exceptiongroup=1.1.3=pyhd8ed1ab_0 - - expat=2.5.0=hcb278e6_1 - - filechunkio=1.8=py_2 - - font-ttf-dejavu-sans-mono=2.37=hab24e00_0 - - font-ttf-inconsolata=3.000=h77eed37_0 - - font-ttf-source-code-pro=2.038=h77eed37_0 - - font-ttf-ubuntu=0.83=hab24e00_0 - - fontconfig=2.14.2=h14ed4e7_0 - - fonts-conda-ecosystem=1=0 - - fonts-conda-forge=1=0 - - fonttools=4.42.1=py310h2372a71_0 - - freetype=2.12.1=hca18f0e_1 - - frozenlist=1.4.0=py310h2372a71_0 - - ftputil=5.0.4=pyhd8ed1ab_0 - - gettext=0.21.1=h27087fc_0 - - giflib=5.2.1=h0b41bf4_3 - - gitdb=4.0.10=pyhd8ed1ab_0 - - gitpython=3.1.32=pyhd8ed1ab_0 - - glib=2.76.4=hfc55251_0 - - glib-tools=2.76.4=hfc55251_0 - - google-api-core=2.11.1=pyhd8ed1ab_0 - - google-api-python-client=2.97.0=pyhd8ed1ab_0 - - google-auth=2.22.0=pyh1a96a4e_0 - - google-auth-httplib2=0.1.0=pyhd8ed1ab_1 - - google-cloud-core=2.3.3=pyhd8ed1ab_0 - - google-cloud-storage=2.10.0=pyh1a96a4e_0 - - google-crc32c=1.1.2=py310he8fe98e_4 - - google-resumable-media=2.5.0=pyhd8ed1ab_0 - - googleapis-common-protos=1.60.0=pyhd8ed1ab_0 - - graphite2=1.3.13=h58526e2_1001 - - grpcio=1.57.0=py310h1b8f574_0 - - gst-plugins-base=1.22.3=h938bd60_1 - - gstreamer=1.22.3=h977cf35_1 - - harfbuzz=7.3.0=hdb3a94d_0 - - htslib=1.17=h81da01d_2 - - httplib2=0.22.0=pyhd8ed1ab_0 - - humanfriendly=10.0=py310hff52083_4 - - icu=72.1=hcb278e6_0 - - idna=3.4=pyhd8ed1ab_0 - - importlib_resources=6.0.1=pyhd8ed1ab_0 - - iniconfig=2.0.0=pyhd8ed1ab_0 - - jinja2=3.1.2=pyhd8ed1ab_1 - - jmespath=1.0.1=pyhd8ed1ab_0 - - jsonschema=4.19.0=pyhd8ed1ab_1 - - jsonschema-specifications=2023.7.1=pyhd8ed1ab_0 - - jupyter_core=5.3.1=py310hff52083_0 - - keyutils=1.6.1=h166bdaf_0 - - kiwisolver=1.4.4=py310hbf28c38_1 - - krb5=1.20.1=h81ceb04_0 - - lame=3.100=h166bdaf_1003 - - lcms2=2.15=haa2dc70_1 - - ld_impl_linux-64=2.40=h41732ed_0 - - lerc=4.0.0=h27087fc_0 - - libabseil=20230125.3=cxx17_h59595ed_0 - - libblas=3.9.0=17_linux64_openblas - - libbrotlicommon=1.0.9=h166bdaf_9 - - libbrotlidec=1.0.9=h166bdaf_9 - - libbrotlienc=1.0.9=h166bdaf_9 - - libcap=2.69=h0f662aa_0 - - libcblas=3.9.0=17_linux64_openblas - - libclang=16.0.6=default_h1cdf331_1 - - libclang13=16.0.6=default_h4d60ac6_1 - - libcrc32c=1.1.2=h9c3ff4c_0 - - libcups=2.3.3=h36d4200_3 - - libcurl=8.1.2=h409715c_0 - - libdeflate=1.18=h0b41bf4_0 - - libedit=3.1.20191231=he28a2e2_2 - - libev=4.33=h516909a_1 - - libevent=2.1.12=hf998b51_1 - - libexpat=2.5.0=hcb278e6_1 - - libffi=3.4.2=h7f98852_5 - - libflac=1.4.3=h59595ed_0 - - libgcc-ng=13.1.0=he5830b7_0 - - libgcrypt=1.10.1=h166bdaf_0 - - libgfortran-ng=13.1.0=h69a702a_0 - - libgfortran5=13.1.0=h15d22d2_0 - - libglib=2.76.4=hebfc3b9_0 - - libgomp=13.1.0=he5830b7_0 - - libgpg-error=1.47=h71f35ed_0 - - libgrpc=1.57.0=h3905398_0 - - libiconv=1.17=h166bdaf_0 - - libjpeg-turbo=2.1.5.1=h0b41bf4_0 - - liblapack=3.9.0=17_linux64_openblas - - liblapacke=3.9.0=17_linux64_openblas - - libllvm16=16.0.6=h5cf9203_2 - - libnghttp2=1.52.0=h61bc06f_0 - - libnsl=2.0.0=h7f98852_0 - - libogg=1.3.4=h7f98852_1 - - libopenblas=0.3.23=pthreads_h80387f5_0 - - libopus=1.3.1=h7f98852_1 - - libpng=1.6.39=h753d276_0 - - libpq=15.3=hbcd7760_1 - - libprotobuf=4.23.3=hd1fb520_0 - - libsndfile=1.2.2=hbc2eb40_0 - - libsodium=1.0.18=h36c2ea0_1 - - libsqlite=3.42.0=h2797004_0 - - libssh2=1.11.0=h0841786_0 - - libstdcxx-ng=13.1.0=hfd8a6a1_0 - - libsystemd0=254=h3516f8a_0 - - libtiff=4.5.1=h8b53f26_0 - - libuuid=2.38.1=h0b41bf4_0 - - libvorbis=1.3.7=h9c3ff4c_0 - - libwebp-base=1.3.1=hd590300_0 - - libxcb=1.15=h0b41bf4_0 - - libxkbcommon=1.5.0=h5d7e998_3 - - libxml2=2.11.5=h0d562d8_0 - - libzlib=1.2.13=hd590300_5 - - logmuse=0.2.6=pyh8c360ce_0 - - lz4-c=1.9.4=hcb278e6_0 - - markdown-it-py=3.0.0=pyhd8ed1ab_0 - - markupsafe=2.1.3=py310h2372a71_0 - - matplotlib=3.7.1=py310hff52083_0 - - matplotlib-base=3.7.1=py310he60537e_0 - - mdurl=0.1.0=pyhd8ed1ab_0 - - mpg123=1.31.3=hcb278e6_0 - - multidict=6.0.4=py310h1fa729e_0 - - munkres=1.1.4=pyh9f0ad1d_0 - - mysql-common=8.0.33=hf1915f5_2 - - mysql-libs=8.0.33=hca2cd23_2 - - nbformat=5.9.2=pyhd8ed1ab_0 - - ncurses=6.4=hcb278e6_0 - - nextflow=23.04.1=h2a3209d_3 - - nspr=4.35=h27087fc_0 - - nss=3.92=h1d7d5a4_0 - - numpy=1.25.2=py310ha4c1d20_0 - - oauth2client=4.1.3=py_0 - - openjdk=17.0.3=h19c1b89_7 - - openjpeg=2.5.0=hfec8fc6_2 - - openssl=3.1.2=hd590300_0 - - packaging=23.1=pyhd8ed1ab_0 - - pandas=2.0.3=py310h7cbd5c2_1 - - paramiko=3.3.1=pyhd8ed1ab_0 - - patsy=0.5.3=pyhd8ed1ab_0 - - pcre2=10.40=hc3806b6_0 - - peppy=0.35.7=pyhd8ed1ab_0 - - perl=5.32.1=4_hd590300_perl5 - - pillow=10.0.0=py310h582fbeb_0 - - pip=23.2.1=pyhd8ed1ab_0 - - pixman=0.40.0=h36c2ea0_0 - - pkgutil-resolve-name=1.3.10=pyhd8ed1ab_0 - - plac=1.3.5=pyhd8ed1ab_0 - - platformdirs=3.10.0=pyhd8ed1ab_0 - - pluggy=1.2.0=pyhd8ed1ab_0 - - ply=3.11=py_1 - - pooch=1.7.0=pyha770c72_3 - - prettytable=3.8.0=pyhd8ed1ab_0 - - protobuf=4.23.3=py310hb875b13_0 - - psutil=5.9.5=py310h1fa729e_0 - - pthread-stubs=0.4=h36c2ea0_1001 - - pulp=2.7.0=py310hff52083_0 - - pulseaudio-client=16.1=hb77b528_4 - - pyasn1=0.4.8=py_0 - - pyasn1-modules=0.2.7=py_0 - - pycparser=2.21=pyhd8ed1ab_0 - - pygments=2.16.1=pyhd8ed1ab_0 - - pynacl=1.5.0=py310h5764c6d_2 - - pyopenssl=23.2.0=pyhd8ed1ab_1 - - pyparsing=3.1.1=pyhd8ed1ab_0 - - pyqt=5.15.9=py310h04931ad_4 - - pyqt5-sip=12.12.2=py310hc6cd4ac_4 - - pysam=0.21.0=py310h41dec4a_1 - - pysftp=0.2.9=py_1 - - pysocks=1.7.1=pyha2e5f31_6 - - pytest=7.4.0=pyhd8ed1ab_0 - - python=3.10.12=hd12c33a_0_cpython - - python-dateutil=2.8.2=pyhd8ed1ab_0 - - python-fastjsonschema=2.18.0=pyhd8ed1ab_0 - - python-irodsclient=1.1.8=pyhd8ed1ab_0 - - python-tzdata=2023.3=pyhd8ed1ab_0 - - python_abi=3.10=3_cp310 - - pytz=2023.3=pyhd8ed1ab_0 - - pyu2f=0.1.5=pyhd8ed1ab_0 - - pyyaml=6.0.1=py310h2372a71_0 - - qt-main=5.15.8=h01ceb2d_12 - - re2=2023.03.02=h8c504da_0 - - readline=8.2=h8228510_1 - - referencing=0.30.2=pyhd8ed1ab_0 - - requests=2.31.0=pyhd8ed1ab_0 - - reretry=0.11.8=pyhd8ed1ab_0 - - rich=13.5.1=pyhd8ed1ab_0 - - rpds-py=0.9.2=py310hcb5633a_0 - - rsa=4.9=pyhd8ed1ab_0 - - s3transfer=0.6.2=pyhd8ed1ab_0 - - samtools=1.17=hd87286a_1 - - scipy=1.11.2=py310ha4c1d20_0 - - seaborn=0.12.2=hd8ed1ab_0 - - seaborn-base=0.12.2=pyhd8ed1ab_0 - - setuptools=68.1.2=pyhd8ed1ab_0 - - setuptools-scm=7.1.0=pyhd8ed1ab_0 - - sip=6.7.11=py310hc6cd4ac_0 - - six=1.16.0=pyh6c4a22f_0 - - slacker=0.14.0=py_0 - - smart_open=6.3.0=pyhd8ed1ab_1 - - smmap=3.0.5=pyh44b312d_0 - - snakemake=7.32.3=hdfd78af_0 - - snakemake-minimal=7.32.3=pyhdfd78af_0 - - statsmodels=0.14.0=py310h278f3c1_1 - - stone=3.3.1=pyhd8ed1ab_0 - - stopit=1.1.2=py_0 - - tabulate=0.9.0=pyhd8ed1ab_1 - - throttler=1.2.2=pyhd8ed1ab_0 - - tk=8.6.12=h27826a3_0 - - toml=0.10.2=pyhd8ed1ab_0 - - tomli=2.0.1=pyhd8ed1ab_0 - - toposort=1.10=pyhd8ed1ab_0 - - tornado=6.3.3=py310h2372a71_0 - - traitlets=5.9.0=pyhd8ed1ab_0 - - typing-extensions=4.7.1=hd8ed1ab_0 - - typing_extensions=4.7.1=pyha770c72_0 - - tzdata=2023c=h71feb2d_0 - - ubiquerg=0.6.3=pyhd8ed1ab_0 - - unicodedata2=15.0.0=py310h5764c6d_0 - - uritemplate=4.1.1=pyhd8ed1ab_0 - - urllib3=1.26.15=pyhd8ed1ab_0 - - veracitools=0.1.3=py_0 - - wcwidth=0.2.6=pyhd8ed1ab_0 - - wheel=0.41.2=pyhd8ed1ab_0 - - wrapt=1.15.0=py310h1fa729e_0 - - xcb-util=0.4.0=hd590300_1 - - xcb-util-image=0.4.0=h8ee46fc_1 - - xcb-util-keysyms=0.4.0=h8ee46fc_1 - - xcb-util-renderutil=0.3.9=hd590300_1 - - xcb-util-wm=0.4.1=h8ee46fc_1 - - xkeyboard-config=2.39=hd590300_0 - - xorg-fixesproto=5.0=h7f98852_1002 - - xorg-inputproto=2.3.2=h7f98852_1002 - - xorg-kbproto=1.0.7=h7f98852_1002 - - xorg-libice=1.1.1=hd590300_0 - - xorg-libsm=1.2.4=h7391055_0 - - xorg-libx11=1.8.6=h8ee46fc_0 - - xorg-libxau=1.0.11=hd590300_0 - - xorg-libxdmcp=1.1.3=h7f98852_0 - - xorg-libxext=1.3.4=h0b41bf4_2 - - xorg-libxfixes=5.0.3=h7f98852_1004 - - xorg-libxi=1.7.10=h7f98852_0 - - xorg-libxrender=0.9.11=hd590300_0 - - xorg-libxtst=1.2.3=h7f98852_1002 - - xorg-recordproto=1.14.2=h7f98852_1002 - - xorg-renderproto=0.11.1=h7f98852_1002 - - xorg-xextproto=7.3.0=h0b41bf4_1003 - - xorg-xf86vidmodeproto=2.3.1=h7f98852_1002 - - xorg-xproto=7.0.31=h7f98852_1007 - - xz=5.2.6=h166bdaf_0 - - yaml=0.2.5=h7f98852_2 - - yarl=1.9.2=py310h2372a71_0 - - yte=1.5.1=pyha770c72_2 - - zipp=3.16.2=pyhd8ed1ab_0 - - zlib=1.2.13=hd590300_5 - - zstd=1.5.2=hfc55251_7 diff --git a/install/requirements.txt b/install/requirements.txt deleted file mode 100644 index 07a2497..0000000 --- a/install/requirements.txt +++ /dev/null @@ -1,10 +0,0 @@ -cycler==0.10.0 -kiwisolver==1.3.1 -matplotlib==3.4.2 -numpy==1.21.1 -Pillow==8.3.1 -pyparsing==2.4.7 -pysam==0.16.0.1 -python-dateutil==2.8.2 -PyYAML==5.4.1 -six==1.16.0 From 5a8850d958f233d5e1fddf6292ee9c588c0e3a75 Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Sat, 2 Dec 2023 11:14:52 -0500 Subject: [PATCH 05/44] .gitignore: added notebook outputs --- .gitignore | 5 +++++ 1 file changed, 5 insertions(+) diff --git a/.gitignore b/.gitignore index 165d75a..f0b9696 100644 --- a/.gitignore +++ b/.gitignore @@ -20,3 +20,8 @@ dist/ # Files sometimes left after tests test/inputs/test.fa test/inputs/test.fa.fai + +# Outputs from the demo notebook +.ipynb_checkpoints +workflows/output/ +workflows/chr21_ref/ From 9f6dde021b69110b3e8987800f43ddd035a00383 Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Sat, 2 Dec 2023 11:17:18 -0500 Subject: [PATCH 06/44] update version to 0.0.5 --- pyproject.toml | 3 +-- setup.py | 2 +- 2 files changed, 2 insertions(+), 3 deletions(-) diff --git a/pyproject.toml b/pyproject.toml index 8f3b392..36c6fa7 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -4,7 +4,7 @@ build-backend = "setuptools.build_meta" [project] name = "insilicosv" -version = "0.0.1" +version = "0.0.5" authors = [ { name="Chris Rohlicek", email="crohlice@broadinstitute.org" }, { name="Nick Jiang", email="nickj@berkeley.edu" }, @@ -39,4 +39,3 @@ Issues = "https://github.com/PopicLab/insilicoSV/issues" [project.scripts] insilicosv = "insilicosv.simulate:run_insilicosv" - diff --git a/setup.py b/setup.py index 7cddf16..e9ec333 100644 --- a/setup.py +++ b/setup.py @@ -3,7 +3,7 @@ setup( name = "insilicosv", - version = "0.0.1", + version = "0.0.5", description = ("Structural variant simulation"), license = "MIT", url = "https://github.com/PopicLab/insilicoSV", From 211967e29adaccc251a4219ff9bcd8ca79c0f339 Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Sat, 2 Dec 2023 14:06:50 -0500 Subject: [PATCH 07/44] move license to pyproject.toml --- pyproject.toml | 1 + setup.py | 1 - 2 files changed, 1 insertion(+), 1 deletion(-) diff --git a/pyproject.toml b/pyproject.toml index 36c6fa7..298da5d 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -32,6 +32,7 @@ dependencies = [ 'six' ] +license = {text = "MIT"} [project.urls] Homepage = "https://github.com/PopicLab/insilicoSV" diff --git a/setup.py b/setup.py index e9ec333..b0f6acf 100644 --- a/setup.py +++ b/setup.py @@ -5,7 +5,6 @@ name = "insilicosv", version = "0.0.5", description = ("Structural variant simulation"), - license = "MIT", url = "https://github.com/PopicLab/insilicoSV", packages=['insilicosv'], From dc7173099190dd7da7e991a38cb7a8cce8ae7a10 Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Sat, 2 Dec 2023 14:36:03 -0500 Subject: [PATCH 08/44] demo notebook fixes --- workflows/demo.ipynb | 8 ++++---- 1 file changed, 4 insertions(+), 4 deletions(-) diff --git a/workflows/demo.ipynb b/workflows/demo.ipynb index 7e01e8c..8c86d15 100644 --- a/workflows/demo.ipynb +++ b/workflows/demo.ipynb @@ -75,8 +75,8 @@ "%%sh\n", "mkdir -p chr21_ref\n", "\n", - "wget --directory-prefix=chr21_ref/ https://hgdownload.soe.ucsc.edu/goldenPath/hg38/chromosomes/chr21.fa.gz\n", - "gunzip chr21_ref/chr21.fa" + "wget -O chr21_ref/chr21.fa.gz https://hgdownload.soe.ucsc.edu/goldenPath/hg38/chromosomes/chr21.fa.gz\n", + "gunzip -f chr21_ref/chr21.fa.gz" ] }, { @@ -161,7 +161,7 @@ "cat output/sim.hapB.fa >> output/sim.fa\n", "rm output/sim.hapB.fa\n", "\n", - "COVERAGE=10\n", + "COVERAGE=2\n", "READ_LEN=151\n", "dwgsim -C $COVERAGE -1 $READ_LEN -2 $READ_LEN -y 0 -S 0 -c 0 -o 1 -m /dev/null -H output/sim.fa output/sim_sr.dwgsim" ] @@ -181,7 +181,7 @@ "source": [ "%%sh\n", "bwa index chr21_ref/chr21.fa\n", - "bwa mem chr21_ref/chr21.fa output/sim_sr.dwgsim.bwa.read1.fastq.gz outout/sim_sr.dwgsim.bwa.read2.fastq.gz | samtools view -Sb - > output/sim_sr.bwamem.bam" + "bwa mem chr21_ref/chr21.fa output/sim_sr.dwgsim.bwa.read1.fastq.gz output/sim_sr.dwgsim.bwa.read2.fastq.gz | samtools view -Sb - > output/sim_sr.bwamem.bam" ] }, { From 09d18c9d4c8867c858203042e69d383d9cd3559e Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Sat, 2 Dec 2023 14:36:24 -0500 Subject: [PATCH 09/44] adding demo notebook conda env definition --- workflows/insilicosv-demo-env.yml | 292 ++++++++++++++++++++++++++++++ 1 file changed, 292 insertions(+) create mode 100644 workflows/insilicosv-demo-env.yml diff --git a/workflows/insilicosv-demo-env.yml b/workflows/insilicosv-demo-env.yml new file mode 100644 index 0000000..9700bd1 --- /dev/null +++ b/workflows/insilicosv-demo-env.yml @@ -0,0 +1,292 @@ +name: insilicosv-demo-env +channels: + - conda-forge + - bioconda + - defaults +dependencies: + - _libgcc_mutex=0.1=conda_forge + - _openmp_mutex=4.5=2_gnu + - aioeasywebdav=2.4.0=py38h578d9bd_1001 + - aiohttp=3.9.1=py38h01eb140_0 + - aiosignal=1.3.1=pyhd8ed1ab_0 + - amply=0.1.6=pyhd8ed1ab_0 + - anyio=4.1.0=pyhd8ed1ab_0 + - appdirs=1.4.4=pyh9f0ad1d_0 + - appnope=0.1.3=pyhd8ed1ab_0 + - argon2-cffi=23.1.0=pyhd8ed1ab_0 + - argon2-cffi-bindings=21.2.0=py38h01eb140_4 + - arrow=1.3.0=pyhd8ed1ab_0 + - asttokens=2.4.1=pyhd8ed1ab_0 + - async-lru=2.0.4=pyhd8ed1ab_0 + - async-timeout=4.0.3=pyhd8ed1ab_0 + - attmap=0.13.2=pyhd8ed1ab_0 + - attrs=23.1.0=pyh71513ae_1 + - babel=2.13.1=pyhd8ed1ab_0 + - backcall=0.2.0=pyh9f0ad1d_0 + - bcftools=1.18=h8b25389_0 + - bcrypt=4.1.1=py38h0cc4f7c_0 + - beautifulsoup4=4.12.2=pyha770c72_0 + - bedtools=2.31.1=hf5e1c6e_0 + - bleach=6.1.0=pyhd8ed1ab_0 + - boto3=1.33.6=pyhd8ed1ab_0 + - botocore=1.33.6=pyhd8ed1ab_0 + - brotli-python=1.1.0=py38h17151c0_1 + - bwa=0.7.17=he4a0461_11 + - bzip2=1.0.8=hd590300_5 + - c-ares=1.23.0=hd590300_0 + - ca-certificates=2023.11.17=hbcca054_0 + - cached-property=1.5.2=hd8ed1ab_1 + - cached_property=1.5.2=pyha770c72_1 + - cachetools=5.3.2=pyhd8ed1ab_0 + - certifi=2023.11.17=pyhd8ed1ab_0 + - cffi=1.16.0=py38h6d47a40_0 + - charset-normalizer=3.3.2=pyhd8ed1ab_0 + - coin-or-cbc=2.10.10=h9002f0b_0 + - coin-or-cgl=0.60.7=h516709c_0 + - coin-or-clp=1.17.8=h1ee7a9c_0 + - coin-or-osi=0.108.8=ha2443b9_0 + - coin-or-utils=2.11.9=hee58242_0 + - coincbc=2.10.10=0_metapackage + - colorama=0.4.6=pyhd8ed1ab_0 + - comm=0.1.4=pyhd8ed1ab_0 + - configargparse=1.7=pyhd8ed1ab_0 + - connection_pool=0.0.3=pyhd3deb0d_0 + - cryptography=41.0.7=py38hcdda232_0 + - cycler=0.12.1=pyhd8ed1ab_0 + - datrie=0.8.2=py38h01eb140_7 + - debugpy=1.8.0=py38h17151c0_1 + - decorator=5.1.1=pyhd8ed1ab_0 + - defusedxml=0.7.1=pyhd8ed1ab_0 + - docutils=0.20.1=py38h578d9bd_2 + - dpath=2.1.6=pyha770c72_0 + - dropbox=11.36.2=pyhd8ed1ab_0 + - dwgsim=1.1.14=h50ea8bc_0 + - eido=0.2.2=pyhd8ed1ab_0 + - entrypoints=0.4=pyhd8ed1ab_0 + - exceptiongroup=1.2.0=pyhd8ed1ab_0 + - executing=2.0.1=pyhd8ed1ab_0 + - filechunkio=1.8=py_2 + - fqdn=1.5.1=pyhd8ed1ab_0 + - freetype=2.12.1=h267a509_2 + - frozenlist=1.4.0=py38h01eb140_1 + - ftputil=5.0.4=pyhd8ed1ab_0 + - gitdb=4.0.11=pyhd8ed1ab_0 + - gitpython=3.1.40=pyhd8ed1ab_0 + - google-api-core=2.14.0=pyhd8ed1ab_0 + - google-api-python-client=2.109.0=pyhd8ed1ab_0 + - google-auth=2.24.0=pyhca7485f_0 + - google-auth-httplib2=0.1.1=pyhd8ed1ab_0 + - google-cloud-core=2.3.3=pyhd8ed1ab_0 + - google-cloud-storage=2.13.0=pyhca7485f_0 + - google-crc32c=1.1.2=py38hf9d55a7_5 + - google-resumable-media=2.6.0=pyhd8ed1ab_0 + - googleapis-common-protos=1.61.0=pyhd8ed1ab_0 + - grpcio=1.60.0=py38h94a1851_0 + - gsl=2.7=he838d99_0 + - htslib=1.18=h81da01d_0 + - httplib2=0.22.0=pyhd8ed1ab_0 + - humanfriendly=10.0=pyhd8ed1ab_6 + - icu=67.1=he1b5a44_0 + - idna=3.6=pyhd8ed1ab_0 + - importlib-metadata=6.9.0=pyha770c72_0 + - importlib_metadata=6.9.0=hd8ed1ab_0 + - importlib_resources=6.1.1=pyhd8ed1ab_0 + - iniconfig=2.0.0=pyhd8ed1ab_0 + - intervaltree=3.1.0=pyhd8ed1ab_1 + - ipykernel=6.26.0=pyhf8b6a83_0 + - ipython=8.12.0=pyh41d4057_0 + - isoduration=20.11.0=pyhd8ed1ab_0 + - jedi=0.19.1=pyhd8ed1ab_0 + - jinja2=3.1.2=pyhd8ed1ab_1 + - jmespath=1.0.1=pyhd8ed1ab_0 + - json5=0.9.14=pyhd8ed1ab_0 + - jsonpointer=2.4=py38h578d9bd_3 + - jsonschema=4.20.0=pyhd8ed1ab_0 + - jsonschema-specifications=2023.11.2=pyhd8ed1ab_0 + - jsonschema-with-format-nongpl=4.20.0=pyhd8ed1ab_0 + - jupyter-lsp=2.2.1=pyhd8ed1ab_0 + - jupyter_client=8.6.0=pyhd8ed1ab_0 + - jupyter_core=5.5.0=py38h578d9bd_0 + - jupyter_events=0.9.0=pyhd8ed1ab_0 + - jupyter_server=2.11.1=pyhd8ed1ab_0 + - jupyter_server_terminals=0.4.4=pyhd8ed1ab_1 + - jupyterlab=4.0.9=pyhd8ed1ab_0 + - jupyterlab_pygments=0.3.0=pyhd8ed1ab_0 + - jupyterlab_server=2.25.2=pyhd8ed1ab_0 + - keyutils=1.6.1=h166bdaf_0 + - kiwisolver=1.4.5=py38h7f3f72f_1 + - krb5=1.21.2=h659d440_0 + - lcms2=2.15=h7f713cb_2 + - ld_impl_linux-64=2.40=h41732ed_0 + - lerc=4.0.0=h27087fc_0 + - libabseil=20230802.1=cxx17_h59595ed_0 + - libblas=3.9.0=20_linux64_openblas + - libcblas=3.9.0=20_linux64_openblas + - libcrc32c=1.1.2=h9c3ff4c_0 + - libcurl=8.4.0=hca28451_0 + - libdeflate=1.18=h0b41bf4_0 + - libedit=3.1.20191231=he28a2e2_2 + - libev=4.33=h516909a_1 + - libffi=3.4.2=h7f98852_5 + - libgcc-ng=13.2.0=h807b86a_3 + - libgfortran-ng=13.2.0=h69a702a_3 + - libgfortran5=13.2.0=ha4646dd_3 + - libgomp=13.2.0=h807b86a_3 + - libgrpc=1.60.0=hd6c4280_0 + - libjpeg-turbo=2.1.5.1=hd590300_1 + - liblapack=3.9.0=20_linux64_openblas + - liblapacke=3.9.0=20_linux64_openblas + - libnghttp2=1.58.0=h47da74e_0 + - libnsl=2.0.1=hd590300_0 + - libopenblas=0.3.25=pthreads_h413a1c8_0 + - libpng=1.6.39=h753d276_0 + - libprotobuf=4.24.4=hf27288f_0 + - libre2-11=2023.06.02=h7a70373_0 + - libsodium=1.0.18=h36c2ea0_1 + - libsqlite=3.44.2=h2797004_0 + - libssh2=1.11.0=h0841786_0 + - libstdcxx-ng=13.2.0=h7e041cc_3 + - libtiff=4.6.0=h8b53f26_0 + - libuuid=2.38.1=h0b41bf4_0 + - libwebp-base=1.3.2=hd590300_0 + - libxcb=1.15=h0b41bf4_0 + - libzlib=1.2.13=hd590300_5 + - logmuse=0.2.6=pyh8c360ce_0 + - markdown-it-py=3.0.0=pyhd8ed1ab_0 + - markupsafe=2.1.3=py38h01eb140_1 + - matplotlib=3.2.2=1 + - matplotlib-base=3.2.2=py38h5d868c9_1 + - matplotlib-inline=0.1.6=pyhd8ed1ab_0 + - mdurl=0.1.0=pyhd8ed1ab_0 + - mistune=3.0.2=pyhd8ed1ab_0 + - multidict=6.0.4=py38h01eb140_1 + - nb_conda_kernels=2.3.1=pyhd8ed1ab_3 + - nbclient=0.8.0=pyhd8ed1ab_0 + - nbconvert-core=7.11.0=pyhd8ed1ab_0 + - nbformat=5.9.2=pyhd8ed1ab_0 + - ncurses=6.4=h59595ed_2 + - nest-asyncio=1.5.8=pyhd8ed1ab_0 + - notebook=7.0.6=pyhd8ed1ab_0 + - notebook-shim=0.2.3=pyhd8ed1ab_0 + - numpy=1.24.4=py38h59b608b_0 + - oauth2client=4.1.3=py_0 + - openjpeg=2.5.0=h488ebb8_3 + - openssl=3.2.0=hd590300_1 + - overrides=7.4.0=pyhd8ed1ab_0 + - packaging=23.2=pyhd8ed1ab_0 + - pandas=2.0.3=py38h01efb38_1 + - pandocfilters=1.5.0=pyhd8ed1ab_0 + - paramiko=3.3.1=pyhd8ed1ab_0 + - parso=0.8.3=pyhd8ed1ab_0 + - patsy=0.5.4=pyhd8ed1ab_0 + - pbsim3=3.0.1=h4ac6f70_0 + - peppy=0.35.7=pyhd8ed1ab_0 + - perl=5.32.1=4_hd590300_perl5 + - pexpect=4.8.0=pyh1a96a4e_2 + - pickleshare=0.7.5=py_1003 + - pillow=10.0.1=py38h71741d6_1 + - pip=23.3.1=pyhd8ed1ab_0 + - pkgutil-resolve-name=1.3.10=pyhd8ed1ab_1 + - plac=1.4.1=pyhd8ed1ab_1 + - platformdirs=4.0.0=pyhd8ed1ab_0 + - pluggy=1.3.0=pyhd8ed1ab_0 + - ply=3.11=py_1 + - pooch=1.8.0=pyhd8ed1ab_0 + - prettytable=3.9.0=pyhd8ed1ab_0 + - prometheus_client=0.19.0=pyhd8ed1ab_0 + - prompt-toolkit=3.0.41=pyha770c72_0 + - prompt_toolkit=3.0.41=hd8ed1ab_0 + - protobuf=4.24.4=py38hf14ab21_0 + - psutil=5.9.5=py38h01eb140_1 + - pthread-stubs=0.4=h36c2ea0_1001 + - ptyprocess=0.7.0=pyhd3deb0d_0 + - pulp=2.7.0=py38h578d9bd_1 + - pure_eval=0.2.2=pyhd8ed1ab_0 + - pyasn1=0.5.1=pyhd8ed1ab_0 + - pyasn1-modules=0.3.0=pyhd8ed1ab_0 + - pycparser=2.21=pyhd8ed1ab_0 + - pygments=2.17.2=pyhd8ed1ab_0 + - pynacl=1.5.0=py38h01eb140_3 + - pyopenssl=23.3.0=pyhd8ed1ab_0 + - pyparsing=3.1.1=pyhd8ed1ab_0 + - pysam=0.22.0=py38h15b938a_0 + - pysftp=0.2.9=py_1 + - pysocks=1.7.1=pyha2e5f31_6 + - pytest=7.4.3=pyhd8ed1ab_0 + - python=3.8.18=hd12c33a_0_cpython + - python-dateutil=2.8.2=pyhd8ed1ab_0 + - python-fastjsonschema=2.19.0=pyhd8ed1ab_0 + - python-irodsclient=1.1.9=pyhd8ed1ab_0 + - python-json-logger=2.0.7=pyhd8ed1ab_0 + - python-tzdata=2023.3=pyhd8ed1ab_0 + - python_abi=3.8=4_cp38 + - pytz=2023.3.post1=pyhd8ed1ab_0 + - pyu2f=0.1.5=pyhd8ed1ab_0 + - pyyaml=6.0.1=py38h01eb140_1 + - pyzmq=25.1.1=py38h34c975a_2 + - re2=2023.06.02=h2873b5e_0 + - readline=8.2=h8228510_1 + - referencing=0.31.1=pyhd8ed1ab_0 + - requests=2.31.0=pyhd8ed1ab_0 + - reretry=0.11.8=pyhd8ed1ab_0 + - rfc3339-validator=0.1.4=pyhd8ed1ab_0 + - rfc3986-validator=0.1.1=pyh9f0ad1d_0 + - rich=13.7.0=pyhd8ed1ab_0 + - rpds-py=0.13.2=py38h0cc4f7c_0 + - rsa=4.9=pyhd8ed1ab_0 + - s3transfer=0.8.2=pyhd8ed1ab_0 + - samtools=1.18=h50ea8bc_1 + - scipy=1.10.1=py38h59b608b_3 + - seaborn=0.12.2=hd8ed1ab_0 + - seaborn-base=0.12.2=pyhd8ed1ab_0 + - send2trash=1.8.2=pyh41d4057_0 + - setuptools=68.2.2=pyhd8ed1ab_0 + - six=1.16.0=pyh6c4a22f_0 + - slacker=0.14.0=py_0 + - smart_open=6.4.0=pyhd8ed1ab_0 + - smmap=5.0.0=pyhd8ed1ab_0 + - snakemake=7.32.4=hdfd78af_1 + - snakemake-minimal=7.32.4=pyhdfd78af_1 + - sniffio=1.3.0=pyhd8ed1ab_0 + - sortedcontainers=2.4.0=pyhd8ed1ab_0 + - soupsieve=2.5=pyhd8ed1ab_1 + - stack_data=0.6.2=pyhd8ed1ab_0 + - statsmodels=0.14.0=py38h7f0c24c_2 + - stone=3.3.1=pyhd8ed1ab_0 + - stopit=1.1.2=py_0 + - tabulate=0.9.0=pyhd8ed1ab_1 + - terminado=0.18.0=pyh0d859eb_0 + - throttler=1.2.2=pyhd8ed1ab_0 + - tinycss2=1.2.1=pyhd8ed1ab_0 + - tk=8.6.13=noxft_h4845f30_101 + - tomli=2.0.1=pyhd8ed1ab_0 + - toposort=1.10=pyhd8ed1ab_0 + - tornado=6.3.3=py38h01eb140_1 + - traitlets=5.14.0=pyhd8ed1ab_0 + - types-python-dateutil=2.8.19.14=pyhd8ed1ab_0 + - typing-extensions=4.8.0=hd8ed1ab_0 + - typing_extensions=4.8.0=pyha770c72_0 + - typing_utils=0.1.0=pyhd8ed1ab_0 + - ubiquerg=0.6.3=pyhd8ed1ab_0 + - uri-template=1.3.0=pyhd8ed1ab_0 + - uritemplate=4.1.1=pyhd8ed1ab_0 + - urllib3=1.26.18=pyhd8ed1ab_0 + - veracitools=0.1.3=py_0 + - wcwidth=0.2.12=pyhd8ed1ab_0 + - webcolors=1.13=pyhd8ed1ab_0 + - webencodings=0.5.1=pyhd8ed1ab_2 + - websocket-client=1.6.4=pyhd8ed1ab_0 + - wheel=0.42.0=pyhd8ed1ab_0 + - wrapt=1.16.0=py38h01eb140_0 + - xorg-libxau=1.0.11=hd590300_0 + - xorg-libxdmcp=1.1.3=h7f98852_0 + - xz=5.2.6=h166bdaf_0 + - yaml=0.2.5=h7f98852_2 + - yarl=1.9.3=py38h01eb140_0 + - yte=1.5.1=pyha770c72_2 + - zeromq=4.3.5=h59595ed_0 + - zipp=3.17.0=pyhd8ed1ab_0 + - zlib=1.2.13=hd590300_5 + - zstd=1.5.5=hfc55251_0 + - pip: + - insilicosv==0.0.5 From 91b5cb610b3c00aef57becc1937d0d0c3913d7f5 Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Sat, 2 Dec 2023 14:51:57 -0500 Subject: [PATCH 10/44] change pbsim3 model path --- workflows/demo.ipynb | 3 +- workflows/pbsim3_models/QSHMM-RSII.model | 1245 ++++++++++++++++++++++ 2 files changed, 1246 insertions(+), 2 deletions(-) create mode 100644 workflows/pbsim3_models/QSHMM-RSII.model diff --git a/workflows/demo.ipynb b/workflows/demo.ipynb index 8c86d15..8274006 100644 --- a/workflows/demo.ipynb +++ b/workflows/demo.ipynb @@ -227,9 +227,8 @@ "outputs": [], "source": [ "%%sh\n", - "PBSIM_HOME_PATH=../../pbsim3\n", "COVERAGE=10\n", - "pbsim --strategy wgs --method qshmm --qshmm $PBSIM_HOME_PATH/data/QSHMM-RSII.model --depth $COVERAGE --accuracy-mean 0.999 --accuracy-min 0.99 --length-min 18000 --length-mean 20000 --length-max 22000 --genome output/sim.fa --prefix output/sim_lr" + "pbsim --strategy wgs --method qshmm --qshmm pbsim3_models/QSHMM-RSII.model --depth $COVERAGE --accuracy-mean 0.999 --accuracy-min 0.99 --length-min 18000 --length-mean 20000 --length-max 22000 --genome output/sim.fa --prefix output/sim_lr" ] }, { diff --git a/workflows/pbsim3_models/QSHMM-RSII.model b/workflows/pbsim3_models/QSHMM-RSII.model new file mode 100644 index 0000000..711727a --- /dev/null +++ b/workflows/pbsim3_models/QSHMM-RSII.model @@ -0,0 +1,1245 @@ +75 IP 1 1.338e-01 +75 IP 2 1.369e-06 +75 IP 3 6.609e-09 +75 IP 4 2.906e-02 +75 IP 5 2.701e-03 +75 IP 6 7.822e-08 +75 IP 7 6.688e-02 +75 IP 8 1.081e-07 +75 IP 9 1.918e-01 +75 IP 10 2.488e-03 +75 IP 11 6.083e-08 +75 IP 12 2.375e-08 +75 IP 13 7.304e-09 +75 IP 14 1.132e-01 +75 IP 15 1.611e-08 +75 IP 16 1.958e-02 +75 IP 17 4.307e-03 +75 IP 18 7.999e-03 +75 IP 19 1.674e-02 +75 IP 20 4.976e-03 +75 IP 21 1.176e-08 +75 IP 22 1.763e-02 +75 IP 23 3.090e-08 +75 IP 24 1.400e-02 +75 IP 25 2.159e-02 +75 IP 26 2.566e-01 +75 IP 27 1.671e-03 +75 IP 28 1.834e-07 +75 IP 29 9.497e-02 +75 EP 1 1.630e-03 6.416e-02 9.181e-02 8.113e-02 1.033e-01 1.109e-01 9.586e-02 8.324e-02 7.005e-02 7.178e-02 8.692e-02 8.998e-02 4.922e-02 2.251e-10 1.527e-10 2.561e-11 +75 EP 2 8.614e-10 4.020e-03 1.861e-02 1.557e-02 3.387e-02 7.323e-02 6.023e-02 7.411e-02 9.743e-02 1.073e-01 2.311e-01 2.609e-01 2.355e-02 1.006e-04 6.716e-10 6.700e-10 +75 EP 3 1.430e-03 3.974e-03 9.667e-03 1.025e-03 4.632e-04 1.546e-06 3.175e-08 2.755e-08 1.886e-01 3.086e-01 3.329e-01 1.231e-07 8.666e-05 1.532e-01 5.542e-09 4.846e-09 +75 EP 4 1.430e-10 3.782e-09 1.296e-09 9.611e-09 1.416e-02 4.373e-02 6.855e-02 1.315e-01 8.423e-02 5.003e-02 2.061e-06 1.298e-02 2.842e-01 3.106e-01 8.873e-10 4.095e-11 +75 EP 5 1.177e-05 3.426e-03 9.217e-03 1.352e-02 1.724e-02 2.222e-02 3.051e-02 3.497e-02 7.257e-02 9.071e-02 6.614e-02 8.880e-02 7.982e-02 1.939e-01 2.770e-01 2.369e-11 +75 EP 6 6.093e-05 8.183e-03 3.715e-02 3.784e-02 3.524e-02 5.339e-02 5.899e-02 7.123e-02 7.024e-02 5.045e-02 9.571e-02 9.552e-02 1.311e-01 2.549e-01 1.515e-09 1.399e-11 +75 EP 7 1.322e-10 7.626e-03 7.278e-02 1.001e-01 1.429e-01 1.739e-01 1.468e-01 1.163e-01 7.798e-02 5.769e-02 5.362e-02 5.020e-02 3.343e-09 2.871e-10 1.495e-11 5.076e-12 +75 EP 8 6.592e-04 3.140e-02 7.891e-02 3.377e-02 2.095e-03 1.131e-02 6.668e-02 1.143e-01 1.821e-01 1.995e-01 1.793e-01 1.001e-01 2.078e-08 8.882e-10 6.553e-11 1.628e-11 +75 EP 9 2.692e-01 3.306e-01 1.915e-01 8.221e-02 5.472e-02 3.250e-02 1.497e-02 1.107e-02 9.262e-03 3.475e-03 4.529e-04 3.336e-10 2.655e-10 2.611e-10 2.585e-10 2.581e-10 +75 EP 10 2.962e-09 7.223e-10 2.569e-02 6.427e-02 1.110e-01 1.340e-01 1.603e-01 1.396e-01 1.258e-01 1.495e-01 8.829e-02 1.638e-03 1.289e-10 8.903e-11 8.253e-11 8.247e-11 +75 EP 11 1.052e-03 4.421e-02 4.410e-02 3.052e-02 2.769e-02 4.084e-02 3.769e-02 5.413e-02 7.253e-02 7.039e-02 8.037e-02 1.113e-01 1.918e-01 1.888e-01 4.533e-03 2.440e-11 +75 EP 12 9.508e-10 1.961e-02 2.829e-02 2.149e-02 2.395e-02 2.884e-02 2.409e-02 2.251e-02 4.135e-02 6.107e-02 6.300e-02 7.309e-02 8.692e-02 2.618e-01 2.440e-01 1.020e-10 +75 EP 13 1.686e-04 3.022e-09 3.559e-09 1.283e-04 8.551e-02 1.135e-01 1.087e-01 7.453e-02 7.660e-02 1.087e-01 2.178e-01 2.144e-01 1.124e-08 2.686e-09 2.642e-09 2.639e-09 +75 EP 14 2.503e-02 2.926e-01 3.438e-01 1.656e-01 7.510e-02 4.545e-02 2.698e-02 1.588e-02 6.643e-03 2.976e-03 1.932e-08 1.941e-10 7.749e-11 6.705e-11 6.517e-11 6.439e-11 +75 EP 15 6.258e-04 9.792e-03 4.378e-02 4.453e-02 6.260e-02 7.680e-02 7.957e-02 7.578e-02 8.432e-02 9.280e-02 1.529e-01 1.922e-01 7.771e-02 6.555e-03 1.163e-10 2.012e-11 +75 EP 16 3.599e-04 5.557e-03 1.337e-02 3.257e-03 6.768e-03 1.970e-02 2.992e-02 2.940e-02 4.407e-09 1.054e-02 1.576e-01 3.234e-01 1.538e-01 1.019e-01 1.445e-01 9.961e-11 +75 EP 17 1.165e-10 5.515e-03 2.645e-03 6.344e-03 1.376e-02 2.092e-02 3.298e-02 4.506e-02 4.348e-02 2.589e-04 3.198e-02 5.674e-02 1.802e-01 5.086e-01 5.156e-02 3.887e-11 +75 EP 18 7.497e-10 1.733e-08 1.310e-02 2.238e-02 2.615e-02 2.473e-02 2.310e-03 6.927e-03 1.583e-05 7.687e-02 9.995e-02 2.691e-01 3.920e-01 6.647e-02 7.014e-10 6.815e-10 +75 EP 19 9.081e-10 5.634e-03 2.330e-02 1.805e-02 3.082e-02 3.986e-02 5.543e-02 9.570e-02 1.071e-01 1.380e-01 9.537e-02 4.974e-02 1.381e-01 1.978e-01 5.105e-03 2.383e-11 +75 EP 20 3.613e-03 7.455e-02 1.814e-01 1.487e-01 1.337e-01 1.110e-01 9.090e-02 7.476e-02 6.646e-02 6.342e-02 4.436e-02 7.097e-03 2.534e-11 1.373e-11 1.012e-11 8.597e-12 +75 EP 21 7.648e-10 6.465e-03 1.452e-02 1.390e-02 1.115e-02 1.458e-02 2.024e-02 4.934e-02 7.141e-02 5.589e-02 7.159e-02 7.642e-02 1.749e-01 3.970e-01 2.250e-02 7.489e-10 +75 EP 22 1.209e-03 2.113e-02 9.786e-02 1.190e-01 1.438e-01 1.399e-01 1.346e-01 1.126e-01 8.499e-02 8.551e-02 5.927e-02 2.146e-05 7.139e-10 6.192e-10 6.115e-10 6.113e-10 +75 EP 23 1.053e-09 1.536e-09 2.218e-03 4.308e-09 4.168e-09 2.942e-05 2.419e-02 5.285e-07 7.110e-08 2.964e-02 1.207e-01 3.439e-01 4.793e-01 1.926e-09 9.301e-11 2.152e-11 +75 EP 24 1.139e-05 5.525e-03 1.580e-02 1.418e-02 1.519e-02 1.994e-02 1.919e-02 2.086e-02 3.173e-02 6.423e-02 5.784e-02 5.280e-02 8.112e-02 1.789e-01 4.227e-01 2.992e-05 +75 EP 25 8.201e-03 9.092e-02 2.691e-01 2.372e-01 1.657e-01 1.085e-01 6.491e-02 3.435e-02 2.128e-02 2.591e-09 2.528e-10 5.929e-10 1.366e-10 1.109e-10 1.097e-10 1.097e-10 +75 EP 26 2.430e-03 1.224e-01 3.362e-01 2.439e-01 1.587e-01 6.202e-02 2.024e-02 1.379e-02 1.416e-02 1.194e-02 1.420e-02 9.105e-10 1.870e-10 1.836e-10 2.951e-11 1.913e-11 +75 EP 27 1.377e-09 2.339e-02 4.431e-02 3.173e-02 3.402e-02 9.817e-02 2.192e-01 2.411e-01 1.621e-01 3.326e-02 1.915e-05 2.950e-07 1.127e-01 2.021e-08 1.303e-09 1.274e-09 +75 EP 28 1.724e-09 1.999e-02 1.773e-02 2.804e-02 3.079e-02 3.619e-02 4.921e-02 9.396e-02 3.164e-01 2.843e-01 7.799e-02 1.199e-08 1.202e-02 3.343e-02 2.248e-07 4.119e-10 +75 EP 29 2.213e-04 1.794e-02 7.194e-02 6.408e-02 7.059e-02 8.162e-02 8.492e-02 8.994e-02 9.219e-02 1.228e-01 1.095e-01 9.959e-02 9.162e-02 3.005e-03 7.458e-10 2.850e-11 +75 TP 1 8.670e-01 8.023e-11 1.048e-10 1.144e-09 2.441e-10 6.880e-10 7.149e-10 8.742e-10 9.768e-04 8.682e-11 1.269e-01 3.008e-09 3.193e-08 3.514e-03 8.539e-10 3.468e-09 7.642e-04 5.556e-05 4.083e-10 1.721e-09 1.318e-10 8.586e-11 5.152e-04 2.820e-10 1.387e-10 7.171e-10 7.705e-05 2.711e-10 2.281e-04 +75 TP 2 9.976e-04 3.883e-01 1.241e-03 1.129e-06 1.985e-09 4.401e-09 2.607e-08 4.807e-05 2.427e-03 3.054e-01 2.398e-09 9.932e-10 3.204e-09 1.136e-04 5.089e-09 1.337e-09 1.595e-09 4.876e-02 5.940e-09 4.818e-09 1.842e-07 1.687e-01 2.548e-08 9.789e-10 1.987e-02 2.391e-03 6.183e-02 9.924e-10 1.340e-09 +75 TP 3 2.832e-08 4.103e-06 3.299e-01 7.087e-08 1.000e-05 6.085e-08 7.353e-08 3.519e-02 2.420e-08 2.288e-08 3.200e-04 1.236e-08 1.446e-07 3.112e-04 3.370e-08 6.346e-08 1.253e-07 8.443e-08 4.812e-08 1.532e-08 1.447e-01 1.644e-08 4.463e-08 1.250e-08 9.040e-09 3.269e-08 4.896e-01 2.389e-08 9.945e-07 +75 TP 4 2.755e-09 1.256e-10 1.897e-10 1.770e-01 9.736e-02 7.035e-01 8.397e-07 2.721e-09 9.669e-11 1.168e-10 1.643e-09 1.124e-09 2.346e-10 1.232e-10 6.489e-10 8.511e-10 4.616e-03 3.482e-10 2.602e-09 2.661e-10 3.115e-10 1.217e-10 1.363e-02 2.748e-03 9.617e-11 1.093e-09 3.145e-08 1.138e-03 7.272e-10 +75 TP 5 6.101e-10 3.501e-11 4.505e-11 3.649e-09 7.034e-01 2.779e-01 2.201e-09 1.262e-09 4.580e-11 3.635e-11 1.010e-09 3.980e-10 4.002e-11 8.350e-11 4.522e-10 7.988e-10 7.223e-10 8.987e-11 1.872e-02 3.025e-10 1.604e-05 3.434e-11 2.599e-08 8.418e-10 2.094e-06 7.821e-10 4.668e-11 5.346e-10 1.683e-09 +75 TP 6 3.760e-10 5.205e-11 1.064e-10 2.437e-09 1.300e-01 5.820e-01 2.425e-09 8.039e-09 3.920e-11 4.001e-11 4.203e-10 2.767e-10 6.275e-11 8.631e-11 1.013e-09 4.687e-10 6.030e-10 2.706e-10 1.599e-01 3.159e-10 1.641e-10 3.401e-11 1.281e-01 6.459e-10 2.381e-11 4.456e-10 6.426e-11 3.469e-10 3.971e-10 +75 TP 7 1.279e-10 6.635e-09 1.018e-10 6.152e-02 6.603e-10 8.109e-10 6.298e-01 1.185e-01 1.010e-04 6.386e-11 1.472e-10 7.888e-11 2.991e-10 2.260e-10 3.129e-10 1.794e-10 2.304e-10 4.281e-11 4.215e-10 4.980e-10 2.012e-11 2.182e-09 1.157e-01 8.271e-11 1.310e-10 7.439e-02 5.359e-11 1.289e-10 1.191e-10 +75 TP 8 9.337e-10 6.134e-05 5.400e-10 1.218e-01 1.331e-02 1.487e-08 2.913e-01 4.235e-01 3.986e-10 1.713e-10 1.915e-09 1.766e-09 1.641e-10 3.700e-03 7.142e-10 5.651e-10 3.270e-10 3.505e-10 4.141e-09 8.551e-03 1.182e-10 2.141e-10 5.847e-02 1.811e-10 2.057e-10 7.894e-02 2.910e-04 3.270e-10 4.124e-10 +75 TP 9 1.327e-02 7.648e-10 7.618e-10 7.233e-10 5.716e-10 1.349e-09 1.414e-07 2.936e-03 9.075e-01 1.607e-02 9.849e-10 4.376e-10 1.195e-03 3.883e-03 4.542e-09 6.626e-10 4.344e-10 3.074e-10 1.588e-09 2.791e-02 3.048e-10 2.199e-03 5.917e-04 3.485e-10 1.492e-02 5.727e-09 4.481e-10 4.977e-10 9.488e-03 +75 TP 10 1.893e-05 3.444e-02 2.309e-10 1.569e-04 2.187e-10 9.098e-10 6.419e-09 1.184e-08 4.796e-03 7.559e-01 3.414e-10 1.580e-10 4.471e-05 2.896e-04 3.225e-09 3.032e-10 1.221e-09 7.555e-07 1.390e-09 3.273e-09 2.013e-10 3.136e-09 3.127e-09 1.974e-10 2.013e-01 4.871e-09 3.033e-03 1.793e-10 8.688e-10 +75 TP 11 1.184e-01 4.761e-08 9.898e-05 1.415e-09 4.421e-09 1.298e-09 7.737e-10 1.394e-09 9.740e-11 1.839e-09 8.018e-01 7.620e-02 2.366e-10 3.467e-10 1.656e-03 5.944e-10 6.671e-09 1.575e-10 8.960e-10 1.902e-03 1.182e-10 7.194e-11 1.142e-08 3.496e-09 4.054e-07 8.393e-10 1.320e-10 4.416e-10 8.092e-10 +75 TP 12 2.872e-08 9.302e-11 9.272e-11 2.562e-05 1.228e-03 7.445e-09 1.968e-08 1.396e-09 9.071e-11 8.751e-11 1.638e-01 8.337e-01 1.188e-10 2.156e-10 8.012e-10 9.388e-10 1.686e-08 8.544e-11 4.874e-09 5.900e-10 1.361e-10 2.208e-05 7.375e-10 1.581e-09 1.071e-10 1.193e-03 1.100e-10 7.228e-10 1.165e-09 +75 TP 13 3.546e-08 4.496e-01 1.198e-08 1.505e-02 4.609e-09 1.126e-08 8.801e-08 6.985e-07 4.433e-09 4.347e-08 2.609e-03 3.453e-09 3.792e-01 8.181e-09 9.103e-09 6.201e-07 2.095e-04 1.491e-01 1.006e-08 7.138e-09 4.096e-03 1.264e-08 8.669e-05 3.199e-09 6.187e-09 7.708e-08 3.156e-08 3.305e-09 4.341e-09 +75 TP 14 8.198e-03 2.554e-10 1.921e-10 6.601e-10 1.547e-10 5.742e-10 7.358e-03 1.128e-07 1.601e-03 6.142e-10 6.156e-10 1.867e-10 2.255e-09 8.854e-01 1.661e-09 5.415e-10 2.434e-10 1.550e-10 3.231e-10 8.636e-02 9.232e-11 3.034e-04 3.788e-10 1.527e-10 2.549e-03 4.082e-03 1.508e-10 1.861e-10 4.125e-03 +75 TP 15 2.540e-09 1.145e-10 1.397e-10 9.538e-03 1.910e-10 7.739e-10 1.945e-09 1.504e-09 6.273e-04 3.550e-10 2.062e-03 3.831e-04 7.669e-11 1.592e-03 8.044e-01 1.739e-10 5.072e-10 1.046e-06 5.656e-10 1.669e-01 1.005e-09 1.045e-10 1.279e-03 9.886e-10 2.901e-10 1.328e-02 1.529e-10 2.024e-10 2.174e-10 +75 TP 16 1.473e-09 1.292e-10 3.426e-04 8.500e-10 1.322e-09 1.102e-09 1.332e-09 1.641e-09 1.741e-10 7.158e-06 8.550e-10 8.781e-10 1.157e-10 4.050e-10 8.442e-10 4.465e-01 4.764e-04 1.508e-10 1.588e-09 5.145e-10 5.333e-10 9.327e-11 7.979e-10 3.725e-03 1.464e-10 3.594e-09 1.574e-10 4.106e-01 1.384e-01 +75 TP 17 5.501e-10 2.482e-07 6.324e-10 1.245e-09 2.102e-09 3.627e-09 9.454e-08 6.420e-10 1.236e-05 3.612e-05 6.016e-10 9.411e-10 3.124e-10 1.367e-10 2.233e-04 1.117e-01 4.503e-01 2.346e-04 4.062e-04 1.801e-04 2.048e-06 4.269e-11 4.126e-03 1.443e-01 4.258e-11 9.122e-05 8.751e-11 4.194e-02 2.464e-01 +75 TP 18 7.283e-07 1.020e-01 8.665e-02 1.517e-08 1.699e-05 8.391e-09 1.086e-08 6.546e-08 8.296e-10 4.568e-07 1.673e-04 1.260e-09 4.306e-06 1.056e-09 6.255e-09 4.173e-09 8.458e-09 5.117e-01 7.491e-09 2.238e-09 6.150e-02 9.874e-03 8.628e-09 2.223e-09 7.548e-09 2.824e-09 2.216e-01 1.298e-09 6.484e-03 +75 TP 19 5.999e-10 2.058e-10 2.861e-10 3.072e-09 6.486e-05 1.784e-08 3.511e-01 5.187e-02 6.901e-11 1.890e-10 7.227e-10 5.160e-10 1.412e-10 4.814e-10 2.422e-05 9.795e-10 6.452e-10 2.800e-10 5.768e-01 2.400e-09 1.575e-10 1.303e-10 3.403e-04 4.657e-10 7.108e-11 1.974e-02 5.845e-09 5.044e-10 1.670e-09 +75 TP 20 4.069e-04 6.039e-11 2.990e-11 1.860e-10 3.532e-11 1.174e-10 1.493e-03 6.221e-08 2.600e-04 1.926e-10 4.099e-10 1.058e-10 4.539e-11 1.020e-02 7.852e-02 4.257e-05 7.112e-11 3.439e-11 1.061e-10 9.083e-01 1.802e-11 4.697e-11 2.768e-10 3.885e-06 1.164e-04 4.372e-04 3.544e-11 1.801e-10 2.417e-04 +75 TP 21 3.426e-09 5.435e-03 6.971e-07 2.277e-07 5.828e-03 1.020e-05 6.136e-08 1.138e-08 8.321e-10 1.388e-09 5.306e-03 1.468e-06 2.688e-04 1.322e-09 2.743e-03 8.105e-09 1.585e-02 1.068e-01 2.139e-08 8.765e-04 8.320e-01 5.242e-04 1.610e-08 8.154e-09 9.168e-10 3.029e-09 2.444e-02 3.141e-09 1.221e-06 +75 TP 22 2.547e-09 3.120e-02 1.166e-09 1.806e-09 7.903e-10 1.352e-09 1.078e-08 1.139e-07 2.643e-03 4.017e-09 1.242e-09 7.016e-10 1.248e-01 6.706e-04 1.498e-09 8.298e-10 8.478e-10 3.077e-09 1.412e-09 1.335e-09 9.490e-10 8.272e-01 1.485e-08 6.675e-10 2.452e-09 6.185e-03 7.269e-03 6.927e-10 1.009e-09 +75 TP 23 3.391e-09 1.305e-10 4.823e-07 3.836e-07 1.730e-09 2.073e-02 3.669e-01 2.125e-01 7.659e-11 2.175e-10 1.134e-03 8.314e-10 1.906e-10 4.791e-10 1.103e-02 3.692e-04 3.672e-09 3.062e-04 1.188e-01 2.279e-03 4.472e-04 8.234e-09 2.223e-01 8.215e-10 1.804e-09 4.310e-02 1.206e-09 4.050e-10 5.514e-10 +75 TP 24 8.204e-05 2.001e-11 3.185e-11 1.578e-09 4.879e-10 2.997e-04 6.861e-04 3.105e-10 2.167e-11 2.162e-11 2.219e-08 4.744e-04 1.810e-11 3.070e-11 1.330e-10 5.422e-02 1.283e-01 3.603e-11 1.027e-09 5.226e-11 2.742e-10 1.657e-11 3.156e-08 8.159e-01 1.736e-11 4.452e-05 2.239e-11 6.555e-08 2.474e-09 +75 TP 25 1.515e-09 1.224e-09 2.684e-10 2.808e-10 1.605e-10 3.148e-10 4.630e-09 1.579e-09 8.452e-03 2.686e-01 2.691e-10 1.429e-10 2.835e-03 3.332e-03 3.439e-09 1.853e-10 1.635e-10 3.211e-08 5.273e-10 1.232e-07 1.439e-10 8.079e-10 7.321e-10 2.127e-10 7.168e-01 5.008e-09 3.669e-10 1.820e-10 5.551e-10 +75 TP 26 4.113e-10 1.770e-10 1.303e-10 6.704e-10 2.407e-10 5.179e-10 4.389e-01 2.439e-06 2.224e-10 1.805e-10 2.684e-10 1.521e-10 4.269e-10 6.439e-10 1.533e-09 2.483e-10 6.619e-10 7.548e-11 3.358e-10 4.492e-03 9.609e-11 5.618e-06 1.505e-09 8.555e-11 1.284e-06 5.564e-01 5.400e-11 1.946e-04 4.934e-10 +75 TP 27 9.002e-09 1.451e-01 5.826e-07 1.577e-02 1.402e-03 1.139e-08 1.755e-08 6.045e-08 2.565e-09 1.075e-04 8.053e-09 2.467e-09 3.726e-06 3.095e-09 5.584e-09 3.337e-09 8.488e-09 5.245e-01 1.283e-08 4.838e-09 1.048e-01 6.097e-05 8.624e-04 2.400e-09 4.605e-09 6.249e-09 2.074e-01 2.436e-09 5.144e-09 +75 TP 28 2.882e-09 2.195e-10 2.348e-08 8.064e-05 2.982e-07 9.670e-09 2.100e-09 5.626e-09 7.839e-10 4.156e-10 2.747e-09 3.460e-09 2.401e-10 4.023e-10 1.854e-09 3.884e-02 2.033e-01 2.960e-05 4.948e-06 1.066e-09 1.127e-03 1.675e-10 3.582e-07 7.566e-01 2.065e-10 9.444e-10 2.342e-10 1.878e-08 6.881e-06 +75 TP 29 1.512e-09 5.462e-11 7.448e-11 1.079e-07 1.024e-09 1.243e-09 9.000e-10 1.444e-09 9.591e-04 7.588e-08 4.072e-10 3.395e-10 5.298e-11 2.150e-03 6.532e-10 1.790e-03 2.839e-01 5.835e-11 6.854e-10 1.807e-05 1.246e-10 5.493e-11 3.204e-09 2.734e-09 1.400e-10 1.391e-09 5.526e-11 2.387e-02 6.873e-01 +76 IP 1 1.787e-08 +76 IP 2 4.337e-02 +76 IP 3 4.680e-02 +76 IP 4 3.162e-02 +76 IP 5 3.478e-02 +76 IP 6 1.676e-02 +76 IP 7 4.236e-02 +76 IP 8 1.799e-03 +76 IP 9 1.673e-08 +76 IP 10 5.129e-07 +76 IP 11 1.587e-08 +76 IP 12 2.981e-08 +76 IP 13 3.266e-02 +76 IP 14 1.193e-02 +76 IP 15 5.236e-08 +76 IP 16 2.967e-02 +76 IP 17 8.046e-08 +76 IP 18 1.771e-08 +76 IP 19 5.066e-03 +76 IP 20 1.739e-01 +76 IP 21 5.775e-03 +76 IP 22 9.917e-02 +76 IP 23 9.664e-09 +76 IP 24 9.329e-09 +76 IP 25 2.647e-02 +76 IP 26 6.496e-09 +76 IP 27 8.874e-02 +76 IP 28 1.810e-08 +76 IP 29 2.481e-08 +76 IP 30 8.822e-09 +76 IP 31 6.894e-08 +76 IP 32 5.020e-03 +76 IP 33 3.631e-08 +76 IP 34 2.638e-08 +76 IP 35 3.041e-01 +76 IP 36 1.627e-08 +76 IP 37 1.133e-08 +76 EP 1 7.156e-09 2.116e-02 4.279e-02 2.114e-02 2.594e-02 1.757e-02 1.640e-08 5.761e-02 1.060e-01 1.429e-01 2.906e-01 2.742e-01 1.791e-09 3.346e-10 1.182e-10 3.779e-11 +76 EP 2 8.427e-05 5.398e-03 1.290e-02 1.242e-02 1.465e-02 1.848e-02 1.982e-02 2.285e-02 3.497e-02 6.445e-02 5.397e-02 5.439e-02 7.879e-02 1.984e-01 4.084e-01 4.807e-05 +76 EP 3 3.312e-11 6.464e-03 1.322e-02 1.454e-02 1.907e-02 2.518e-02 2.442e-02 2.467e-02 4.753e-02 7.429e-02 6.038e-02 6.709e-02 8.540e-02 2.037e-01 3.340e-01 1.627e-05 +76 EP 4 3.676e-03 1.011e-01 2.994e-01 2.547e-01 1.841e-01 1.033e-01 4.838e-02 5.271e-03 1.036e-04 1.821e-09 3.703e-10 3.793e-10 8.786e-11 5.101e-11 2.836e-11 2.228e-11 +76 EP 5 4.771e-04 1.306e-08 2.368e-05 2.488e-09 3.495e-06 2.147e-02 7.074e-02 1.127e-01 1.192e-01 1.050e-01 1.015e-01 1.564e-01 2.630e-01 4.946e-02 5.280e-10 4.909e-11 +76 EP 6 5.646e-04 3.193e-03 7.465e-03 1.199e-02 1.176e-02 2.533e-02 3.234e-02 3.880e-02 2.294e-09 6.074e-08 2.168e-01 4.594e-01 1.584e-01 9.436e-03 2.449e-02 2.229e-10 +76 EP 7 1.090e-04 2.542e-02 2.834e-02 7.789e-03 3.964e-03 6.275e-02 1.554e-01 3.042e-01 1.320e-01 9.229e-09 4.065e-09 7.019e-02 2.099e-01 1.947e-08 2.430e-09 1.142e-10 +76 EP 8 3.795e-03 8.014e-09 9.407e-03 7.851e-02 2.034e-01 1.395e-01 1.419e-01 1.158e-01 1.299e-01 1.348e-01 4.302e-02 7.603e-08 5.858e-09 6.301e-09 5.464e-09 5.458e-09 +76 EP 9 2.741e-04 9.385e-03 5.513e-02 3.164e-02 1.347e-02 3.231e-02 3.563e-02 4.767e-02 1.568e-01 3.070e-01 2.865e-01 4.654e-09 1.912e-03 2.227e-02 9.590e-10 7.275e-11 +76 EP 10 1.469e-10 1.364e-02 1.573e-02 1.211e-02 1.589e-03 1.020e-02 1.159e-02 1.881e-02 2.501e-02 3.042e-02 4.711e-02 5.165e-02 2.251e-01 5.370e-01 1.406e-09 4.450e-11 +76 EP 11 1.762e-04 4.106e-03 2.192e-02 2.661e-02 3.175e-02 3.689e-02 2.320e-02 1.178e-02 4.246e-02 7.807e-02 1.128e-01 1.079e-01 1.513e-01 3.489e-01 2.208e-03 3.214e-11 +76 EP 12 2.130e-10 2.372e-03 6.623e-03 7.981e-03 9.925e-03 1.541e-02 2.162e-02 2.815e-02 7.457e-02 6.243e-02 4.547e-02 6.592e-02 9.909e-02 3.527e-01 2.077e-01 9.699e-11 +76 EP 13 9.230e-05 2.175e-09 3.775e-02 6.911e-02 1.144e-01 1.383e-01 1.491e-01 1.544e-01 1.306e-01 1.275e-01 7.881e-02 5.517e-10 8.218e-11 3.248e-11 1.738e-11 9.331e-12 +76 EP 14 1.123e-03 7.979e-03 5.127e-02 7.865e-02 1.192e-01 1.329e-01 1.070e-01 7.783e-02 7.781e-02 8.745e-02 1.198e-01 1.227e-01 1.621e-02 9.847e-11 4.575e-11 2.967e-11 +76 EP 15 4.026e-04 1.659e-02 4.895e-02 3.446e-02 2.636e-02 4.245e-02 5.311e-02 7.254e-02 6.239e-02 5.547e-02 5.551e-02 1.211e-01 2.987e-01 1.118e-01 1.895e-04 6.777e-11 +76 EP 16 1.673e-10 1.120e-05 3.677e-02 4.545e-02 8.404e-02 1.199e-01 1.595e-01 1.694e-01 1.267e-01 7.714e-02 3.863e-02 6.439e-02 7.814e-02 4.311e-10 6.326e-11 1.318e-11 +76 EP 17 4.461e-10 1.802e-02 2.116e-02 2.943e-02 1.946e-02 2.773e-02 7.046e-02 2.774e-01 3.595e-01 1.545e-01 1.657e-02 4.980e-09 5.765e-03 3.508e-07 2.459e-09 1.418e-10 +76 EP 18 7.142e-03 7.580e-02 2.271e-01 2.263e-01 1.646e-01 1.241e-01 7.653e-02 4.896e-02 3.389e-02 1.562e-02 7.520e-10 3.458e-10 3.537e-10 2.833e-10 2.740e-10 2.727e-10 +76 EP 19 1.035e-03 6.117e-02 6.393e-02 3.283e-02 3.324e-02 4.254e-02 3.675e-02 4.015e-02 5.094e-02 6.277e-02 7.277e-02 9.395e-02 1.534e-01 2.035e-01 5.097e-02 6.519e-11 +76 EP 20 1.716e-03 6.968e-02 2.106e-01 1.719e-01 1.545e-01 1.227e-01 7.411e-02 3.691e-02 3.029e-02 3.639e-02 4.888e-02 4.238e-02 5.623e-10 1.454e-10 3.413e-11 1.204e-11 +76 EP 21 4.348e-03 2.006e-01 3.658e-01 2.010e-01 9.493e-02 4.659e-02 3.517e-02 2.198e-02 1.334e-02 9.438e-03 5.653e-03 9.216e-04 1.659e-04 1.005e-10 1.006e-10 9.845e-11 +76 EP 22 4.202e-04 2.043e-02 7.458e-02 6.857e-02 7.807e-02 8.291e-02 8.852e-02 1.004e-01 9.202e-02 1.223e-01 1.024e-01 8.193e-02 8.740e-02 6.076e-09 4.986e-10 4.276e-11 +76 EP 23 6.332e-05 8.229e-03 4.284e-02 5.575e-02 9.810e-02 1.158e-01 1.385e-01 1.307e-01 1.193e-01 1.604e-01 1.049e-01 2.378e-02 1.320e-03 3.118e-04 5.215e-09 5.187e-09 +76 EP 24 5.789e-10 1.024e-02 2.354e-02 2.806e-02 2.073e-02 3.320e-02 3.092e-02 1.088e-01 3.244e-01 3.218e-01 7.665e-02 1.257e-04 8.612e-09 2.151e-02 1.946e-08 2.788e-10 +76 EP 25 1.018e-09 1.854e-07 3.258e-02 2.519e-02 3.220e-02 8.500e-02 8.905e-02 9.967e-02 9.336e-02 1.277e-01 1.937e-01 1.938e-01 2.768e-02 1.987e-10 9.915e-11 7.058e-11 +76 EP 26 1.412e-09 8.089e-04 1.618e-02 1.366e-02 1.854e-02 4.767e-02 6.238e-02 5.629e-02 9.427e-02 1.033e-01 1.846e-01 2.414e-01 9.455e-02 3.174e-02 3.467e-02 1.409e-09 +76 EP 27 4.347e-03 1.086e-01 2.401e-01 1.774e-01 1.388e-01 9.521e-02 6.832e-02 5.938e-02 4.923e-02 3.806e-02 2.054e-02 3.526e-10 1.502e-10 2.653e-11 1.598e-11 1.396e-11 +76 EP 28 4.222e-10 6.981e-06 3.253e-05 1.544e-07 7.607e-03 1.411e-02 3.636e-02 1.732e-07 2.418e-08 4.515e-03 6.937e-09 1.717e-01 7.657e-01 5.445e-07 1.067e-09 1.336e-10 +76 EP 29 4.166e-10 1.835e-02 5.960e-02 5.687e-02 6.700e-02 8.465e-02 8.703e-02 8.635e-02 8.249e-02 9.663e-02 1.037e-01 1.073e-01 1.501e-01 2.126e-08 6.416e-10 2.501e-11 +76 EP 30 1.204e-04 6.251e-03 1.125e-02 2.036e-02 3.117e-02 3.445e-02 5.573e-02 3.593e-02 2.343e-09 6.584e-04 2.020e-01 4.405e-01 9.778e-02 1.806e-02 4.571e-02 1.354e-10 +76 EP 31 1.303e-10 1.182e-02 2.081e-02 1.755e-02 1.766e-02 3.347e-02 4.186e-02 4.673e-02 4.638e-02 2.614e-02 5.431e-02 8.229e-02 1.751e-01 3.778e-01 4.817e-02 2.854e-11 +76 EP 32 2.267e-04 1.292e-03 2.064e-02 1.764e-02 6.209e-03 6.863e-03 1.527e-02 3.755e-02 4.315e-02 3.124e-03 7.393e-03 7.132e-03 1.095e-01 6.899e-01 3.409e-02 3.539e-11 +76 EP 33 8.916e-08 1.929e-02 6.355e-02 1.442e-02 7.666e-07 4.488e-08 5.429e-02 1.801e-01 1.933e-01 1.845e-01 1.771e-06 1.688e-04 2.904e-01 2.057e-09 1.922e-10 2.980e-11 +76 EP 34 2.398e-04 1.170e-08 1.691e-02 5.047e-02 9.579e-02 1.642e-01 1.453e-01 1.761e-02 7.859e-04 8.723e-04 1.847e-01 3.230e-01 3.201e-09 3.583e-10 8.978e-11 2.180e-11 +76 EP 35 1.785e-01 3.851e-01 2.451e-01 9.282e-02 5.089e-02 2.826e-02 1.299e-02 4.543e-03 1.379e-03 3.664e-04 3.173e-10 2.432e-10 1.914e-10 1.635e-10 1.588e-10 1.576e-10 +76 EP 36 3.653e-10 3.095e-08 3.875e-09 8.151e-09 7.682e-03 5.690e-02 2.362e-02 3.730e-09 6.627e-09 2.380e-02 1.452e-01 3.510e-01 3.918e-01 8.287e-10 1.710e-10 5.377e-11 +76 EP 37 2.005e-09 2.614e-03 2.522e-02 6.063e-02 9.310e-02 3.934e-01 1.889e-01 1.567e-01 2.871e-02 2.810e-09 2.169e-02 2.901e-02 2.295e-09 3.501e-09 2.110e-09 1.870e-09 +76 TP 1 3.782e-01 1.088e-04 5.425e-10 7.966e-02 1.273e-09 3.631e-10 1.776e-02 3.625e-10 4.225e-10 6.045e-09 6.160e-06 6.173e-10 4.533e-01 7.869e-10 7.964e-09 1.112e-09 1.082e-09 2.042e-10 2.311e-10 1.124e-03 3.515e-10 8.286e-09 2.511e-10 3.558e-09 1.606e-09 6.595e-10 1.665e-09 5.533e-09 7.786e-10 3.288e-10 8.722e-10 5.956e-09 6.957e-02 3.493e-08 2.788e-04 6.372e-10 1.774e-10 +76 TP 2 5.186e-11 8.468e-01 6.815e-10 4.539e-11 4.312e-09 3.649e-02 1.084e-10 1.832e-11 4.535e-10 8.503e-10 1.947e-10 7.748e-09 4.336e-11 1.790e-10 2.113e-10 2.452e-04 7.784e-10 2.040e-11 1.509e-03 9.599e-10 2.416e-11 1.211e-09 1.684e-11 5.043e-05 2.130e-10 1.884e-11 1.933e-10 8.323e-11 3.956e-10 2.535e-10 1.149e-01 4.866e-09 5.607e-11 5.522e-11 2.838e-11 2.760e-10 2.691e-11 +76 TP 3 1.353e-10 1.119e-09 7.788e-01 1.178e-10 5.448e-10 1.117e-09 2.075e-10 2.041e-11 5.648e-10 5.231e-08 2.365e-10 3.239e-10 1.083e-10 2.251e-10 3.047e-10 2.850e-03 8.567e-03 2.021e-11 2.922e-03 2.551e-08 6.554e-11 4.934e-10 1.763e-11 9.841e-04 1.305e-10 3.068e-11 3.234e-10 2.794e-10 7.095e-02 4.215e-02 2.795e-09 9.275e-02 1.569e-10 1.868e-10 2.925e-11 3.584e-05 2.856e-11 +76 TP 4 2.464e-09 1.753e-10 1.130e-10 5.371e-01 2.696e-10 3.517e-10 5.428e-10 1.655e-10 4.931e-05 2.665e-10 4.531e-10 2.149e-10 4.280e-01 7.674e-09 1.631e-09 2.442e-08 1.018e-10 1.077e-06 6.592e-11 8.030e-10 3.509e-10 1.150e-10 6.973e-11 7.948e-11 5.397e-10 1.077e-10 2.915e-08 6.309e-09 5.510e-10 8.208e-10 1.399e-10 7.754e-11 1.750e-09 3.213e-02 2.493e-03 1.065e-09 1.845e-04 +76 TP 5 1.275e-09 1.065e-09 3.746e-09 1.314e-04 3.220e-01 7.555e-10 1.706e-09 6.823e-11 3.756e-06 3.445e-09 1.933e-09 1.833e-09 1.496e-08 1.752e-09 1.085e-09 1.729e-05 1.462e-08 7.404e-11 2.378e-09 6.237e-01 1.418e-07 1.044e-09 5.494e-11 7.060e-10 2.025e-02 5.870e-11 2.491e-02 1.152e-09 5.689e-09 2.016e-08 1.639e-09 8.978e-03 2.418e-09 1.030e-09 1.363e-09 1.533e-09 1.781e-10 +76 TP 6 6.187e-10 1.387e-05 2.491e-09 4.754e-10 1.846e-09 3.406e-01 1.736e-09 1.889e-10 4.130e-08 1.828e-09 1.302e-09 2.229e-09 5.129e-10 1.253e-09 1.161e-09 5.340e-09 2.711e-09 2.588e-10 2.295e-08 3.690e-09 3.199e-10 1.060e-01 1.808e-10 5.533e-01 1.330e-09 7.247e-06 3.580e-09 1.029e-09 1.918e-09 1.913e-09 4.682e-08 2.635e-09 1.036e-09 6.639e-10 3.225e-10 1.035e-09 2.129e-10 +76 TP 7 1.911e-02 3.537e-05 1.068e-09 2.198e-09 5.525e-03 8.559e-10 4.258e-06 7.163e-10 1.132e-08 2.639e-04 6.705e-01 4.682e-02 7.947e-08 4.694e-08 4.773e-09 6.574e-09 1.575e-09 2.222e-10 6.631e-10 2.410e-09 4.687e-10 4.868e-09 3.004e-10 1.751e-09 3.202e-09 1.002e-09 1.672e-09 2.239e-01 2.193e-09 5.292e-08 8.908e-08 1.279e-03 3.253e-02 1.063e-08 3.452e-10 7.010e-09 4.982e-10 +76 TP 8 6.216e-08 7.582e-09 8.978e-09 8.005e-08 1.059e-08 2.102e-08 1.375e-08 4.471e-07 1.059e-08 9.528e-09 1.114e-08 1.026e-08 3.838e-01 2.539e-07 2.179e-08 1.443e-08 1.112e-08 7.265e-08 7.371e-09 1.312e-08 4.973e-07 2.989e-08 4.764e-01 2.701e-03 5.040e-08 9.140e-04 4.774e-02 1.152e-08 1.017e-08 1.331e-08 1.203e-08 8.827e-09 1.542e-08 8.028e-02 8.727e-08 9.570e-09 8.187e-03 +76 TP 9 1.453e-09 1.942e-09 6.258e-09 8.493e-10 5.625e-09 1.079e-06 4.472e-03 9.927e-11 4.020e-01 2.059e-05 3.480e-09 1.252e-09 1.327e-09 1.230e-09 1.463e-09 4.201e-01 1.392e-01 1.070e-10 3.934e-08 4.897e-09 1.213e-09 1.673e-09 8.206e-11 1.977e-09 1.320e-09 1.015e-10 1.246e-09 1.563e-09 1.811e-08 3.263e-02 1.505e-09 7.655e-09 3.465e-09 9.347e-10 1.544e-03 2.245e-09 5.673e-10 +76 TP 10 5.351e-10 1.920e-03 1.534e-01 1.602e-10 6.794e-10 7.532e-10 3.951e-03 5.404e-11 3.543e-02 3.654e-01 3.571e-09 1.670e-03 3.569e-10 5.904e-10 1.306e-09 3.612e-09 5.171e-02 5.313e-11 1.905e-09 9.079e-10 9.556e-11 4.048e-10 4.722e-11 2.538e-09 2.256e-10 5.303e-11 2.270e-10 1.756e-05 3.252e-01 5.643e-02 8.560e-10 3.437e-03 1.049e-09 5.447e-10 7.043e-11 1.409e-03 7.201e-11 +76 TP 11 7.563e-03 6.510e-10 4.343e-10 7.633e-04 1.189e-09 3.812e-10 1.685e-01 7.447e-11 1.728e-09 1.368e-09 5.531e-01 5.409e-02 1.792e-03 4.507e-09 2.514e-07 1.181e-03 9.333e-10 8.593e-11 2.275e-10 8.881e-10 1.093e-10 2.465e-06 5.435e-11 4.156e-10 3.787e-08 4.318e-09 1.466e-09 3.326e-02 2.674e-09 1.408e-09 1.813e-03 3.981e-08 1.059e-01 7.203e-02 8.839e-11 2.322e-09 8.792e-11 +76 TP 12 3.929e-03 1.138e-09 1.229e-09 4.337e-08 1.723e-09 1.992e-03 3.636e-02 1.539e-10 1.673e-06 4.494e-09 1.757e-01 7.638e-01 4.575e-09 8.947e-04 3.875e-09 1.899e-09 1.981e-09 1.451e-04 9.668e-10 8.444e-10 4.124e-10 1.564e-04 1.323e-10 8.727e-10 1.003e-07 7.972e-09 5.800e-09 1.609e-03 3.296e-09 3.363e-09 7.122e-09 8.001e-03 3.377e-09 2.367e-03 2.297e-10 5.073e-03 1.863e-10 +76 TP 13 7.962e-02 3.386e-06 9.821e-11 1.701e-01 1.473e-10 1.283e-10 5.694e-03 5.902e-11 1.972e-10 4.204e-07 8.789e-10 9.224e-10 6.390e-01 2.985e-10 2.949e-10 2.893e-10 1.280e-10 6.639e-04 3.637e-11 7.788e-10 1.128e-10 8.162e-11 4.639e-11 6.724e-11 2.878e-10 1.397e-10 1.110e-04 1.011e-03 2.210e-10 5.855e-10 5.310e-11 1.042e-10 1.379e-02 8.883e-02 1.215e-03 1.920e-10 5.290e-11 +76 TP 14 6.496e-10 1.723e-04 8.405e-09 4.898e-10 1.552e-09 2.382e-09 1.795e-09 1.090e-10 7.280e-10 1.028e-04 8.791e-10 3.422e-10 4.379e-10 5.974e-01 1.100e-01 3.339e-09 6.585e-10 2.220e-09 2.220e-09 3.555e-09 1.997e-09 5.564e-10 8.810e-11 3.521e-10 2.680e-01 3.299e-11 8.929e-09 1.831e-09 1.468e-09 3.761e-10 5.486e-10 4.404e-10 7.553e-10 5.538e-10 2.134e-09 2.432e-02 1.259e-10 +76 TP 15 1.267e-09 5.364e-08 2.602e-09 8.979e-05 3.770e-09 6.436e-10 2.919e-09 4.164e-10 1.069e-09 2.232e-02 8.500e-08 2.218e-03 1.181e-09 1.586e-01 7.458e-01 1.793e-09 2.315e-09 2.026e-10 1.839e-03 2.092e-09 5.441e-10 6.684e-10 1.079e-10 8.372e-10 5.503e-02 7.367e-11 1.403e-02 1.435e-08 2.487e-09 6.595e-10 8.136e-10 6.677e-07 1.512e-09 1.567e-09 2.705e-10 2.713e-09 2.019e-10 +76 TP 16 5.999e-10 1.075e-05 9.761e-03 2.575e-10 1.601e-08 1.798e-10 7.465e-10 1.851e-11 3.185e-02 1.617e-01 8.017e-10 1.532e-10 3.716e-10 1.067e-09 3.390e-10 5.560e-01 3.670e-09 2.131e-11 1.535e-09 1.447e-01 8.061e-04 1.108e-10 1.495e-11 1.634e-10 7.221e-04 1.572e-11 1.819e-09 1.081e-05 1.441e-09 1.102e-09 2.130e-10 6.474e-10 5.031e-10 3.047e-04 4.034e-10 9.411e-02 1.541e-10 +76 TP 17 3.148e-09 4.823e-09 5.296e-01 9.517e-10 2.037e-02 7.605e-04 2.383e-09 1.748e-10 4.409e-09 8.725e-09 3.472e-09 3.308e-09 2.891e-09 1.302e-09 2.148e-09 3.349e-08 5.006e-09 1.712e-10 4.287e-09 3.820e-09 8.102e-04 1.533e-09 1.506e-10 1.055e-09 1.839e-09 1.639e-10 1.049e-09 5.310e-09 1.431e-07 6.721e-09 2.807e-08 4.484e-01 3.543e-09 2.134e-09 5.096e-10 1.191e-08 9.201e-05 +76 TP 18 4.325e-09 3.365e-10 3.612e-10 7.075e-07 4.236e-10 4.462e-10 4.454e-10 4.477e-02 4.712e-10 3.643e-10 4.222e-10 3.477e-10 2.701e-08 4.311e-09 7.863e-10 5.493e-10 4.233e-10 9.279e-01 3.670e-10 5.630e-10 1.067e-02 7.289e-10 4.419e-05 4.864e-10 1.520e-09 4.001e-10 8.434e-07 4.581e-10 4.689e-10 5.413e-10 4.189e-10 3.241e-10 6.047e-10 1.589e-05 1.665e-02 4.665e-10 6.584e-09 +76 TP 19 4.314e-10 4.040e-03 1.038e-02 2.211e-10 6.217e-03 8.471e-04 1.185e-09 9.643e-11 1.473e-09 2.689e-09 1.288e-09 3.531e-10 3.296e-10 6.410e-09 1.406e-03 6.386e-09 3.047e-09 8.256e-11 9.719e-01 3.877e-09 4.710e-10 4.719e-04 1.961e-06 3.778e-09 4.926e-04 1.915e-06 2.081e-09 6.941e-04 9.266e-09 1.185e-09 3.530e-09 3.535e-09 7.122e-10 6.892e-10 1.395e-10 3.584e-03 9.980e-11 +76 TP 20 1.441e-09 2.272e-04 1.104e-09 1.748e-10 5.053e-10 1.498e-10 1.977e-10 1.647e-11 1.718e-08 1.911e-02 4.551e-10 9.704e-11 4.282e-10 2.950e-03 4.661e-10 2.740e-01 6.407e-10 1.874e-11 7.454e-08 6.511e-01 1.344e-06 1.291e-10 1.339e-11 1.698e-10 8.885e-07 1.393e-11 9.674e-08 2.099e-10 7.980e-10 1.319e-09 2.431e-10 2.283e-10 3.635e-10 1.312e-09 3.225e-04 5.220e-02 1.146e-04 +76 TP 21 7.030e-10 3.678e-10 7.234e-10 2.779e-09 3.743e-10 1.488e-09 3.612e-10 1.122e-05 6.333e-10 3.668e-10 2.496e-10 1.616e-10 2.698e-09 4.966e-09 4.546e-10 5.307e-03 8.816e-10 4.348e-03 1.378e-06 5.767e-09 9.542e-01 1.410e-03 2.074e-05 7.722e-10 1.703e-09 1.217e-05 1.836e-02 1.877e-10 1.874e-03 2.486e-09 3.318e-10 1.967e-10 3.278e-09 7.044e-10 1.443e-02 7.212e-10 2.195e-10 +76 TP 22 2.671e-10 3.986e-09 8.695e-10 2.079e-10 5.099e-10 1.755e-09 1.060e-09 6.125e-11 6.918e-10 2.432e-04 6.167e-10 7.861e-10 2.053e-10 5.443e-10 8.088e-04 8.447e-10 5.384e-09 8.257e-05 2.951e-09 5.015e-10 9.146e-10 6.857e-01 5.649e-11 1.198e-02 8.992e-10 4.935e-11 7.613e-10 5.156e-10 9.808e-10 4.761e-10 2.992e-01 2.864e-09 3.380e-10 3.204e-10 2.002e-03 1.050e-09 9.788e-11 +76 TP 23 3.278e-08 6.077e-09 6.565e-09 4.039e-08 6.037e-09 2.250e-03 7.138e-09 8.298e-09 6.481e-09 6.321e-09 7.735e-09 6.279e-09 2.687e-08 9.355e-09 6.854e-04 6.419e-09 1.016e-08 3.879e-01 5.868e-09 6.377e-09 1.568e-08 7.174e-09 4.957e-01 1.374e-08 8.183e-09 7.599e-02 1.207e-08 8.986e-09 6.421e-09 3.259e-04 6.330e-09 6.217e-09 1.007e-08 3.017e-08 3.717e-02 6.035e-09 6.542e-09 +76 TP 24 6.753e-10 7.998e-01 2.432e-09 5.730e-10 2.833e-09 1.462e-08 1.377e-09 2.127e-10 1.212e-03 6.704e-09 6.772e-09 1.192e-02 6.967e-10 1.576e-09 2.090e-09 2.537e-09 2.260e-09 3.390e-10 1.929e-08 2.262e-09 1.476e-03 9.001e-08 2.448e-10 4.918e-09 4.022e-04 2.217e-10 9.909e-10 9.069e-10 2.595e-09 7.091e-09 1.828e-01 2.369e-03 1.537e-09 9.043e-10 9.554e-10 3.126e-09 9.357e-10 +76 TP 25 1.218e-09 6.143e-09 2.845e-09 2.182e-09 7.498e-09 8.645e-10 2.921e-09 2.320e-10 9.415e-10 5.743e-09 3.884e-09 9.943e-10 9.925e-10 9.080e-09 9.229e-07 2.977e-09 1.811e-09 2.331e-09 2.831e-03 1.913e-04 6.314e-08 1.575e-09 1.890e-10 6.553e-10 2.699e-01 7.919e-11 7.225e-01 1.319e-07 1.994e-09 6.339e-10 1.661e-09 1.964e-09 1.770e-09 9.444e-10 4.505e-03 2.747e-09 4.703e-10 +76 TP 26 1.913e-08 1.931e-09 5.126e-09 6.833e-09 2.715e-09 1.922e-09 9.007e-09 1.025e-03 2.434e-09 2.836e-09 4.757e-03 3.563e-09 2.107e-08 1.732e-09 1.688e-09 3.013e-09 2.496e-09 1.895e-09 7.508e-07 2.562e-09 3.777e-09 1.887e-09 1.321e-02 1.928e-09 1.697e-09 9.792e-01 1.676e-09 1.301e-08 2.806e-09 2.385e-04 2.237e-09 1.070e-03 1.469e-08 4.107e-08 1.672e-09 2.676e-09 4.793e-04 +76 TP 27 2.856e-10 3.198e-10 1.101e-10 1.911e-10 2.017e-10 1.216e-06 4.535e-10 7.169e-11 9.935e-04 7.253e-10 1.344e-10 6.913e-11 2.196e-10 1.440e-01 7.782e-10 7.118e-03 1.000e-10 1.047e-04 7.896e-06 1.880e-06 2.389e-03 2.730e-10 6.033e-11 1.338e-10 9.464e-10 1.522e-11 8.413e-01 2.590e-10 4.599e-10 1.892e-10 1.365e-04 9.558e-11 2.575e-10 3.037e-10 3.930e-03 4.841e-08 4.545e-11 +76 TP 28 2.009e-01 1.210e-09 1.127e-09 1.916e-02 3.524e-09 9.240e-10 1.877e-08 1.081e-06 4.815e-09 1.496e-09 2.788e-01 6.252e-03 6.507e-02 4.987e-03 6.215e-09 3.873e-09 3.479e-09 2.366e-10 9.954e-10 2.859e-09 5.281e-10 2.004e-09 3.363e-10 2.000e-09 1.616e-09 2.386e-09 1.260e-09 2.460e-01 3.239e-09 1.321e-03 2.410e-09 2.546e-09 6.807e-02 1.093e-01 3.813e-10 3.245e-09 4.157e-10 +76 TP 29 5.406e-10 3.821e-07 6.549e-02 2.061e-10 1.520e-01 4.235e-10 3.889e-10 3.051e-11 3.016e-02 3.340e-06 6.238e-10 7.272e-10 4.214e-10 6.059e-10 6.317e-10 3.874e-02 3.428e-06 3.074e-11 1.020e-09 1.015e-09 2.061e-10 3.196e-10 2.519e-11 5.855e-10 1.701e-09 2.722e-11 4.853e-10 6.009e-10 4.352e-01 1.149e-07 8.361e-10 2.784e-01 5.376e-10 3.545e-10 1.372e-10 3.894e-09 5.105e-11 +76 TP 30 8.582e-10 4.974e-09 7.332e-09 7.430e-10 3.852e-09 1.316e-09 1.638e-09 1.391e-10 1.531e-01 2.143e-08 1.594e-09 4.202e-09 9.766e-10 1.257e-09 1.792e-09 8.920e-09 4.352e-01 1.310e-10 4.820e-09 3.506e-09 3.299e-10 1.704e-09 1.162e-10 4.891e-09 1.132e-09 1.396e-05 1.100e-09 4.250e-09 2.297e-07 4.082e-01 3.629e-09 3.470e-03 1.897e-09 1.071e-09 4.271e-10 2.864e-09 1.854e-10 +76 TP 31 1.291e-10 1.254e-01 1.495e-03 9.908e-11 1.438e-09 4.234e-02 5.712e-10 7.860e-11 9.348e-10 7.654e-04 1.017e-09 8.211e-04 1.162e-10 7.852e-10 3.213e-09 9.233e-10 4.339e-05 1.077e-10 1.559e-09 8.669e-10 5.943e-11 1.641e-01 5.176e-06 4.141e-02 5.003e-04 3.035e-11 4.776e-10 8.242e-05 1.067e-09 5.710e-10 6.231e-01 2.220e-08 2.214e-10 1.933e-10 5.848e-11 1.309e-09 4.324e-11 +76 TP 32 7.732e-04 2.090e-09 5.833e-02 4.494e-10 4.897e-02 1.389e-09 8.323e-10 1.515e-06 2.562e-02 1.988e-09 2.209e-09 9.381e-04 1.848e-04 4.335e-05 9.252e-09 8.557e-02 5.148e-04 4.493e-11 3.244e-09 5.391e-02 4.963e-05 2.661e-09 3.565e-11 2.078e-08 7.351e-07 4.622e-11 8.746e-06 8.458e-10 2.958e-01 3.374e-02 1.262e-03 3.105e-01 5.818e-10 1.357e-09 5.626e-11 8.385e-02 5.029e-11 +76 TP 33 2.666e-07 4.586e-10 2.822e-10 1.540e-09 6.434e-10 2.532e-10 5.461e-02 3.891e-10 2.128e-03 5.327e-09 7.814e-02 3.016e-03 6.000e-02 8.950e-10 7.053e-10 1.616e-09 5.387e-10 1.522e-10 2.052e-10 1.308e-09 3.277e-10 8.374e-10 1.606e-10 4.713e-04 4.654e-10 5.979e-10 4.022e-10 5.368e-03 8.293e-10 1.173e-09 1.639e-09 2.207e-09 3.903e-01 4.059e-01 1.221e-10 6.875e-10 1.819e-10 +76 TP 34 1.297e-01 2.068e-09 2.980e-10 2.982e-03 1.162e-09 1.385e-10 5.050e-09 1.179e-10 3.162e-10 7.357e-10 3.248e-02 1.163e-09 1.039e-01 5.344e-10 3.415e-09 1.235e-09 4.609e-10 1.067e-10 1.031e-10 9.090e-10 1.011e-10 2.083e-10 9.905e-11 1.322e-10 9.228e-10 1.706e-09 6.670e-10 5.078e-02 4.062e-10 5.382e-10 1.465e-10 5.296e-10 2.844e-01 3.957e-01 5.095e-10 6.028e-10 1.262e-10 +76 TP 35 1.558e-09 2.304e-10 2.685e-10 2.334e-02 5.009e-10 4.403e-10 1.176e-09 2.831e-03 4.800e-09 3.457e-10 6.166e-10 3.100e-10 1.719e-02 1.523e-02 6.406e-10 3.401e-04 6.501e-10 9.265e-03 3.610e-10 1.168e-02 2.794e-02 5.249e-03 1.793e-05 2.746e-10 1.626e-09 2.024e-10 3.283e-02 1.119e-09 1.048e-09 8.087e-10 3.296e-10 2.407e-10 9.090e-10 3.971e-03 8.501e-01 8.158e-10 4.763e-10 +76 TP 36 1.088e-09 2.144e-09 3.395e-09 7.186e-10 2.838e-01 8.228e-10 3.398e-03 7.341e-11 7.174e-02 2.563e-06 9.416e-04 2.917e-09 1.243e-09 2.813e-02 2.643e-09 2.193e-08 1.342e-08 7.696e-11 7.737e-03 1.834e-01 9.682e-10 8.982e-10 5.949e-11 1.365e-09 2.848e-05 6.478e-11 1.736e-07 2.019e-07 1.930e-01 8.772e-03 1.554e-09 3.165e-02 1.834e-05 1.220e-09 3.875e-10 1.874e-01 1.252e-10 +76 TP 37 7.598e-09 2.700e-09 3.275e-09 1.189e-08 1.546e-08 2.731e-09 4.270e-03 2.864e-09 7.506e-09 6.028e-09 5.181e-03 3.725e-09 3.332e-08 1.054e-08 5.412e-09 2.011e-08 8.759e-09 1.096e-02 2.666e-09 1.064e-08 6.337e-09 2.763e-09 2.656e-09 2.659e-09 7.322e-09 2.725e-09 9.132e-09 6.790e-09 8.720e-09 5.975e-09 2.650e-09 9.534e-09 9.986e-03 7.822e-09 3.630e-09 7.621e-03 9.620e-01 +77 IP 1 2.689e-04 +77 IP 2 1.259e-08 +77 IP 3 2.342e-08 +77 IP 4 1.226e-08 +77 IP 5 1.212e-02 +77 IP 6 1.111e-01 +77 IP 7 1.797e-02 +77 IP 8 8.407e-02 +77 IP 9 4.613e-03 +77 IP 10 2.983e-07 +77 IP 11 5.242e-02 +77 IP 12 1.331e-08 +77 IP 13 1.554e-08 +77 IP 14 1.574e-02 +77 IP 15 6.115e-07 +77 IP 16 8.293e-09 +77 IP 17 7.506e-05 +77 IP 18 1.392e-08 +77 IP 19 1.378e-05 +77 IP 20 9.661e-02 +77 IP 21 5.729e-08 +77 IP 22 4.269e-02 +77 IP 23 4.733e-02 +77 IP 24 2.875e-01 +77 IP 25 2.694e-03 +77 IP 26 1.478e-01 +77 IP 27 7.729e-04 +77 IP 28 1.920e-08 +77 IP 29 7.622e-02 +77 EP 1 4.577e-05 3.362e-02 6.352e-02 6.209e-02 5.694e-02 6.853e-02 4.812e-02 4.371e-02 4.434e-02 7.952e-02 7.931e-02 1.270e-01 2.932e-01 8.077e-05 3.968e-09 +77 EP 2 9.261e-03 7.265e-02 5.273e-02 5.302e-02 4.857e-02 5.567e-02 6.947e-02 1.764e-01 2.585e-01 1.253e-01 5.189e-02 1.346e-08 2.653e-02 9.395e-08 1.394e-08 +77 EP 3 7.697e-05 2.714e-08 8.074e-03 8.187e-03 2.003e-08 5.789e-02 8.499e-02 7.500e-02 7.321e-02 8.932e-02 1.004e-01 2.418e-01 2.611e-01 1.439e-08 7.825e-09 +77 EP 4 5.042e-04 2.863e-01 2.306e-01 9.177e-02 1.799e-02 3.661e-08 1.014e-08 7.934e-08 1.749e-02 1.185e-06 1.864e-06 8.537e-09 6.176e-02 2.932e-01 3.395e-04 +77 EP 5 2.547e-10 1.079e-02 2.207e-02 2.605e-02 1.800e-02 3.399e-02 3.576e-02 5.126e-02 5.421e-02 3.089e-02 4.420e-02 5.577e-02 1.678e-01 4.115e-01 3.772e-02 +77 EP 6 6.760e-03 2.211e-01 3.498e-01 1.882e-01 9.602e-02 5.710e-02 3.762e-02 2.194e-02 1.260e-02 4.805e-03 3.178e-03 5.463e-04 3.409e-04 9.173e-11 8.041e-11 +77 EP 7 1.908e-04 1.077e-02 2.577e-02 2.588e-02 2.559e-02 4.111e-02 4.920e-02 7.517e-02 7.393e-02 6.683e-02 8.647e-02 6.644e-02 1.570e-01 2.903e-01 5.403e-03 +77 EP 8 6.918e-05 1.092e-02 5.934e-02 5.238e-02 5.499e-02 8.482e-02 5.265e-02 8.792e-02 9.963e-02 1.135e-01 2.265e-01 1.573e-01 8.505e-10 6.833e-10 8.161e-11 +77 EP 9 1.298e-03 2.158e-01 2.840e-01 1.828e-01 1.206e-01 7.372e-02 3.755e-02 2.656e-02 2.051e-02 1.965e-02 1.753e-02 8.084e-09 5.491e-09 3.060e-09 1.635e-09 +77 EP 10 7.481e-05 1.852e-02 5.672e-02 4.493e-02 5.483e-02 7.317e-02 9.067e-02 7.621e-02 7.146e-02 6.935e-02 5.507e-02 1.627e-01 2.207e-01 4.265e-03 1.357e-03 +77 EP 11 2.853e-03 6.490e-02 2.135e-01 1.875e-01 1.562e-01 1.126e-01 8.680e-02 7.153e-02 5.900e-02 4.288e-02 2.205e-03 1.719e-10 1.524e-06 7.597e-11 2.059e-11 +77 EP 12 4.958e-08 5.172e-08 2.574e-05 5.537e-08 4.910e-08 1.349e-02 5.452e-02 8.102e-02 1.628e-01 2.887e-01 2.967e-01 4.399e-08 3.587e-02 6.686e-02 5.944e-08 +77 EP 13 1.512e-08 5.221e-02 1.123e-01 4.851e-02 5.128e-02 4.404e-02 2.745e-02 2.239e-02 8.523e-09 1.740e-03 1.845e-01 3.013e-01 6.907e-02 1.244e-02 7.282e-02 +77 EP 14 2.298e-06 4.528e-02 1.261e-01 1.201e-01 1.375e-01 1.612e-01 1.036e-01 7.301e-02 5.198e-02 4.095e-02 4.008e-02 6.748e-02 3.273e-02 4.245e-07 3.318e-09 +77 EP 15 6.386e-04 5.121e-02 4.939e-02 4.229e-02 4.962e-02 6.301e-02 5.726e-02 6.637e-02 7.990e-02 8.621e-02 9.604e-02 1.027e-01 1.153e-01 1.118e-01 2.828e-02 +77 EP 16 4.653e-04 1.382e-02 4.086e-02 2.802e-02 2.562e-02 6.963e-02 7.710e-02 6.456e-02 6.695e-02 6.227e-02 9.791e-02 2.714e-01 1.627e-01 1.872e-02 2.005e-08 +77 EP 17 7.259e-09 2.766e-04 1.426e-07 2.094e-02 2.390e-02 3.914e-02 3.939e-02 4.239e-02 2.713e-02 9.780e-03 3.695e-02 4.595e-02 1.314e-01 5.827e-01 3.108e-07 +77 EP 18 2.762e-08 6.151e-03 3.960e-08 3.510e-08 3.593e-08 5.984e-07 7.904e-02 5.780e-02 3.617e-08 6.523e-08 4.861e-08 2.332e-01 6.238e-01 3.097e-08 1.827e-08 +77 EP 19 7.723e-03 7.674e-08 1.307e-01 3.414e-01 2.491e-01 1.554e-01 3.185e-02 1.693e-02 2.810e-02 3.881e-02 1.174e-05 1.835e-08 5.492e-09 3.655e-09 1.590e-09 +77 EP 20 2.516e-03 1.022e-01 2.993e-01 2.374e-01 1.637e-01 7.939e-02 3.231e-02 2.066e-02 2.265e-02 2.161e-02 1.833e-02 3.019e-10 5.482e-10 3.025e-10 2.043e-11 +77 EP 21 1.997e-10 2.539e-03 3.551e-03 5.388e-03 3.446e-03 2.260e-02 3.554e-02 3.357e-02 2.545e-09 1.092e-06 1.856e-01 3.956e-01 1.763e-01 5.660e-02 7.929e-02 +77 EP 22 6.086e-11 6.103e-03 1.914e-02 1.617e-02 2.059e-02 2.488e-02 2.562e-02 2.835e-02 6.346e-02 7.109e-02 5.608e-02 8.598e-02 8.502e-02 2.438e-01 2.537e-01 +77 EP 23 1.052e-04 4.316e-03 1.264e-02 1.239e-02 1.546e-02 1.847e-02 2.119e-02 2.039e-02 3.107e-02 5.994e-02 5.293e-02 5.744e-02 7.428e-02 1.912e-01 4.282e-01 +77 EP 24 1.970e-01 3.515e-01 2.206e-01 1.009e-01 6.171e-02 3.004e-02 2.177e-02 9.455e-03 4.063e-03 2.690e-03 5.721e-10 3.575e-04 4.387e-10 2.069e-10 1.877e-10 +77 EP 25 1.042e-09 1.532e-02 1.973e-02 2.040e-02 3.016e-02 2.620e-02 2.634e-02 1.052e-01 3.200e-01 3.294e-01 8.102e-02 1.234e-02 8.779e-03 1.293e-08 5.033e-03 +77 EP 26 3.777e-04 3.026e-02 9.582e-02 7.392e-02 8.571e-02 9.159e-02 8.966e-02 8.542e-02 8.228e-02 9.689e-02 9.363e-02 9.096e-02 8.348e-02 1.600e-08 4.193e-10 +77 EP 27 3.312e-04 3.897e-02 5.191e-02 3.206e-02 2.253e-02 2.085e-02 1.839e-02 1.663e-02 3.343e-02 6.332e-02 6.403e-02 5.438e-02 9.829e-02 1.849e-01 3.000e-01 +77 EP 28 6.125e-08 6.184e-03 2.857e-02 5.380e-02 9.511e-02 1.145e-01 1.151e-01 1.113e-01 1.117e-01 1.452e-01 1.705e-01 4.796e-02 1.296e-04 8.446e-11 6.388e-11 +77 EP 29 3.493e-09 1.713e-09 2.114e-05 5.061e-02 1.520e-01 1.965e-01 2.238e-01 1.646e-01 1.162e-01 9.575e-02 4.987e-04 6.895e-10 7.141e-10 4.746e-10 3.289e-11 +77 TP 1 3.135e-01 1.926e-04 1.414e-01 3.665e-01 1.435e-08 4.576e-08 1.580e-08 7.774e-09 2.923e-08 1.124e-08 2.285e-09 9.965e-03 3.567e-05 4.142e-02 2.724e-08 2.322e-09 1.691e-02 4.087e-09 2.277e-09 1.282e-08 8.119e-09 2.013e-08 9.381e-09 5.030e-09 4.033e-09 9.341e-09 1.100e-01 2.117e-09 1.647e-08 +77 TP 2 1.057e-07 1.717e-08 1.260e-02 1.796e-08 1.567e-08 8.980e-09 1.895e-03 1.020e-08 1.058e-08 2.327e-08 5.165e-09 3.848e-03 2.687e-06 6.281e-06 3.367e-08 6.199e-09 5.291e-01 1.466e-08 4.895e-09 1.380e-08 1.053e-08 1.576e-04 1.392e-08 7.596e-09 1.167e-08 1.339e-08 4.524e-01 4.983e-09 1.626e-08 +77 TP 3 1.574e-08 1.947e-06 2.754e-01 2.309e-01 1.546e-08 6.066e-04 8.902e-06 1.165e-08 3.882e-01 1.928e-08 8.186e-09 9.959e-09 1.254e-08 9.223e-02 7.085e-08 7.426e-09 1.517e-08 9.321e-09 6.922e-09 8.280e-08 1.902e-08 2.218e-08 1.045e-08 1.265e-02 1.533e-08 1.530e-08 1.525e-08 6.153e-09 1.987e-08 +77 TP 4 4.010e-01 2.625e-02 9.892e-06 3.459e-01 5.743e-07 7.059e-09 7.020e-09 8.295e-09 8.229e-07 9.932e-09 4.063e-04 3.584e-09 3.625e-02 7.874e-02 4.552e-03 3.468e-09 9.888e-02 1.268e-08 5.665e-09 2.601e-08 8.363e-09 8.646e-09 2.023e-08 2.393e-03 5.540e-03 3.747e-08 1.994e-07 2.218e-09 2.232e-08 +77 TP 5 1.560e-10 1.848e-10 1.503e-10 5.190e-07 5.537e-01 2.195e-10 3.527e-03 1.349e-09 1.411e-04 2.971e-09 4.442e-09 7.989e-11 2.434e-10 2.223e-08 1.638e-09 9.331e-08 1.058e-06 1.066e-10 1.908e-09 4.629e-09 5.749e-02 6.030e-03 1.414e-01 8.606e-11 2.380e-02 2.135e-01 3.978e-04 1.109e-09 1.500e-09 +77 TP 6 3.680e-10 1.956e-10 3.292e-10 1.886e-10 1.061e-09 9.111e-01 2.948e-03 9.844e-09 1.571e-03 3.628e-09 2.330e-02 1.715e-10 2.651e-10 4.830e-05 1.647e-09 3.111e-09 2.174e-10 4.642e-10 4.719e-02 9.049e-07 4.711e-10 1.334e-09 1.653e-10 4.569e-03 1.998e-10 9.114e-03 1.455e-10 1.391e-04 3.135e-08 +77 TP 7 1.210e-10 5.752e-11 1.755e-10 1.044e-10 2.372e-09 5.483e-09 6.863e-01 2.029e-02 2.570e-10 2.052e-01 3.773e-08 3.189e-11 7.583e-11 1.159e-10 9.847e-10 3.848e-10 1.163e-10 1.952e-04 6.302e-07 1.415e-04 1.059e-09 7.934e-02 1.337e-09 1.206e-10 1.229e-09 2.080e-03 8.584e-11 3.851e-10 6.416e-03 +77 TP 8 8.066e-11 1.073e-10 7.695e-11 1.437e-10 1.496e-09 3.220e-04 2.326e-03 4.628e-01 1.442e-07 2.020e-01 1.772e-09 3.795e-11 5.391e-11 6.257e-11 8.563e-05 4.023e-10 5.762e-10 9.573e-11 4.246e-10 1.252e-01 1.596e-04 1.067e-04 4.747e-04 2.844e-04 6.885e-10 1.145e-09 1.001e-10 1.309e-09 2.061e-01 +77 TP 9 9.549e-09 8.455e-09 7.586e-09 6.162e-09 1.537e-02 2.755e-02 1.735e-08 1.630e-08 7.017e-01 2.486e-08 6.003e-07 5.846e-09 9.250e-09 2.113e-01 1.521e-02 1.886e-08 1.434e-08 1.580e-02 4.729e-09 1.734e-06 6.079e-09 9.436e-09 3.867e-09 7.693e-03 2.340e-04 1.034e-07 5.156e-09 2.780e-03 2.410e-03 +77 TP 10 8.389e-11 5.648e-11 2.000e-10 7.010e-11 1.786e-09 1.447e-06 1.740e-01 1.620e-01 6.654e-06 6.077e-01 1.064e-09 2.511e-11 3.930e-11 8.959e-11 7.963e-10 2.196e-10 8.316e-11 1.953e-10 2.941e-10 2.436e-02 3.214e-10 2.223e-09 2.906e-04 2.775e-10 4.135e-10 1.649e-09 6.132e-11 4.911e-10 3.172e-02 +77 TP 11 7.330e-11 7.729e-11 6.057e-11 3.883e-07 1.477e-10 1.058e-02 4.129e-10 5.451e-09 9.099e-07 9.647e-10 8.381e-01 3.511e-06 5.867e-11 3.547e-10 7.176e-11 1.779e-07 7.785e-08 1.100e-10 2.837e-07 4.937e-03 1.425e-10 1.726e-10 7.516e-11 2.351e-03 1.999e-10 2.299e-10 5.621e-11 1.440e-01 5.164e-06 +77 TP 12 3.602e-07 4.334e-01 4.689e-08 2.039e-07 4.855e-08 4.651e-08 2.590e-02 4.647e-08 4.337e-08 2.179e-03 2.617e-08 2.348e-01 1.824e-01 1.212e-01 1.106e-07 2.476e-08 5.254e-06 4.551e-08 2.324e-08 5.259e-08 1.100e-07 8.918e-08 3.997e-08 4.111e-08 4.226e-08 4.813e-08 6.616e-08 2.456e-08 6.618e-08 +77 TP 13 1.567e-08 4.771e-01 8.871e-09 7.067e-02 2.754e-08 5.926e-09 3.310e-03 1.142e-08 1.038e-08 1.388e-08 3.735e-09 4.350e-02 3.964e-01 7.691e-03 4.836e-05 4.854e-09 4.042e-07 8.206e-09 3.862e-09 1.112e-08 1.951e-08 2.515e-08 2.849e-08 7.847e-09 1.136e-08 1.951e-08 1.237e-03 5.107e-09 1.029e-08 +77 TP 14 1.287e-02 4.937e-02 9.870e-02 1.002e-08 1.128e-08 1.229e-03 2.026e-08 6.601e-09 1.166e-01 1.125e-08 3.607e-09 1.672e-02 1.293e-03 4.187e-01 5.519e-04 4.942e-09 1.721e-01 1.101e-01 3.624e-09 1.166e-08 6.629e-09 9.931e-04 5.346e-09 6.390e-04 6.202e-09 1.180e-08 1.406e-04 3.452e-09 7.043e-09 +77 TP 15 1.166e-09 6.483e-10 9.690e-07 1.634e-09 1.519e-09 4.718e-04 1.373e-09 7.089e-03 6.154e-10 1.460e-09 1.040e-10 1.577e-10 5.217e-10 1.793e-09 9.861e-01 4.691e-11 2.607e-06 1.301e-04 7.987e-11 2.643e-03 1.156e-09 1.009e-03 1.119e-09 6.985e-05 1.507e-09 1.896e-09 2.517e-03 5.332e-11 7.262e-06 +77 TP 16 2.459e-10 2.839e-10 2.573e-10 2.842e-10 6.343e-09 1.386e-03 6.187e-09 3.472e-09 1.049e-09 3.714e-09 5.151e-03 2.051e-10 3.267e-09 2.713e-10 3.553e-10 7.462e-01 3.732e-10 2.627e-10 8.426e-03 1.361e-03 1.322e-09 1.651e-09 2.399e-09 2.145e-09 4.612e-10 6.666e-04 4.252e-10 2.368e-01 4.292e-09 +77 TP 17 1.727e-01 5.119e-02 1.050e-02 5.976e-02 1.055e-02 2.658e-09 9.971e-09 6.345e-09 5.107e-09 9.052e-09 2.854e-09 8.804e-03 9.105e-02 9.964e-03 2.420e-08 1.994e-09 3.089e-01 1.819e-03 1.619e-09 6.062e-09 4.349e-09 2.073e-08 3.662e-03 2.658e-09 1.871e-03 6.787e-09 2.692e-01 1.507e-09 6.867e-09 +77 TP 18 4.082e-01 6.103e-03 3.229e-02 1.158e-07 2.931e-02 1.488e-07 1.375e-01 4.101e-08 4.130e-08 6.580e-08 2.409e-08 1.631e-02 1.854e-02 4.322e-02 7.290e-08 2.955e-08 2.486e-01 5.552e-02 1.951e-08 4.305e-08 2.171e-03 5.303e-08 2.585e-08 2.712e-08 2.199e-03 5.066e-08 3.746e-06 1.880e-08 3.589e-08 +77 TP 19 1.724e-08 4.296e-09 1.407e-08 5.930e-04 3.075e-08 8.924e-08 2.405e-07 1.112e-01 1.204e-05 1.414e-07 3.354e-01 5.079e-09 5.753e-09 5.821e-06 3.267e-08 9.555e-02 1.224e-08 1.778e-04 7.494e-07 1.126e-07 2.472e-08 2.375e-08 3.730e-09 3.252e-08 4.940e-09 1.158e-06 3.151e-09 3.587e-01 9.841e-02 +77 TP 20 1.507e-10 1.915e-10 1.038e-10 8.947e-11 2.549e-09 2.793e-08 6.317e-09 1.418e-01 1.543e-10 3.496e-03 3.396e-03 9.859e-11 1.220e-10 2.098e-10 9.901e-10 1.291e-09 2.706e-10 1.202e-09 2.282e-04 5.451e-01 1.042e-09 1.025e-09 2.589e-09 2.159e-03 4.054e-07 8.131e-09 1.198e-10 2.634e-09 3.038e-01 +77 TP 21 3.460e-10 6.685e-10 2.759e-10 1.190e-09 1.697e-04 2.041e-04 1.290e-08 3.536e-09 2.832e-04 4.099e-09 9.044e-04 2.298e-10 4.081e-10 3.622e-10 1.056e-08 4.524e-10 7.670e-10 2.586e-10 1.960e-09 2.712e-07 3.888e-01 1.741e-08 9.229e-05 5.238e-10 4.322e-01 1.773e-01 1.178e-09 9.128e-10 2.804e-09 +77 TP 22 2.565e-10 1.982e-10 6.973e-10 3.120e-10 7.780e-03 9.831e-10 2.169e-01 4.656e-03 1.891e-10 2.374e-08 8.764e-10 7.231e-11 1.906e-10 1.400e-05 2.997e-03 6.446e-10 6.821e-05 1.315e-09 2.322e-05 6.751e-09 5.026e-09 7.676e-01 2.519e-09 1.556e-10 4.629e-09 2.983e-06 1.993e-10 5.607e-10 3.621e-09 +77 TP 23 4.215e-05 8.647e-11 4.396e-11 6.274e-06 1.468e-01 2.253e-11 8.727e-10 7.311e-10 4.657e-11 7.141e-10 2.609e-11 2.876e-11 5.953e-11 4.913e-06 1.505e-09 8.211e-11 6.529e-05 8.365e-11 4.312e-11 8.107e-10 4.629e-02 6.798e-10 7.925e-01 2.402e-11 1.426e-02 1.037e-09 3.147e-10 5.242e-11 4.628e-10 +77 TP 24 5.562e-10 7.669e-10 4.777e-10 6.210e-10 1.719e-08 1.394e-02 1.336e-06 1.402e-02 5.695e-04 4.066e-09 1.443e-02 5.090e-10 7.260e-10 5.661e-04 2.479e-08 1.654e-09 2.565e-04 5.444e-10 4.615e-04 3.639e-02 2.483e-03 4.558e-06 8.369e-10 8.336e-01 5.829e-10 1.729e-02 5.251e-10 4.243e-02 2.352e-02 +77 TP 25 4.993e-10 5.772e-10 4.083e-10 9.700e-10 1.716e-02 1.243e-09 6.279e-08 4.240e-09 4.720e-10 7.028e-09 1.766e-07 3.154e-10 4.354e-10 5.941e-10 1.104e-08 1.377e-09 9.823e-10 3.915e-10 2.454e-09 1.314e-08 3.190e-08 3.439e-08 9.815e-01 1.344e-03 1.303e-08 2.016e-08 1.248e-09 7.953e-10 6.750e-09 +77 TP 26 1.527e-10 1.656e-10 1.085e-10 1.815e-10 2.750e-01 1.790e-03 1.642e-08 1.338e-09 2.842e-10 3.163e-09 2.563e-06 8.447e-11 1.076e-10 1.336e-10 2.392e-09 2.389e-04 3.240e-10 1.853e-10 1.119e-05 3.724e-09 1.802e-07 1.622e-08 8.224e-06 1.194e-03 7.120e-03 7.147e-01 2.392e-10 2.953e-10 2.475e-09 +77 TP 27 1.463e-02 1.893e-03 2.106e-09 7.067e-03 8.082e-04 4.586e-10 4.342e-09 1.816e-09 1.083e-09 3.067e-09 3.780e-10 8.810e-10 2.905e-02 1.656e-03 2.988e-02 8.595e-10 9.493e-02 2.806e-06 4.556e-10 1.420e-09 1.591e-09 3.662e-09 2.298e-09 5.405e-10 4.675e-06 3.573e-09 8.201e-01 5.662e-10 1.644e-09 +77 TP 28 1.120e-10 2.093e-10 1.119e-10 3.950e-10 2.345e-10 7.877e-03 3.052e-09 3.043e-09 8.235e-05 1.383e-09 2.279e-01 5.488e-10 8.814e-11 1.155e-10 9.748e-11 6.447e-02 1.351e-09 1.295e-10 1.528e-09 2.973e-05 1.884e-10 4.569e-10 1.152e-10 5.247e-03 2.046e-10 2.813e-10 1.657e-10 6.944e-01 6.543e-09 +77 TP 29 1.394e-10 1.982e-10 9.112e-11 9.740e-11 5.251e-09 1.476e-09 4.124e-02 2.738e-01 1.051e-10 1.018e-01 6.550e-04 4.518e-05 1.037e-10 1.144e-10 5.560e-03 4.672e-10 2.443e-10 3.363e-05 5.002e-06 2.051e-01 1.418e-08 4.099e-09 1.554e-09 2.544e-03 1.383e-04 2.792e-09 1.224e-10 6.415e-09 3.691e-01 +78 IP 1 7.942e-09 +78 IP 2 1.447e-02 +78 IP 3 1.125e-07 +78 IP 4 3.346e-08 +78 IP 5 2.659e-08 +78 IP 6 1.612e-01 +78 IP 7 2.593e-02 +78 IP 8 5.276e-03 +78 IP 9 1.073e-08 +78 IP 10 2.075e-01 +78 IP 11 3.787e-02 +78 IP 12 8.584e-08 +78 IP 13 2.763e-08 +78 IP 14 5.472e-02 +78 IP 15 1.164e-08 +78 IP 16 4.171e-08 +78 IP 17 9.200e-09 +78 IP 18 8.921e-08 +78 IP 19 7.518e-09 +78 IP 20 2.571e-02 +78 IP 21 1.037e-01 +78 IP 22 2.833e-08 +78 IP 23 6.254e-03 +78 IP 24 1.210e-01 +78 IP 25 1.018e-02 +78 IP 26 2.960e-08 +78 IP 27 2.740e-08 +78 IP 28 9.701e-04 +78 IP 29 1.437e-08 +78 IP 30 2.192e-01 +78 IP 31 6.028e-03 +78 IP 32 1.355e-08 +78 EP 1 8.390e-11 1.069e-02 3.970e-02 3.693e-02 4.768e-02 6.720e-02 6.298e-02 6.492e-02 8.233e-02 8.716e-02 2.183e-01 2.569e-01 2.523e-02 1.973e-10 1.062e-10 +78 EP 2 3.131e-10 1.588e-02 4.203e-02 3.616e-02 6.519e-02 9.421e-02 9.568e-02 8.849e-02 8.824e-02 9.318e-02 1.071e-01 1.547e-01 1.191e-01 3.134e-10 5.891e-11 +78 EP 3 9.194e-11 1.116e-02 2.354e-02 2.432e-02 1.643e-02 2.140e-02 2.586e-02 2.402e-02 1.694e-02 6.091e-09 3.707e-02 1.999e-01 2.262e-01 1.842e-01 1.889e-01 +78 EP 4 2.823e-10 1.886e-02 4.957e-02 4.465e-02 4.733e-02 6.222e-02 5.903e-02 4.299e-02 4.784e-02 5.125e-02 1.002e-01 1.342e-01 1.542e-01 1.877e-01 4.073e-09 +78 EP 5 7.223e-04 9.545e-09 5.715e-05 1.632e-08 1.063e-04 2.022e-02 3.582e-02 5.029e-02 1.298e-01 3.063e-01 3.374e-01 1.101e-01 1.532e-08 8.851e-09 9.145e-03 +78 EP 6 1.570e-02 2.706e-01 3.673e-01 1.670e-01 8.379e-02 4.107e-02 2.734e-02 1.121e-02 9.773e-03 4.670e-03 1.449e-03 2.561e-10 2.334e-05 8.213e-11 7.942e-11 +78 EP 7 1.361e-03 5.780e-02 1.656e-01 1.447e-01 1.331e-01 1.172e-01 8.498e-02 7.156e-02 6.047e-02 6.189e-02 6.389e-02 3.742e-02 2.311e-10 3.931e-11 3.065e-11 +78 EP 8 3.627e-04 3.830e-02 4.543e-02 3.509e-02 3.438e-02 4.533e-02 4.499e-02 4.739e-02 5.884e-02 7.227e-02 8.350e-02 9.852e-02 1.311e-01 1.733e-01 9.117e-02 +78 EP 9 1.917e-04 2.499e-02 3.048e-02 2.696e-02 1.605e-02 4.230e-02 3.016e-02 4.869e-02 1.903e-01 3.039e-01 1.362e-01 6.249e-09 4.637e-02 1.033e-01 5.610e-05 +78 EP 10 1.806e-03 9.835e-02 2.660e-01 1.983e-01 1.528e-01 9.145e-02 6.119e-02 3.404e-02 3.165e-02 1.725e-02 3.554e-02 1.173e-02 3.665e-10 1.827e-10 6.003e-11 +78 EP 11 1.590e-04 1.071e-02 1.804e-02 2.160e-02 1.985e-02 2.996e-02 3.950e-02 6.680e-02 7.386e-02 6.629e-02 9.467e-02 9.046e-02 1.676e-01 2.967e-01 3.776e-03 +78 EP 12 1.706e-10 1.496e-09 3.752e-09 3.662e-09 1.617e-02 3.525e-02 5.370e-02 8.127e-02 7.388e-02 1.037e-01 1.063e-01 1.370e-01 2.214e-01 1.695e-01 1.738e-03 +78 EP 13 4.335e-11 3.831e-03 1.589e-02 1.458e-02 1.836e-02 2.462e-02 2.975e-02 3.349e-02 5.775e-02 7.839e-02 6.581e-02 8.039e-02 9.361e-02 2.163e-01 2.672e-01 +78 EP 14 3.867e-10 2.660e-03 3.647e-05 4.637e-03 1.228e-02 2.267e-02 3.192e-02 5.738e-02 5.552e-02 2.154e-02 4.168e-02 4.363e-02 1.496e-01 5.211e-01 3.531e-02 +78 EP 15 4.255e-03 1.051e-01 2.684e-01 2.178e-01 1.628e-01 1.058e-01 7.055e-02 4.000e-02 2.532e-02 3.411e-08 3.024e-10 4.402e-10 8.344e-11 4.682e-11 3.908e-11 +78 EP 16 5.562e-10 1.023e-02 4.514e-04 3.643e-07 1.220e-07 3.428e-03 9.628e-02 1.757e-01 2.131e-01 1.530e-01 2.045e-01 1.420e-01 1.276e-03 6.824e-10 5.099e-10 +78 EP 17 1.009e-10 1.421e-04 3.541e-02 7.046e-02 1.141e-01 1.308e-01 1.395e-01 1.362e-01 1.290e-01 1.538e-01 9.063e-02 6.410e-10 1.138e-10 3.972e-11 2.711e-11 +78 EP 18 7.229e-10 5.811e-10 3.181e-03 2.779e-02 6.144e-02 9.386e-02 8.083e-02 7.208e-02 1.092e-01 1.398e-01 2.107e-01 2.012e-01 1.024e-09 2.253e-10 7.008e-11 +78 EP 19 2.194e-10 5.421e-03 2.036e-02 1.294e-02 1.837e-02 4.401e-02 7.854e-02 7.794e-02 5.629e-02 5.911e-02 4.511e-02 1.424e-01 3.667e-01 7.211e-02 6.134e-04 +78 EP 20 2.048e-10 3.780e-09 6.922e-08 1.626e-08 8.102e-03 3.117e-02 4.476e-02 4.574e-02 4.391e-02 1.524e-01 3.350e-01 3.166e-01 2.547e-09 1.300e-08 2.223e-02 +78 EP 21 1.530e-03 4.166e-02 1.558e-01 1.478e-01 1.567e-01 1.388e-01 1.122e-01 9.443e-02 6.198e-02 5.607e-02 3.280e-02 2.354e-04 1.840e-10 7.975e-11 7.032e-11 +78 EP 22 1.822e-10 3.458e-03 4.109e-02 2.994e-02 4.662e-02 6.393e-02 8.522e-02 9.022e-02 8.344e-02 8.066e-02 9.654e-02 1.629e-01 1.701e-01 4.499e-02 8.762e-04 +78 EP 23 5.509e-04 5.194e-02 4.609e-02 4.813e-02 2.561e-02 3.814e-02 9.847e-02 2.729e-01 2.934e-01 1.243e-01 5.210e-04 5.272e-09 1.194e-08 1.384e-08 5.318e-09 +78 EP 24 6.944e-04 2.813e-02 8.948e-02 7.466e-02 7.722e-02 9.558e-02 9.247e-02 8.152e-02 8.023e-02 9.380e-02 8.122e-02 8.893e-02 1.161e-01 9.701e-09 5.620e-10 +78 EP 25 4.740e-11 1.692e-03 1.212e-02 9.065e-03 1.553e-02 1.550e-02 1.861e-02 1.395e-02 1.088e-02 3.349e-02 4.514e-02 4.991e-02 6.508e-02 1.949e-01 5.142e-01 +78 EP 26 2.020e-10 1.123e-09 6.150e-02 1.016e-01 1.541e-01 1.980e-01 1.758e-01 1.608e-01 8.954e-02 5.295e-02 1.518e-06 1.567e-07 5.764e-03 9.544e-10 2.104e-10 +78 EP 27 5.543e-04 6.768e-02 2.243e-01 1.879e-01 1.484e-01 1.098e-01 9.101e-02 7.397e-02 5.551e-02 3.140e-02 7.770e-03 1.640e-03 3.009e-10 5.728e-11 5.504e-11 +78 EP 28 4.838e-10 1.945e-03 1.555e-02 1.229e-02 1.527e-04 2.066e-04 3.079e-02 4.316e-02 4.863e-02 1.266e-02 2.170e-02 1.761e-02 2.567e-01 5.386e-01 3.476e-09 +78 EP 29 4.560e-05 3.755e-03 1.052e-02 1.071e-02 1.495e-02 1.762e-02 2.449e-02 3.113e-02 6.557e-02 6.149e-02 4.951e-02 7.191e-02 9.180e-02 3.114e-01 2.351e-01 +78 EP 30 2.309e-01 2.975e-01 2.210e-01 1.130e-01 5.842e-02 4.047e-02 1.793e-02 1.198e-02 8.012e-03 5.763e-04 1.223e-04 9.292e-09 2.675e-10 2.521e-10 2.444e-10 +78 EP 31 4.846e-05 8.194e-03 5.578e-02 2.751e-02 4.198e-02 8.049e-02 1.061e-01 9.404e-02 4.995e-02 4.695e-02 3.770e-07 1.375e-01 3.515e-01 8.943e-08 2.097e-10 +78 EP 32 1.052e-09 7.189e-03 4.834e-09 4.368e-02 2.572e-02 1.032e-02 5.264e-02 2.357e-01 4.387e-01 1.601e-01 2.019e-04 1.435e-08 2.575e-02 1.569e-08 1.225e-08 +78 TP 1 6.443e-01 3.689e-10 1.421e-10 4.676e-10 4.352e-10 1.024e-03 2.521e-09 1.187e-10 1.522e-10 3.683e-10 1.090e-09 7.145e-10 3.030e-10 3.149e-10 2.265e-02 4.148e-03 2.334e-01 2.048e-06 8.268e-02 1.687e-10 1.022e-02 9.651e-10 4.166e-10 4.009e-10 1.126e-10 3.397e-10 1.300e-03 3.380e-09 4.972e-10 2.826e-04 1.238e-08 1.563e-10 +78 TP 2 1.049e-10 6.561e-01 4.163e-10 2.753e-04 6.928e-03 5.070e-10 2.660e-03 2.921e-03 3.441e-07 1.578e-01 7.254e-10 1.041e-08 1.152e-02 5.331e-10 8.309e-11 4.692e-04 9.732e-11 7.664e-10 6.761e-11 6.949e-04 3.460e-09 1.484e-09 1.576e-02 2.616e-10 4.401e-10 2.678e-02 2.958e-10 1.179e-01 1.728e-10 2.875e-06 4.053e-10 1.045e-04 +78 TP 3 1.501e-10 1.083e-09 3.921e-01 2.183e-09 1.227e-09 7.774e-11 2.656e-10 2.813e-09 3.358e-01 6.970e-07 5.309e-05 1.691e-04 1.111e-09 3.186e-02 1.102e-10 2.597e-10 1.401e-10 3.673e-10 2.401e-10 9.908e-02 2.020e-10 4.219e-04 1.234e-09 6.379e-02 7.676e-02 1.043e-09 8.851e-11 2.580e-09 9.340e-10 5.902e-11 7.115e-10 4.389e-08 +78 TP 4 9.701e-11 2.018e-03 6.052e-10 5.474e-01 4.876e-02 1.364e-10 3.492e-10 1.529e-08 4.038e-10 7.875e-10 8.884e-10 1.770e-01 9.449e-02 7.950e-10 6.639e-11 5.404e-10 7.891e-11 8.394e-10 9.085e-11 1.385e-09 2.022e-10 8.006e-10 8.147e-02 4.853e-10 3.746e-10 1.063e-02 5.907e-11 3.818e-02 3.684e-10 5.388e-11 5.362e-10 5.370e-10 +78 TP 5 5.175e-10 1.027e-08 1.980e-09 1.464e-08 3.758e-01 2.128e-03 3.534e-09 9.058e-03 3.737e-09 3.602e-08 1.249e-08 6.455e-09 4.299e-02 2.334e-09 4.479e-10 4.758e-09 7.126e-10 3.312e-09 6.071e-10 1.727e-08 2.847e-09 2.027e-09 3.416e-01 2.620e-09 2.199e-09 2.257e-01 6.257e-10 1.572e-08 1.567e-09 3.279e-08 1.215e-08 2.640e-03 +78 TP 6 4.893e-10 3.601e-09 3.252e-10 4.173e-10 5.926e-10 8.945e-01 5.431e-02 5.431e-10 1.509e-10 6.292e-03 3.336e-10 2.357e-10 1.648e-10 3.696e-10 2.363e-03 8.577e-10 1.458e-07 2.706e-04 1.913e-10 3.723e-05 6.500e-03 1.138e-09 2.652e-10 5.917e-03 1.269e-10 8.695e-03 1.833e-02 2.694e-10 1.576e-10 2.752e-03 8.390e-10 2.711e-10 +78 TP 7 1.218e-08 1.139e-07 1.438e-10 4.452e-10 5.320e-10 1.618e-02 9.006e-01 6.392e-11 1.271e-10 1.414e-02 1.858e-10 2.942e-10 1.437e-10 1.235e-10 8.673e-10 1.084e-09 3.184e-07 1.121e-03 1.675e-10 1.916e-10 2.576e-09 6.740e-02 2.636e-10 1.739e-10 6.963e-11 2.003e-08 1.409e-04 3.177e-10 1.049e-10 4.650e-04 8.881e-10 1.269e-10 +78 TP 8 7.058e-11 4.528e-03 7.564e-10 3.901e-06 2.583e-03 6.173e-11 7.657e-11 9.864e-01 4.727e-10 2.129e-03 1.134e-10 9.254e-09 2.973e-03 5.673e-10 6.083e-11 2.534e-10 6.787e-11 2.089e-10 4.690e-11 1.870e-10 1.350e-10 7.781e-11 4.547e-07 2.506e-10 1.092e-03 1.895e-04 6.504e-05 1.538e-07 1.286e-10 6.812e-11 1.522e-10 1.706e-10 +78 TP 9 2.538e-10 1.387e-09 3.880e-04 1.765e-09 1.037e-03 1.823e-10 9.368e-10 3.806e-09 5.272e-08 1.347e-08 1.097e-09 4.052e-04 4.129e-09 1.288e-01 1.636e-10 7.331e-10 3.637e-10 1.130e-09 1.208e-07 5.314e-09 4.649e-10 1.372e-09 9.323e-10 5.441e-09 8.693e-01 8.734e-10 1.137e-10 1.223e-09 1.127e-09 9.939e-11 1.083e-09 5.009e-09 +78 TP 10 4.643e-10 2.754e-01 3.003e-10 1.566e-09 5.238e-09 1.271e-03 1.166e-02 5.545e-10 2.236e-10 5.645e-01 3.367e-10 3.884e-10 3.601e-10 2.760e-10 1.208e-10 2.665e-09 1.413e-10 3.171e-04 1.456e-10 1.001e-09 4.011e-06 8.113e-10 5.749e-10 5.384e-10 1.503e-10 1.467e-01 1.821e-10 3.055e-05 1.155e-10 4.398e-10 9.093e-10 1.046e-04 +78 TP 11 1.045e-08 2.315e-09 3.572e-10 2.699e-09 2.315e-03 9.236e-11 5.506e-10 1.828e-09 3.908e-10 4.300e-04 7.333e-01 1.332e-07 3.913e-10 1.089e-03 4.678e-10 1.523e-09 2.851e-08 4.258e-02 8.702e-04 4.108e-06 4.279e-05 3.925e-10 8.396e-10 1.159e-03 3.387e-10 1.883e-09 1.425e-04 2.602e-09 5.549e-02 9.086e-11 1.621e-01 4.958e-04 +78 TP 12 2.267e-10 4.906e-06 9.000e-10 5.120e-09 4.460e-03 6.689e-04 1.140e-06 2.323e-09 7.738e-10 3.472e-01 2.014e-09 4.526e-01 4.189e-09 9.546e-10 2.408e-10 2.446e-05 1.982e-10 8.033e-03 1.976e-10 2.157e-09 4.598e-06 3.424e-09 6.887e-09 1.813e-09 6.901e-10 1.870e-01 2.671e-10 2.589e-09 7.120e-10 4.422e-10 2.490e-09 1.250e-09 +78 TP 13 5.938e-11 2.229e-09 4.281e-10 1.759e-01 9.413e-10 4.533e-11 1.210e-10 8.074e-04 3.704e-10 1.773e-03 2.869e-10 6.880e-03 7.884e-01 4.480e-10 3.730e-11 2.074e-10 5.580e-11 5.287e-10 5.242e-11 4.330e-10 9.630e-11 2.351e-10 6.916e-03 3.562e-10 2.888e-10 2.882e-03 3.319e-11 1.637e-02 2.189e-10 2.737e-11 3.297e-10 6.504e-10 +78 TP 14 6.937e-11 5.743e-10 1.364e-01 7.657e-10 4.618e-10 6.426e-11 1.496e-04 5.578e-10 3.979e-02 1.166e-08 1.983e-09 5.268e-03 1.774e-09 4.445e-01 4.582e-10 3.253e-10 1.236e-10 3.047e-10 1.303e-10 6.271e-02 2.910e-10 1.670e-09 4.713e-10 2.077e-01 1.006e-01 4.019e-10 6.898e-11 1.201e-09 2.900e-03 3.763e-11 4.408e-10 1.914e-09 +78 TP 15 9.662e-07 3.945e-10 1.357e-10 2.498e-10 1.722e-10 3.610e-09 1.466e-04 6.088e-11 6.630e-11 6.144e-10 4.870e-10 1.473e-10 9.439e-11 7.765e-10 6.758e-01 8.223e-10 3.181e-01 7.261e-04 4.484e-10 9.483e-11 5.472e-04 8.676e-10 2.464e-10 3.686e-10 6.460e-11 4.173e-08 2.326e-03 3.411e-10 1.332e-10 2.414e-03 1.089e-09 9.770e-11 +78 TP 16 3.420e-09 6.338e-09 9.588e-10 5.711e-09 1.728e-09 4.479e-03 1.446e-09 1.074e-09 3.117e-09 2.960e-08 7.706e-02 9.700e-04 2.475e-03 2.752e-09 1.565e-02 2.759e-01 3.955e-03 1.557e-08 2.133e-09 1.008e-06 4.471e-01 6.358e-10 4.712e-09 1.426e-09 5.720e-10 1.293e-08 2.881e-04 1.623e-07 9.452e-09 5.058e-03 1.671e-01 1.068e-05 +78 TP 17 1.140e-01 3.711e-10 6.154e-11 5.540e-10 1.245e-05 2.665e-07 6.101e-10 5.451e-11 5.389e-11 2.804e-10 1.807e-03 6.275e-10 1.570e-10 2.368e-10 1.880e-01 5.457e-08 6.884e-01 7.634e-08 1.149e-03 8.152e-11 9.854e-10 3.231e-04 2.621e-10 3.243e-10 4.669e-11 3.968e-10 1.868e-03 8.668e-05 5.021e-10 4.381e-03 3.322e-06 6.314e-11 +78 TP 18 1.472e-09 7.653e-09 1.996e-10 3.271e-09 1.836e-07 6.450e-10 5.728e-10 2.940e-10 2.142e-10 1.944e-03 8.430e-05 3.782e-04 8.997e-10 5.553e-10 7.059e-06 2.106e-01 3.556e-09 3.994e-01 5.501e-10 5.126e-10 1.344e-01 2.285e-10 2.616e-09 5.848e-10 1.250e-10 7.877e-09 2.101e-04 6.396e-09 8.897e-10 3.018e-10 2.530e-01 5.385e-10 +78 TP 19 2.805e-01 9.703e-10 6.087e-10 1.003e-09 1.769e-09 6.528e-10 4.743e-08 3.822e-10 5.057e-10 2.155e-09 2.982e-09 1.645e-09 6.321e-10 1.828e-09 4.019e-09 1.206e-08 2.729e-03 2.396e-04 7.137e-01 1.004e-09 2.723e-03 2.437e-09 7.592e-10 1.347e-09 5.281e-10 9.497e-10 8.494e-05 1.297e-09 2.663e-09 4.312e-10 7.117e-09 6.218e-10 +78 TP 20 2.832e-10 1.480e-09 2.312e-02 1.979e-09 2.538e-03 1.603e-09 1.058e-09 7.788e-09 7.514e-02 2.865e-09 1.041e-03 1.844e-09 3.388e-09 3.425e-06 2.546e-10 9.436e-10 3.174e-10 1.803e-09 9.087e-10 4.024e-01 1.584e-09 5.200e-04 2.748e-09 1.721e-01 9.718e-09 2.602e-09 1.290e-07 1.928e-09 2.053e-08 1.623e-09 2.609e-09 3.231e-01 +78 TP 21 1.148e-09 1.026e-09 1.858e-10 6.505e-10 1.296e-09 4.238e-04 4.964e-10 1.274e-10 9.506e-11 9.555e-10 1.804e-04 2.492e-10 1.573e-10 2.363e-04 1.759e-03 3.910e-04 2.737e-09 2.539e-01 3.381e-10 2.044e-10 7.112e-01 1.969e-10 3.342e-10 7.151e-10 8.263e-11 4.448e-09 1.533e-09 4.527e-09 3.652e-10 2.685e-03 2.920e-02 1.989e-10 +78 TP 22 7.262e-10 3.300e-09 8.432e-10 1.667e-09 1.048e-09 3.854e-03 1.911e-01 1.850e-10 9.526e-04 1.424e-08 8.852e-10 3.188e-09 2.741e-09 7.668e-10 2.186e-07 9.030e-10 9.893e-04 7.118e-10 5.179e-10 7.347e-10 1.674e-09 8.008e-01 1.559e-09 5.544e-10 2.253e-09 2.619e-09 2.152e-03 1.593e-09 6.267e-10 1.952e-04 7.583e-10 1.036e-09 +78 TP 23 4.901e-10 1.451e-02 2.400e-09 2.824e-03 1.718e-02 3.333e-05 2.250e-09 9.581e-03 6.172e-09 6.153e-09 2.131e-04 1.966e-01 2.657e-01 1.011e-08 5.848e-10 4.244e-07 8.245e-10 3.964e-09 4.357e-10 2.505e-09 2.125e-09 3.813e-09 8.787e-03 1.568e-09 2.702e-08 3.235e-02 4.560e-10 4.522e-01 1.648e-09 1.313e-07 2.607e-09 4.154e-09 +78 TP 24 7.669e-11 5.142e-10 4.754e-04 3.887e-10 5.546e-10 1.748e-03 1.268e-09 3.737e-10 2.484e-09 1.386e-09 5.552e-10 3.886e-10 6.154e-10 2.985e-01 1.421e-09 2.539e-10 1.102e-10 3.079e-10 1.034e-10 2.056e-02 2.584e-10 3.761e-10 4.064e-10 6.595e-01 8.831e-03 4.604e-10 3.973e-04 6.552e-10 4.876e-10 5.133e-04 3.804e-10 9.465e-03 +78 TP 25 7.635e-11 1.191e-09 1.598e-01 5.589e-04 5.920e-10 2.114e-11 5.389e-11 7.115e-04 7.796e-02 1.852e-04 2.866e-10 8.378e-09 5.243e-10 1.236e-01 2.227e-11 8.534e-11 3.792e-11 1.263e-10 9.054e-11 1.576e-03 4.497e-11 2.164e-10 3.569e-10 2.338e-09 6.354e-01 1.779e-04 1.969e-11 1.200e-09 2.594e-10 1.837e-11 1.610e-10 9.600e-06 +78 TP 26 2.404e-10 3.916e-01 1.315e-09 1.515e-08 4.386e-02 1.088e-07 6.488e-09 4.371e-05 8.883e-09 2.830e-08 1.343e-05 1.443e-09 4.270e-03 6.899e-04 1.910e-10 8.808e-09 1.865e-10 2.144e-09 2.457e-10 1.581e-09 6.546e-09 8.968e-10 2.223e-08 1.016e-09 6.791e-04 4.368e-01 2.883e-10 1.211e-01 3.909e-10 4.460e-04 1.646e-09 5.362e-04 +78 TP 27 8.688e-10 7.394e-10 1.480e-10 3.634e-10 1.130e-09 1.057e-02 4.334e-03 8.255e-11 1.223e-10 7.806e-10 7.956e-05 2.734e-10 1.252e-10 1.071e-06 6.621e-03 3.208e-10 1.034e-03 3.749e-10 3.313e-09 5.713e-04 5.038e-10 6.749e-04 4.509e-10 1.837e-04 8.907e-11 6.580e-04 9.744e-01 3.995e-10 1.290e-10 8.632e-04 1.300e-09 3.339e-10 +78 TP 28 8.170e-10 1.772e-06 6.485e-03 5.722e-01 3.598e-02 1.232e-10 3.196e-10 5.108e-03 1.112e-08 9.423e-10 5.395e-04 1.843e-09 1.478e-01 2.718e-03 1.105e-10 5.758e-10 3.024e-10 2.065e-09 2.207e-10 1.185e-08 4.393e-10 1.083e-09 3.318e-02 8.505e-10 2.020e-03 3.507e-02 9.557e-11 1.589e-01 1.376e-09 7.816e-11 2.408e-09 3.310e-09 +78 TP 29 4.254e-09 2.252e-09 1.155e-09 3.788e-09 1.364e-09 1.822e-10 4.324e-10 6.628e-10 8.926e-10 1.219e-09 1.894e-01 1.022e-08 1.129e-09 4.578e-03 3.792e-10 1.663e-09 6.720e-05 2.032e-04 1.063e-04 2.488e-03 1.593e-09 9.467e-10 1.127e-09 2.668e-09 9.811e-10 7.891e-10 1.952e-10 2.174e-09 7.914e-01 1.460e-10 1.175e-02 1.408e-09 +78 TP 30 1.968e-09 4.601e-06 5.413e-10 2.951e-09 6.470e-04 1.391e-02 5.561e-03 3.918e-09 3.687e-10 7.248e-09 8.292e-10 7.392e-10 6.605e-10 5.307e-10 1.287e-02 2.697e-09 4.880e-02 1.244e-02 4.710e-10 3.191e-09 3.325e-02 1.129e-09 6.576e-10 7.705e-03 3.184e-10 3.163e-03 4.425e-08 2.812e-09 3.989e-10 8.617e-01 1.843e-09 5.371e-10 +78 TP 31 1.677e-09 1.371e-09 2.921e-10 9.104e-10 3.030e-09 2.236e-10 9.167e-10 3.300e-10 1.909e-10 2.510e-09 2.406e-01 1.621e-08 4.551e-10 1.496e-05 5.612e-04 6.046e-03 3.176e-09 2.656e-01 1.546e-09 2.389e-09 3.788e-02 2.961e-10 4.290e-10 4.487e-10 1.746e-10 1.486e-09 4.669e-10 2.948e-09 9.142e-04 6.820e-06 4.484e-01 2.988e-10 +78 TP 32 7.746e-10 4.833e-09 7.282e-09 3.979e-09 1.080e-08 7.525e-09 2.589e-09 1.542e-08 1.536e-08 5.115e-09 2.326e-02 3.735e-09 1.708e-08 4.360e-01 6.503e-10 3.772e-09 1.234e-03 4.040e-09 3.690e-04 1.494e-03 1.503e-09 2.128e-09 3.006e-09 5.848e-02 4.786e-01 1.014e-08 2.989e-07 4.068e-09 2.191e-05 4.772e-04 3.852e-09 7.792e-06 +79 IP 1 2.804e-02 +79 IP 2 1.927e-02 +79 IP 3 1.253e-08 +79 IP 4 4.066e-02 +79 IP 5 2.499e-01 +79 IP 6 4.670e-01 +79 IP 7 2.091e-08 +79 IP 8 1.445e-02 +79 IP 9 6.847e-09 +79 IP 10 2.104e-02 +79 IP 11 1.498e-08 +79 IP 12 3.964e-02 +79 IP 13 7.632e-09 +79 IP 14 1.310e-02 +79 IP 15 1.708e-02 +79 IP 16 1.620e-08 +79 IP 17 1.595e-02 +79 IP 18 1.183e-02 +79 IP 19 9.285e-08 +79 IP 20 6.769e-03 +79 IP 21 4.313e-04 +79 IP 22 2.917e-02 +79 IP 23 2.568e-02 +79 IP 24 7.689e-08 +79 EP 1 2.345e-03 1.091e-01 2.728e-01 1.971e-01 1.445e-01 9.542e-02 6.818e-02 5.252e-02 3.382e-02 1.600e-02 6.233e-03 1.960e-03 5.191e-05 7.219e-11 6.899e-11 6.888e-11 +79 EP 2 7.165e-11 3.196e-03 4.049e-02 4.916e-02 6.983e-02 1.022e-01 1.084e-01 1.060e-01 1.014e-01 9.726e-02 9.451e-02 1.222e-01 1.053e-01 2.396e-10 6.803e-11 1.015e-11 +79 EP 3 7.995e-10 6.385e-03 2.235e-03 5.597e-03 3.647e-03 1.244e-02 2.912e-02 3.940e-02 3.085e-09 2.118e-09 1.073e-01 3.520e-01 2.052e-01 1.143e-01 1.224e-01 6.961e-11 +79 EP 4 3.817e-10 3.549e-02 4.407e-02 3.657e-02 1.673e-03 3.628e-02 8.163e-02 2.449e-01 3.818e-01 1.281e-01 9.437e-03 2.793e-09 2.281e-08 8.669e-09 8.565e-09 1.024e-10 +79 EP 5 2.972e-03 8.843e-02 2.426e-01 1.803e-01 1.508e-01 1.107e-01 6.525e-02 4.649e-02 3.348e-02 2.362e-02 3.181e-02 2.353e-02 1.954e-10 1.255e-10 5.411e-11 2.551e-11 +79 EP 6 1.143e-01 3.337e-01 2.904e-01 1.359e-01 6.551e-02 2.897e-02 1.520e-02 1.011e-02 3.912e-03 2.068e-03 4.713e-10 2.148e-10 1.394e-10 1.197e-10 1.163e-10 1.131e-10 +79 EP 7 1.066e-07 2.537e-08 3.686e-02 6.180e-02 9.905e-02 1.203e-01 1.531e-01 1.427e-01 1.394e-01 1.614e-01 8.533e-02 3.973e-06 1.100e-10 1.061e-10 2.341e-05 3.063e-11 +79 EP 8 2.573e-04 1.163e-02 1.283e-02 3.116e-02 2.740e-02 3.985e-02 5.295e-02 8.551e-02 2.971e-01 3.334e-01 7.910e-02 6.538e-09 2.829e-02 5.297e-04 1.546e-08 1.389e-10 +79 EP 9 1.615e-09 7.241e-07 4.300e-02 4.999e-07 6.480e-03 5.065e-07 2.243e-08 4.053e-08 2.242e-08 1.317e-07 4.284e-08 4.023e-08 1.757e-08 6.488e-08 9.505e-01 5.287e-10 +79 EP 10 1.755e-10 3.634e-09 1.772e-08 4.400e-03 1.382e-02 3.048e-02 3.366e-02 5.329e-02 5.074e-02 4.825e-09 3.459e-03 2.961e-03 1.561e-01 6.510e-01 2.331e-09 3.363e-11 +79 EP 11 3.574e-10 8.963e-03 3.322e-02 3.567e-02 4.928e-02 6.677e-02 7.823e-02 8.158e-02 6.772e-02 8.216e-02 1.933e-01 2.449e-01 5.391e-02 4.304e-03 2.237e-10 9.517e-11 +79 EP 12 5.331e-04 4.392e-02 6.654e-02 5.896e-02 6.979e-02 8.367e-02 7.938e-02 7.882e-02 8.064e-02 7.921e-02 8.478e-02 9.279e-02 1.021e-01 7.888e-02 2.581e-10 1.662e-11 +79 EP 13 8.337e-10 4.060e-03 2.858e-02 6.116e-02 1.253e-01 2.763e-01 2.136e-01 1.929e-01 4.156e-02 1.839e-02 2.731e-02 1.079e-02 1.033e-09 8.050e-10 8.151e-10 7.785e-10 +79 EP 14 4.142e-05 2.925e-03 9.735e-03 9.532e-03 1.239e-02 1.693e-02 1.741e-02 2.111e-02 3.342e-02 5.752e-02 4.832e-02 4.765e-02 7.844e-02 2.339e-01 4.107e-01 1.112e-11 +79 EP 15 2.791e-04 1.368e-02 5.037e-02 4.422e-02 4.622e-02 5.970e-02 6.575e-02 7.806e-02 7.813e-02 6.776e-02 8.332e-02 7.744e-02 1.230e-01 2.069e-01 5.214e-03 1.938e-11 +79 EP 16 1.006e-10 6.417e-03 1.003e-02 1.117e-02 1.509e-02 2.390e-02 3.110e-02 6.017e-02 7.464e-02 6.501e-02 7.140e-02 6.595e-02 1.648e-01 3.716e-01 2.876e-02 3.331e-11 +79 EP 17 4.468e-03 8.766e-02 2.384e-01 2.159e-01 1.708e-01 1.216e-01 7.163e-02 5.113e-02 3.374e-02 4.696e-03 2.029e-10 2.589e-10 4.351e-10 4.057e-11 3.984e-11 3.092e-11 +79 EP 18 7.323e-05 3.998e-03 1.378e-02 1.441e-02 1.813e-02 2.160e-02 2.202e-02 2.133e-02 4.406e-02 7.256e-02 6.044e-02 7.571e-02 7.840e-02 2.040e-01 3.494e-01 1.659e-11 +79 EP 19 8.633e-04 3.898e-02 1.548e-01 1.632e-01 1.561e-01 1.308e-01 1.129e-01 8.456e-02 6.895e-02 6.632e-02 2.254e-02 2.762e-10 1.533e-10 5.170e-11 3.162e-06 1.556e-11 +79 EP 20 3.561e-10 3.617e-03 1.422e-02 1.687e-02 3.011e-02 2.746e-02 3.475e-02 1.466e-02 5.902e-09 1.130e-01 3.647e-01 3.804e-01 2.354e-04 3.807e-08 3.146e-07 1.335e-10 +79 EP 21 1.178e-04 2.284e-02 3.268e-02 2.506e-02 2.723e-02 3.725e-02 4.021e-02 4.678e-02 6.233e-02 7.637e-02 8.608e-02 1.029e-01 1.343e-01 1.898e-01 1.160e-01 8.943e-06 +79 EP 22 2.869e-10 5.063e-10 4.876e-08 5.705e-07 4.646e-02 9.472e-02 9.405e-02 1.168e-01 1.358e-01 1.369e-01 2.146e-01 1.606e-01 4.579e-10 1.457e-10 1.912e-10 1.800e-11 +79 EP 23 1.424e-04 1.076e-02 3.889e-02 3.323e-02 3.752e-02 5.541e-02 7.841e-02 8.036e-02 6.446e-02 7.619e-02 7.251e-02 1.769e-01 2.514e-01 2.384e-02 9.867e-11 1.573e-11 +79 EP 24 6.952e-11 1.774e-02 4.524e-02 3.417e-02 3.138e-02 4.092e-02 4.970e-02 4.729e-02 4.519e-02 6.237e-02 7.977e-02 9.676e-02 2.096e-01 2.399e-01 6.491e-09 1.281e-11 +79 TP 1 9.660e-01 2.626e-09 3.846e-10 2.894e-10 4.686e-03 1.414e-02 3.625e-09 2.041e-10 4.160e-10 2.348e-10 2.896e-03 1.708e-03 2.070e-05 2.346e-10 3.535e-05 2.491e-10 9.000e-03 3.658e-10 8.859e-05 5.282e-10 7.113e-09 1.126e-03 2.682e-04 4.326e-10 +79 TP 2 7.531e-04 6.847e-01 2.604e-10 8.255e-03 1.200e-01 8.944e-04 7.601e-11 1.081e-08 1.965e-10 7.732e-02 7.381e-11 4.890e-10 8.778e-11 1.747e-05 2.051e-10 1.180e-09 1.086e-10 1.569e-03 3.480e-09 3.543e-03 2.508e-08 5.934e-08 3.945e-07 1.030e-01 +79 TP 3 2.501e-09 2.565e-09 3.749e-01 6.501e-09 3.202e-09 7.902e-10 3.925e-10 4.644e-01 1.562e-04 1.375e-09 5.249e-05 1.320e-09 5.156e-10 5.534e-06 1.467e-01 3.311e-10 2.088e-08 2.022e-09 2.052e-10 1.379e-02 9.226e-10 2.701e-10 2.849e-10 1.488e-09 +79 TP 4 2.529e-09 6.595e-08 1.655e-09 1.363e-08 3.526e-09 1.811e-09 7.190e-10 4.710e-09 7.454e-03 3.866e-01 1.479e-09 5.047e-09 2.259e-08 1.266e-02 6.646e-09 2.402e-02 4.837e-10 3.546e-01 3.332e-09 1.077e-02 2.499e-03 2.631e-09 2.600e-08 2.013e-01 +79 TP 5 9.087e-07 3.407e-01 3.209e-04 2.347e-09 6.392e-01 5.523e-03 2.356e-10 1.466e-07 9.369e-11 9.748e-05 2.140e-10 3.624e-03 1.821e-10 4.372e-10 8.308e-10 4.612e-10 2.746e-10 8.801e-10 9.870e-03 1.930e-09 8.488e-09 6.737e-04 1.438e-08 1.264e-09 +79 TP 6 2.758e-02 8.097e-03 7.536e-04 1.065e-09 3.018e-02 8.256e-01 2.424e-02 3.231e-04 1.835e-10 3.105e-10 1.797e-03 1.345e-09 9.816e-05 4.100e-10 6.528e-04 4.266e-10 2.219e-02 3.452e-10 5.444e-02 4.447e-09 3.825e-10 4.066e-03 9.157e-10 5.558e-10 +79 TP 7 9.554e-07 4.268e-10 6.627e-10 2.142e-10 6.499e-10 7.991e-03 7.175e-01 6.394e-11 4.899e-11 4.014e-04 6.567e-02 4.786e-09 1.573e-10 8.529e-11 1.817e-10 5.248e-10 2.068e-01 1.094e-10 1.593e-09 1.785e-10 1.138e-10 1.062e-08 1.664e-03 3.989e-10 +79 TP 8 2.104e-04 2.643e-07 1.462e-08 2.502e-09 5.964e-09 1.376e-03 4.078e-04 1.996e-08 4.312e-03 1.713e-08 1.131e-08 6.459e-10 7.737e-04 9.622e-01 3.068e-02 9.546e-10 4.432e-10 9.015e-09 3.970e-10 5.792e-09 1.693e-09 7.654e-10 6.141e-10 3.814e-09 +79 TP 9 6.404e-10 1.443e-01 1.310e-08 4.364e-01 6.663e-09 6.481e-10 3.015e-09 1.658e-08 4.018e-09 2.283e-01 2.186e-09 3.464e-07 7.262e-10 1.878e-08 1.553e-02 9.801e-09 8.528e-10 2.403e-08 1.966e-09 1.730e-01 7.155e-08 2.565e-09 3.620e-09 2.479e-03 +79 TP 10 1.808e-10 7.207e-09 9.018e-03 4.379e-02 7.797e-10 6.757e-11 1.968e-10 1.908e-09 1.721e-02 3.015e-01 3.473e-10 1.309e-03 8.534e-11 8.727e-03 4.209e-05 2.196e-08 1.411e-10 2.042e-01 3.474e-10 6.161e-02 4.583e-09 8.565e-10 3.183e-03 3.494e-01 +79 TP 11 1.440e-06 9.756e-10 3.810e-08 5.235e-10 6.708e-07 2.326e-03 1.845e-01 4.721e-10 2.090e-10 9.977e-10 7.644e-01 2.019e-04 2.916e-10 1.279e-04 4.800e-09 2.401e-09 4.617e-02 3.976e-10 1.201e-08 6.918e-10 3.562e-10 2.980e-09 2.246e-03 9.372e-10 +79 TP 12 3.598e-04 2.667e-10 5.889e-11 1.895e-10 1.470e-03 8.307e-05 1.913e-10 7.225e-11 1.249e-10 3.283e-10 1.749e-05 9.157e-01 1.699e-11 1.064e-10 4.591e-11 3.230e-04 1.270e-10 3.063e-10 2.830e-10 4.755e-10 8.205e-02 1.134e-09 1.404e-08 4.160e-10 +79 TP 13 1.425e-09 4.630e-03 1.063e-03 1.507e-03 1.696e-09 1.272e-09 2.502e-09 1.450e-09 2.172e-08 2.038e-09 1.865e-09 1.138e-09 9.828e-01 1.231e-09 1.767e-03 2.507e-03 1.522e-03 1.414e-09 3.610e-09 1.597e-09 1.131e-09 4.159e-03 1.836e-08 4.464e-09 +79 TP 14 3.647e-10 8.166e-04 7.914e-02 8.673e-10 2.134e-10 2.037e-11 2.997e-11 4.126e-08 1.922e-09 3.607e-03 5.004e-11 7.799e-11 2.589e-11 8.438e-01 7.240e-02 5.340e-11 2.388e-11 6.645e-10 2.429e-11 4.980e-10 1.927e-04 3.431e-11 4.193e-11 5.329e-09 +79 TP 15 5.516e-09 4.851e-10 3.057e-02 5.333e-10 9.884e-05 7.224e-05 1.985e-05 9.791e-03 1.231e-09 1.976e-03 2.794e-05 1.318e-10 3.624e-10 1.299e-01 8.274e-01 1.129e-10 4.431e-10 1.157e-09 6.555e-11 9.608e-05 5.333e-10 8.191e-11 8.806e-11 4.713e-10 +79 TP 16 7.435e-05 5.239e-09 1.772e-10 3.868e-09 6.636e-10 1.045e-10 5.571e-10 1.900e-10 6.958e-09 7.327e-09 4.132e-07 5.919e-10 1.235e-10 1.745e-10 1.703e-10 7.559e-01 2.122e-10 1.019e-02 1.917e-09 3.217e-03 2.247e-10 6.312e-03 2.243e-01 7.340e-09 +79 TP 17 4.051e-03 1.843e-09 9.377e-11 1.433e-10 2.862e-04 4.158e-03 2.177e-01 6.510e-11 4.530e-11 1.935e-10 7.898e-03 1.739e-09 1.811e-04 5.626e-11 7.742e-11 1.696e-10 7.541e-01 8.223e-11 1.115e-02 2.119e-10 9.173e-11 4.939e-04 6.694e-10 3.067e-10 +79 TP 18 4.373e-11 2.966e-04 1.037e-09 6.605e-08 3.551e-10 3.055e-11 6.762e-11 7.079e-10 1.759e-09 9.997e-02 1.508e-10 6.218e-10 3.164e-11 9.444e-10 4.823e-04 5.083e-03 3.711e-11 7.775e-01 1.164e-10 1.047e-02 6.142e-10 3.052e-10 1.222e-09 1.062e-01 +79 TP 19 1.594e-06 2.186e-09 2.438e-10 6.034e-10 2.558e-09 4.968e-03 1.726e-09 4.448e-11 5.057e-11 3.159e-10 4.711e-10 1.995e-04 1.683e-10 4.138e-11 4.901e-11 4.224e-10 3.902e-03 8.969e-11 7.208e-01 4.437e-10 2.334e-10 2.368e-01 3.331e-02 3.776e-10 +79 TP 20 8.556e-04 7.437e-03 3.114e-08 5.483e-01 1.985e-02 5.416e-04 1.084e-09 2.324e-03 1.409e-02 9.364e-09 1.599e-04 7.084e-09 2.471e-04 3.424e-09 7.070e-09 6.670e-09 1.192e-09 8.437e-09 2.681e-09 4.060e-01 4.766e-09 2.324e-04 1.474e-08 2.029e-06 +79 TP 21 3.213e-11 5.443e-10 2.602e-10 1.425e-10 3.028e-04 1.863e-05 2.671e-11 1.960e-10 1.638e-10 3.032e-10 4.148e-11 6.294e-02 1.284e-11 2.195e-04 1.712e-10 5.289e-05 2.214e-11 1.829e-04 8.384e-11 4.131e-05 9.360e-01 2.542e-04 2.365e-10 9.110e-10 +79 TP 22 7.723e-06 9.410e-10 8.079e-11 5.051e-05 8.279e-03 3.558e-03 6.433e-06 8.278e-11 1.025e-10 8.075e-10 8.179e-10 1.233e-03 1.387e-04 7.101e-11 5.989e-11 4.548e-09 2.642e-03 2.180e-10 2.586e-01 6.363e-10 3.485e-10 5.412e-01 1.843e-01 1.038e-09 +79 TP 23 2.338e-10 1.681e-09 8.424e-11 7.096e-10 4.672e-09 4.230e-09 5.805e-04 7.258e-11 1.222e-10 5.073e-03 2.512e-04 1.323e-09 9.607e-11 6.930e-11 6.775e-11 1.062e-01 1.796e-09 1.614e-09 3.728e-02 9.953e-10 1.617e-10 1.539e-01 6.967e-01 3.295e-08 +79 TP 24 7.257e-11 2.207e-01 2.849e-10 3.471e-02 1.505e-02 5.214e-11 1.092e-10 8.948e-10 1.496e-02 2.766e-02 1.418e-10 1.632e-09 3.962e-11 1.169e-09 6.753e-10 5.923e-09 7.149e-11 4.353e-02 1.162e-09 1.152e-02 3.562e-09 2.146e-03 1.760e-06 6.298e-01 +80 IP 1 4.569e-02 +80 IP 2 1.871e-04 +80 IP 3 1.488e-05 +80 IP 4 2.211e-02 +80 IP 5 1.822e-03 +80 IP 6 4.798e-07 +80 IP 7 8.774e-09 +80 IP 8 1.565e-08 +80 IP 9 1.646e-03 +80 IP 10 1.278e-02 +80 IP 11 2.500e-01 +80 IP 12 1.497e-02 +80 IP 13 8.185e-02 +80 IP 14 4.907e-03 +80 IP 15 4.466e-03 +80 IP 16 5.070e-06 +80 IP 17 3.150e-08 +80 IP 18 8.551e-09 +80 IP 19 2.269e-08 +80 IP 20 7.485e-08 +80 IP 21 5.353e-03 +80 IP 22 1.496e-08 +80 IP 23 4.845e-03 +80 IP 24 2.252e-08 +80 IP 25 3.860e-02 +80 IP 26 4.224e-06 +80 IP 27 5.683e-08 +80 IP 28 8.496e-02 +80 IP 29 3.321e-01 +80 IP 30 1.362e-04 +80 IP 31 1.639e-07 +80 IP 32 3.833e-06 +80 IP 33 2.259e-02 +80 IP 34 7.092e-02 +80 EP 1 8.377e-10 2.645e-03 5.170e-03 1.519e-02 1.898e-02 4.696e-02 5.376e-02 9.042e-02 2.545e-01 3.668e-01 1.454e-01 4.813e-09 4.786e-07 2.579e-08 7.777e-05 +80 EP 2 7.556e-09 5.554e-03 8.130e-03 1.890e-02 1.240e-02 2.307e-02 5.962e-02 1.456e-01 3.556e-01 2.310e-01 5.651e-02 1.185e-08 1.370e-08 8.356e-02 1.469e-08 +80 EP 3 3.567e-09 1.012e-02 6.756e-03 3.243e-07 1.733e-04 3.099e-02 5.357e-02 3.590e-02 1.137e-01 2.829e-01 1.216e-01 2.610e-02 1.206e-01 1.977e-01 5.132e-08 +80 EP 4 2.968e-03 9.767e-02 2.680e-01 2.053e-01 1.495e-01 1.043e-01 7.769e-02 4.991e-02 3.032e-02 1.388e-02 4.157e-10 2.486e-10 4.656e-04 3.238e-11 2.793e-11 +80 EP 5 8.981e-05 6.181e-03 2.556e-02 2.908e-02 2.904e-02 4.537e-02 6.606e-02 7.266e-02 7.072e-02 7.320e-02 1.178e-01 2.377e-01 1.873e-01 3.881e-02 4.362e-04 +80 EP 6 4.179e-08 4.567e-02 9.531e-07 5.853e-06 1.213e-07 5.011e-08 4.982e-08 4.712e-08 4.615e-08 2.923e-08 2.634e-08 2.866e-07 4.940e-05 1.902e-04 9.541e-01 +80 EP 7 5.306e-06 2.921e-04 1.353e-02 5.564e-03 1.025e-02 2.564e-02 3.926e-02 4.580e-02 1.725e-07 5.693e-02 1.890e-01 3.740e-01 1.487e-01 7.085e-05 9.099e-02 +80 EP 8 2.873e-04 2.927e-03 1.660e-02 4.984e-05 5.435e-09 1.456e-02 7.799e-02 7.427e-02 5.793e-02 2.641e-02 7.119e-09 1.605e-01 5.685e-01 3.897e-09 6.597e-10 +80 EP 9 5.601e-06 3.140e-03 1.331e-02 1.213e-02 1.312e-02 2.313e-02 4.034e-02 5.795e-02 5.404e-02 2.803e-02 3.138e-02 3.755e-02 1.453e-01 5.404e-01 2.327e-04 +80 EP 10 1.052e-06 9.084e-06 8.904e-03 7.032e-03 1.033e-02 1.241e-02 3.189e-03 3.292e-03 1.413e-05 5.336e-03 1.567e-02 3.839e-02 3.964e-02 1.851e-01 6.707e-01 +80 EP 11 5.254e-02 2.664e-01 3.540e-01 1.731e-01 7.969e-02 4.754e-02 2.087e-02 5.877e-03 3.506e-09 2.853e-09 4.707e-09 1.127e-09 8.090e-10 5.072e-10 4.934e-10 +80 EP 12 6.123e-10 1.223e-03 2.158e-02 7.323e-09 9.217e-03 3.043e-02 5.662e-02 9.057e-02 1.220e-01 1.159e-01 2.106e-01 2.719e-01 6.995e-02 5.414e-10 3.004e-10 +80 EP 13 1.468e-03 6.220e-02 5.821e-02 5.488e-02 7.329e-02 8.954e-02 9.752e-02 9.621e-02 9.498e-02 8.732e-02 9.700e-02 8.922e-02 6.877e-02 2.938e-02 2.248e-10 +80 EP 14 2.923e-05 1.502e-02 7.591e-02 6.108e-02 7.428e-02 8.289e-02 9.165e-02 9.250e-02 8.012e-02 8.022e-02 7.204e-02 8.566e-02 1.350e-01 5.364e-02 1.503e-09 +80 EP 15 5.948e-07 9.516e-10 1.767e-02 3.708e-02 7.915e-02 1.323e-01 1.160e-01 9.114e-02 8.529e-02 9.579e-02 1.556e-01 1.899e-01 2.437e-09 4.741e-10 2.350e-10 +80 EP 16 4.332e-10 9.705e-06 5.632e-03 8.600e-09 6.134e-04 7.671e-04 1.264e-06 2.233e-03 4.080e-03 5.288e-03 6.848e-03 1.495e-04 2.434e-05 2.501e-01 7.243e-01 +80 EP 17 3.372e-03 8.768e-09 1.972e-08 1.596e-01 3.321e-01 1.387e-01 1.155e-01 9.598e-02 1.012e-01 5.337e-02 1.162e-08 5.673e-09 2.629e-04 6.886e-10 4.652e-10 +80 EP 18 5.040e-05 7.170e-07 1.417e-02 6.432e-03 1.838e-02 1.199e-02 2.903e-02 8.552e-06 5.237e-02 2.671e-01 4.047e-01 1.823e-01 1.392e-05 1.511e-06 1.349e-02 +80 EP 19 5.870e-04 3.220e-02 1.504e-01 1.496e-01 1.423e-01 1.197e-01 1.007e-01 8.576e-02 7.309e-02 6.864e-02 5.747e-02 1.949e-02 4.832e-10 1.445e-10 1.073e-10 +80 EP 20 1.974e-04 1.611e-02 8.899e-02 8.411e-02 9.760e-02 1.078e-01 1.058e-01 1.037e-01 9.160e-02 8.190e-02 7.298e-02 6.281e-02 6.602e-02 2.043e-02 6.902e-11 +80 EP 21 3.716e-09 4.440e-04 1.608e-07 1.088e-08 2.370e-03 8.806e-03 1.937e-02 2.772e-02 2.227e-02 3.634e-02 8.306e-02 8.573e-02 1.771e-01 4.985e-01 3.830e-02 +80 EP 22 1.962e-09 8.060e-03 3.803e-02 3.263e-02 4.074e-02 6.946e-02 6.991e-02 6.099e-02 5.307e-02 6.263e-02 6.086e-02 1.374e-01 3.041e-01 6.210e-02 3.417e-10 +80 EP 23 1.464e-05 4.068e-03 6.690e-03 1.014e-02 9.588e-03 1.935e-02 2.060e-02 2.797e-02 5.990e-02 5.160e-02 3.209e-02 5.374e-02 8.738e-02 3.670e-01 2.499e-01 +80 EP 24 6.259e-05 3.243e-02 3.704e-02 2.526e-02 2.422e-02 3.158e-02 3.744e-02 5.176e-02 7.794e-02 9.896e-02 1.082e-01 1.291e-01 1.496e-01 1.474e-01 4.895e-02 +80 EP 25 1.401e-04 4.011e-03 5.614e-04 2.946e-03 1.565e-05 1.136e-02 3.426e-02 5.941e-02 7.229e-02 6.272e-02 7.219e-02 1.497e-01 2.529e-01 2.773e-01 2.934e-04 +80 EP 26 1.230e-04 9.348e-03 2.217e-02 2.078e-02 2.116e-02 2.519e-02 2.752e-02 2.925e-02 3.519e-02 4.774e-02 6.367e-02 8.064e-02 1.192e-01 2.396e-01 2.584e-01 +80 EP 27 1.914e-09 6.203e-03 3.032e-02 3.850e-02 2.733e-02 2.375e-02 5.617e-02 5.838e-02 8.377e-07 3.765e-06 1.772e-01 4.677e-01 1.118e-01 1.112e-08 2.667e-03 +80 EP 28 1.467e-01 3.884e-01 2.645e-01 1.089e-01 4.911e-02 2.214e-02 1.327e-02 4.089e-03 1.777e-03 1.090e-03 7.005e-10 7.576e-10 2.459e-10 2.186e-10 2.167e-10 +80 EP 29 1.223e-03 5.361e-02 1.449e-01 1.219e-01 1.258e-01 1.152e-01 9.108e-02 7.208e-02 5.017e-02 5.038e-02 6.413e-02 6.707e-02 4.248e-02 2.725e-09 3.502e-10 +80 EP 30 6.522e-09 1.721e-02 1.221e-02 2.474e-02 2.474e-02 4.763e-02 1.195e-01 3.539e-01 2.537e-01 9.465e-02 8.117e-03 9.382e-09 4.355e-02 2.441e-08 7.985e-09 +80 EP 31 2.235e-04 2.305e-03 9.186e-03 4.222e-02 6.188e-02 9.325e-02 1.179e-01 1.285e-01 1.285e-01 1.089e-01 7.141e-02 5.881e-02 7.470e-02 1.022e-01 1.095e-07 +80 EP 32 8.193e-04 1.166e-01 2.054e-01 9.872e-02 9.456e-02 9.986e-02 1.943e-02 1.722e-03 2.936e-03 4.067e-02 1.119e-01 5.659e-02 4.573e-02 6.727e-02 3.791e-02 +80 EP 33 4.919e-05 1.195e-02 6.618e-02 7.676e-02 1.073e-01 1.233e-01 1.186e-01 1.186e-01 1.138e-01 1.237e-01 1.061e-01 3.361e-02 2.787e-09 6.861e-11 1.162e-06 +80 EP 34 3.036e-09 8.719e-05 1.659e-02 1.892e-02 2.594e-02 3.978e-02 5.623e-02 7.157e-02 8.216e-02 8.495e-02 1.015e-01 1.290e-01 1.560e-01 2.173e-01 1.779e-09 +80 TP 1 6.762e-02 1.782e-10 5.004e-10 7.986e-10 6.964e-10 2.447e-09 1.555e-10 1.675e-10 2.723e-10 5.228e-10 1.301e-09 2.423e-10 7.662e-10 8.884e-11 2.144e-10 3.564e-01 8.184e-10 1.114e-10 2.948e-10 1.941e-09 1.700e-10 2.158e-10 2.207e-10 1.427e-03 1.659e-01 3.156e-01 1.109e-02 4.714e-09 1.773e-05 1.467e-10 7.726e-02 4.726e-03 6.667e-10 5.475e-09 +80 TP 2 2.769e-08 1.083e-01 1.169e-08 3.030e-08 1.069e-08 2.234e-08 1.062e-02 1.029e-08 1.646e-01 5.375e-01 2.407e-08 1.589e-08 8.992e-09 5.438e-06 1.076e-08 2.660e-08 1.239e-08 8.606e-07 5.525e-03 1.620e-08 1.663e-01 1.768e-08 1.116e-08 1.105e-08 3.216e-08 4.199e-08 1.876e-08 7.189e-03 1.672e-08 9.244e-09 2.569e-08 2.116e-08 2.136e-08 4.046e-08 +80 TP 3 1.948e-08 3.917e-04 7.495e-02 5.196e-09 5.570e-09 1.327e-08 1.023e-05 8.948e-09 2.483e-05 8.317e-01 4.269e-09 2.401e-08 4.600e-09 2.300e-08 5.095e-09 3.957e-02 4.960e-09 4.884e-09 4.494e-09 7.434e-09 4.231e-02 6.596e-07 4.627e-09 5.613e-09 1.439e-08 5.741e-08 1.200e-08 3.932e-09 1.503e-08 4.012e-09 1.319e-08 1.109e-02 5.823e-09 1.284e-08 +80 TP 4 1.407e-09 4.189e-11 1.990e-09 8.441e-01 2.674e-04 3.426e-11 5.096e-11 2.171e-10 6.202e-11 2.727e-11 1.943e-09 2.325e-10 3.067e-10 1.568e-10 1.642e-03 6.605e-11 5.745e-02 8.028e-11 8.794e-10 4.980e-03 4.864e-11 1.653e-10 3.792e-11 1.341e-10 4.334e-09 3.492e-10 4.796e-10 2.168e-03 5.745e-04 7.220e-11 1.668e-08 8.443e-10 8.879e-02 1.375e-09 +80 TP 5 3.542e-08 1.213e-10 1.383e-10 1.089e-08 8.345e-01 6.584e-10 2.122e-10 5.057e-10 4.007e-10 1.396e-10 7.353e-10 1.283e-09 8.935e-09 1.101e-10 6.515e-10 3.019e-09 3.858e-09 4.396e-10 8.379e-10 3.022e-03 1.846e-10 5.579e-10 2.729e-04 6.041e-04 3.503e-08 5.847e-09 1.493e-08 2.564e-10 5.134e-05 2.539e-10 2.437e-08 5.323e-09 1.589e-01 2.712e-03 +80 TP 6 1.169e-08 7.533e-10 1.333e-09 3.746e-04 2.546e-09 1.771e-01 2.888e-10 5.506e-10 1.007e-09 7.877e-10 2.199e-10 1.885e-10 1.718e-04 8.857e-10 3.685e-04 1.103e-08 6.431e-10 2.712e-10 2.584e-10 7.135e-05 1.183e-09 9.524e-10 8.599e-10 3.015e-10 7.166e-09 1.706e-08 5.496e-09 1.718e-10 1.149e-03 7.638e-04 9.517e-03 4.932e-09 5.455e-10 8.105e-01 +80 TP 7 2.181e-08 5.433e-01 2.434e-02 8.135e-09 9.077e-09 1.632e-08 3.534e-01 9.023e-09 1.582e-02 1.808e-08 1.204e-08 2.944e-08 7.232e-09 6.020e-02 9.205e-09 4.414e-07 9.920e-09 2.985e-03 2.266e-08 1.401e-08 2.883e-08 1.636e-08 7.945e-09 8.182e-09 2.365e-08 2.195e-07 2.153e-08 6.874e-09 1.863e-08 8.607e-09 2.539e-08 2.047e-08 1.057e-08 4.797e-08 +80 TP 8 1.171e-08 9.546e-10 1.015e-09 5.182e-09 1.157e-08 2.088e-09 2.263e-09 2.752e-01 9.756e-02 9.653e-10 2.121e-09 7.317e-09 2.245e-09 2.697e-08 3.030e-01 5.631e-08 1.243e-08 2.014e-02 6.200e-09 4.071e-08 1.916e-09 3.039e-01 1.288e-04 2.261e-09 1.921e-07 3.059e-08 2.356e-08 9.399e-10 2.161e-08 3.693e-09 4.059e-08 1.596e-08 5.878e-09 9.175e-08 +80 TP 9 6.774e-08 6.964e-03 3.753e-02 2.697e-09 2.477e-09 3.959e-09 3.564e-02 4.185e-05 3.688e-01 7.857e-02 1.339e-09 3.750e-03 1.543e-08 1.181e-02 9.757e-04 1.245e-08 2.095e-09 2.219e-02 7.768e-09 4.031e-03 8.017e-02 2.823e-01 5.635e-02 2.850e-09 4.248e-08 2.484e-08 5.336e-06 7.590e-10 4.205e-09 3.860e-06 6.798e-09 1.082e-02 2.317e-09 7.198e-09 +80 TP 10 6.324e-09 2.848e-04 1.690e-01 1.052e-09 1.237e-09 2.367e-09 3.764e-02 1.457e-09 1.437e-01 6.479e-01 2.940e-05 1.138e-09 9.197e-10 1.489e-03 5.096e-09 2.626e-08 9.934e-10 9.596e-10 1.570e-06 1.948e-09 1.391e-08 1.613e-08 1.137e-09 1.108e-09 8.736e-09 4.459e-07 5.126e-09 8.493e-10 5.094e-09 1.033e-09 5.295e-09 8.567e-09 9.947e-10 3.120e-09 +80 TP 11 4.966e-09 5.480e-10 5.111e-10 1.053e-08 5.341e-09 5.477e-10 6.547e-10 1.025e-09 6.124e-10 4.789e-10 7.114e-01 2.358e-09 5.564e-04 2.004e-03 2.406e-02 7.684e-10 7.104e-02 1.842e-09 1.192e-01 2.240e-02 5.619e-10 1.198e-09 5.335e-10 3.134e-09 5.284e-09 3.188e-09 3.785e-09 1.526e-03 4.787e-02 6.774e-10 2.157e-08 5.662e-09 2.550e-08 6.034e-09 +80 TP 12 3.544e-09 1.856e-07 5.320e-10 8.984e-03 3.126e-09 6.670e-04 5.308e-10 7.971e-08 5.511e-09 4.851e-08 4.099e-02 4.033e-01 8.925e-10 5.547e-10 7.363e-08 3.736e-09 7.547e-09 1.800e-09 5.017e-01 7.400e-09 5.141e-10 2.902e-02 2.834e-09 8.337e-10 1.260e-08 1.089e-08 4.884e-09 4.169e-04 8.621e-09 1.142e-05 7.328e-09 8.144e-04 1.406e-02 2.130e-05 +80 TP 13 1.408e-09 2.822e-06 4.992e-11 1.150e-09 1.430e-09 6.914e-11 4.272e-11 6.748e-11 5.382e-11 4.374e-11 9.509e-11 8.680e-11 9.033e-01 4.508e-11 7.498e-11 3.401e-10 1.613e-04 4.849e-11 7.779e-11 2.327e-10 4.578e-11 6.918e-11 4.604e-11 9.587e-02 8.249e-10 4.591e-10 1.041e-09 6.211e-04 2.549e-09 4.538e-11 1.056e-09 5.839e-10 2.577e-08 1.659e-10 +80 TP 14 4.306e-09 3.535e-03 2.003e-09 1.037e-08 3.141e-09 3.321e-09 7.699e-04 8.383e-09 1.873e-01 2.318e-09 2.113e-02 4.278e-09 4.007e-09 7.728e-01 3.225e-09 4.868e-09 4.668e-09 3.029e-03 1.906e-08 4.798e-09 3.210e-09 4.553e-05 2.251e-09 3.533e-09 5.812e-09 6.818e-09 4.311e-09 8.160e-09 3.696e-09 8.656e-03 5.540e-09 4.250e-09 7.287e-09 2.776e-03 +80 TP 15 3.279e-09 9.640e-06 7.726e-10 6.223e-09 6.175e-09 5.088e-10 8.169e-10 1.949e-01 2.033e-02 4.795e-10 3.868e-09 3.294e-01 8.208e-10 6.101e-10 4.521e-01 1.959e-09 3.972e-09 2.918e-03 1.347e-06 6.403e-09 4.183e-10 3.894e-04 6.101e-10 7.601e-10 1.932e-08 1.384e-06 9.468e-09 1.825e-09 7.186e-09 1.137e-05 7.949e-09 1.215e-08 1.170e-08 7.174e-07 +80 TP 16 4.421e-02 2.909e-10 6.093e-10 1.747e-04 3.628e-10 3.542e-09 2.390e-10 5.063e-07 2.624e-04 4.982e-10 9.706e-11 1.339e-10 5.157e-04 1.507e-10 2.255e-10 2.042e-05 4.401e-05 1.467e-10 3.268e-10 1.588e-09 3.661e-10 3.000e-10 3.388e-10 6.013e-09 1.213e-01 6.633e-01 1.704e-02 6.470e-11 1.393e-08 2.576e-10 1.067e-01 4.643e-02 5.835e-07 6.412e-09 +80 TP 17 1.597e-07 1.216e-09 6.602e-10 2.390e-08 5.734e-08 4.868e-10 3.013e-09 3.830e-09 6.972e-04 4.399e-10 7.722e-09 1.239e-08 6.597e-07 6.269e-04 1.117e-02 1.539e-09 3.017e-07 2.018e-09 8.628e-09 2.496e-03 1.157e-09 2.804e-09 7.099e-10 3.082e-09 3.474e-04 7.493e-09 2.213e-08 1.889e-08 8.402e-02 7.483e-10 9.288e-08 1.748e-08 9.001e-01 5.077e-04 +80 TP 18 1.784e-05 1.607e-08 5.836e-09 3.013e-08 1.582e-08 1.803e-08 1.655e-04 1.269e-06 3.267e-03 5.596e-09 1.717e-08 1.400e-06 9.984e-09 1.166e-08 7.075e-07 3.027e-08 2.282e-08 3.804e-01 7.223e-04 2.919e-07 7.127e-09 9.666e-02 2.061e-02 1.227e-08 1.175e-07 7.015e-08 5.104e-08 1.850e-08 5.495e-08 4.887e-01 1.460e-05 1.995e-07 4.016e-08 9.447e-03 +80 TP 19 6.635e-09 2.165e-10 1.761e-10 4.191e-09 1.321e-09 1.667e-10 1.758e-10 2.706e-02 1.031e-03 1.213e-10 2.985e-02 2.763e-09 3.455e-10 3.589e-10 1.866e-01 3.756e-10 1.176e-06 5.894e-04 7.496e-01 3.603e-09 1.645e-10 9.295e-10 1.839e-10 4.112e-10 3.400e-09 1.061e-08 2.173e-09 2.365e-03 1.909e-09 1.765e-03 2.822e-09 1.571e-09 1.204e-03 8.083e-09 +80 TP 20 6.129e-10 3.028e-11 2.968e-11 7.335e-10 2.576e-03 8.140e-11 2.218e-11 1.948e-10 1.821e-10 2.453e-11 7.524e-04 2.001e-10 7.983e-11 2.876e-11 1.747e-10 5.584e-10 7.049e-10 6.544e-11 2.156e-10 9.000e-01 3.653e-11 2.083e-10 9.203e-11 4.323e-11 1.213e-09 6.703e-10 8.125e-10 1.494e-04 4.129e-04 8.201e-05 9.660e-10 6.290e-10 7.328e-10 9.606e-02 +80 TP 21 1.434e-08 4.961e-02 7.887e-07 8.400e-08 8.893e-09 9.457e-09 3.147e-02 7.006e-09 5.626e-02 7.589e-06 9.857e-04 1.493e-03 1.841e-08 4.390e-01 1.417e-08 5.362e-08 4.506e-08 2.986e-05 4.345e-04 1.448e-08 4.171e-01 2.473e-08 5.864e-09 5.365e-08 1.575e-08 3.176e-08 1.479e-08 4.043e-09 1.035e-08 7.019e-09 1.312e-08 1.446e-08 3.593e-03 2.797e-08 +80 TP 22 3.607e-07 6.929e-10 4.360e-10 1.686e-09 1.618e-09 1.035e-09 5.368e-10 3.404e-07 3.701e-02 3.875e-10 1.537e-09 1.571e-01 5.652e-10 9.553e-04 2.771e-04 3.369e-09 2.075e-09 8.824e-03 9.659e-02 1.322e-06 6.043e-10 6.902e-01 1.324e-09 6.917e-10 1.233e-08 7.494e-09 3.269e-09 4.148e-10 4.635e-09 9.044e-03 8.422e-09 5.381e-09 2.499e-09 1.160e-08 +80 TP 23 1.646e-08 2.364e-09 1.914e-09 2.936e-09 3.162e-09 3.343e-04 2.172e-05 4.585e-09 1.226e-01 1.888e-09 1.866e-09 4.697e-09 1.862e-09 7.412e-07 3.785e-05 4.547e-08 5.878e-09 7.349e-03 2.996e-09 7.738e-03 3.787e-03 3.940e-02 8.179e-01 8.378e-04 2.780e-08 5.914e-08 1.559e-08 1.525e-09 6.484e-09 5.765e-09 1.529e-08 1.385e-07 2.705e-09 1.380e-08 +80 TP 24 4.746e-10 2.113e-11 2.188e-11 7.863e-11 2.751e-10 4.647e-11 2.127e-11 3.476e-11 2.551e-11 2.177e-11 3.238e-11 3.554e-11 4.466e-02 2.085e-11 3.286e-11 1.900e-10 1.378e-10 2.201e-11 3.070e-11 8.095e-11 2.337e-11 3.239e-11 2.428e-11 9.543e-01 3.453e-10 2.544e-10 1.052e-03 6.370e-11 2.775e-10 2.202e-11 2.788e-10 2.285e-10 1.514e-10 7.709e-11 +80 TP 25 5.215e-02 5.421e-11 8.854e-11 2.571e-10 2.710e-10 1.504e-09 4.117e-11 6.974e-11 6.154e-06 7.378e-11 1.560e-10 1.521e-10 4.536e-10 2.953e-11 8.938e-11 6.099e-02 2.844e-10 5.963e-11 1.335e-10 1.246e-09 7.903e-11 1.108e-10 4.963e-05 1.412e-09 4.607e-01 1.440e-02 3.507e-02 1.433e-10 6.041e-02 7.250e-11 8.487e-02 2.313e-01 2.589e-10 5.666e-08 +80 TP 26 4.667e-02 9.081e-11 6.614e-08 8.051e-11 8.567e-11 4.598e-10 5.630e-11 3.800e-11 1.782e-07 2.957e-10 2.856e-11 5.993e-11 6.935e-11 3.536e-11 4.177e-11 1.767e-02 1.613e-10 2.014e-11 6.002e-11 6.115e-10 3.952e-09 4.909e-11 4.627e-11 1.103e-10 3.855e-02 8.424e-01 2.834e-02 2.420e-11 1.141e-06 3.534e-11 9.020e-03 1.735e-02 8.346e-11 2.047e-09 +80 TP 27 6.097e-01 4.806e-10 7.384e-10 1.947e-09 1.210e-09 2.090e-09 2.990e-10 3.523e-10 8.287e-10 6.556e-10 4.158e-06 1.179e-09 1.092e-09 2.502e-10 4.667e-10 2.460e-03 1.570e-09 2.115e-10 9.034e-04 1.277e-08 3.089e-10 5.854e-10 4.552e-10 1.918e-09 8.081e-09 1.515e-08 2.567e-01 1.403e-03 8.948e-04 3.342e-10 1.279e-01 3.145e-06 1.215e-09 1.649e-08 +80 TP 28 1.610e-03 2.375e-10 2.305e-10 2.167e-02 3.859e-03 2.664e-10 1.392e-04 3.522e-10 2.584e-10 2.257e-10 1.023e-08 7.374e-10 2.810e-03 1.678e-04 2.392e-08 3.968e-10 2.018e-02 3.234e-04 5.971e-03 8.402e-09 3.553e-10 4.511e-10 2.451e-10 5.573e-10 3.073e-09 2.936e-09 9.102e-09 9.272e-01 6.422e-03 2.983e-10 2.255e-07 6.010e-09 9.647e-03 3.010e-09 +80 TP 29 2.117e-05 9.163e-06 6.492e-11 3.278e-03 1.035e-09 2.709e-10 3.623e-11 7.764e-04 4.582e-10 4.527e-11 1.236e-03 2.600e-10 4.461e-10 3.965e-11 2.210e-10 5.043e-10 4.532e-10 6.821e-11 2.766e-10 1.252e-03 4.191e-11 3.618e-05 6.124e-11 1.825e-06 6.381e-02 1.682e-09 2.438e-09 4.339e-04 8.193e-01 3.015e-09 1.099e-01 2.148e-09 5.617e-10 4.179e-09 +80 TP 30 4.038e-08 1.501e-08 9.647e-09 2.422e-08 2.360e-08 8.534e-08 7.381e-09 1.135e-01 5.316e-01 8.043e-03 2.205e-08 1.127e-04 1.156e-08 1.235e-08 6.769e-02 1.255e-07 6.952e-08 3.942e-02 2.252e-03 9.514e-08 2.227e-08 2.105e-02 1.856e-01 1.365e-08 1.372e-07 1.654e-07 3.034e-08 9.900e-03 6.282e-08 1.277e-08 3.657e-03 9.111e-03 8.066e-03 2.416e-06 +80 TP 31 9.405e-04 4.037e-11 5.881e-11 3.993e-10 2.972e-10 2.693e-10 3.834e-11 9.977e-11 6.243e-06 6.893e-11 2.012e-10 1.050e-10 2.984e-10 2.551e-11 9.376e-11 1.656e-02 2.852e-10 5.546e-11 1.128e-10 1.291e-09 4.390e-11 1.250e-10 1.617e-10 8.034e-07 2.466e-01 4.940e-02 2.307e-03 2.400e-09 3.351e-02 1.173e-10 5.757e-01 7.381e-02 2.494e-10 1.135e-03 +80 TP 32 5.345e-03 1.894e-10 1.317e-10 1.201e-09 6.368e-10 4.386e-10 5.700e-11 4.366e-10 5.061e-08 1.503e-10 3.505e-10 3.212e-10 1.554e-08 5.325e-11 2.856e-10 4.140e-02 2.488e-09 6.545e-11 3.355e-10 1.531e-08 6.719e-11 4.829e-10 1.981e-10 5.147e-05 3.559e-01 5.769e-02 1.008e-03 4.893e-09 6.431e-03 3.382e-10 3.277e-01 2.045e-01 7.680e-10 1.449e-09 +80 TP 33 1.399e-09 4.972e-11 8.136e-11 1.304e-01 5.895e-02 7.539e-11 4.136e-11 2.204e-10 1.917e-10 3.783e-11 3.755e-05 1.849e-03 5.148e-10 5.304e-11 4.402e-05 2.382e-10 2.313e-09 1.233e-10 4.041e-07 4.187e-06 6.784e-11 2.354e-10 5.752e-11 2.873e-10 1.298e-08 8.601e-10 2.934e-05 2.936e-03 3.519e-09 7.965e-11 5.976e-09 1.401e-09 8.058e-01 3.380e-07 +80 TP 34 8.212e-10 4.589e-11 4.621e-11 4.778e-10 5.391e-04 7.279e-02 5.783e-11 3.501e-09 2.112e-07 1.138e-10 2.214e-10 2.802e-10 4.368e-11 5.823e-11 2.212e-10 1.538e-09 4.880e-10 1.019e-10 1.823e-10 9.200e-02 3.692e-05 5.176e-10 1.569e-10 3.675e-11 1.912e-09 1.463e-09 1.032e-09 3.807e-10 1.752e-09 1.160e-10 1.654e-09 7.833e-10 6.183e-10 8.346e-01 +81 IP 1 1.086e-03 +81 IP 2 6.534e-08 +81 IP 3 2.244e-02 +81 IP 4 1.625e-02 +81 IP 5 6.543e-02 +81 IP 6 3.561e-02 +81 IP 7 3.329e-01 +81 IP 8 4.880e-02 +81 IP 9 4.728e-08 +81 IP 10 2.430e-01 +81 IP 11 8.383e-08 +81 IP 12 2.040e-08 +81 IP 13 1.975e-08 +81 IP 14 7.947e-03 +81 IP 15 1.231e-02 +81 IP 16 4.929e-08 +81 IP 17 1.086e-08 +81 IP 18 4.024e-05 +81 IP 19 4.972e-08 +81 IP 20 1.382e-08 +81 IP 21 1.173e-01 +81 IP 22 6.768e-08 +81 IP 23 1.345e-08 +81 IP 24 3.951e-08 +81 IP 25 3.378e-02 +81 IP 26 3.046e-02 +81 IP 27 3.270e-02 +81 EP 1 6.074e-03 1.054e-01 2.721e-01 2.248e-01 1.635e-01 9.352e-02 6.514e-02 3.841e-02 2.576e-02 5.306e-03 2.538e-10 1.066e-05 6.349e-11 4.800e-11 3.661e-11 +81 EP 2 9.366e-04 2.522e-02 1.495e-01 1.557e-01 1.764e-01 1.472e-01 1.117e-01 8.487e-02 5.544e-02 4.399e-02 3.712e-02 1.199e-02 4.426e-10 1.567e-10 5.100e-11 +81 EP 3 1.736e-10 1.164e-02 3.748e-02 3.167e-02 2.511e-02 3.349e-02 3.526e-02 5.448e-02 7.376e-02 1.132e-01 1.634e-01 1.247e-01 1.047e-01 1.794e-01 1.157e-02 +81 EP 4 4.736e-11 2.013e-03 1.060e-02 1.212e-02 1.200e-02 1.837e-02 2.327e-02 2.791e-02 6.722e-02 7.481e-02 5.597e-02 7.912e-02 9.173e-02 2.301e-01 2.948e-01 +81 EP 5 8.329e-04 3.490e-02 1.265e-01 1.037e-01 1.058e-01 1.052e-01 9.688e-02 7.478e-02 7.325e-02 6.113e-02 5.862e-02 8.534e-02 7.301e-02 9.807e-10 2.012e-10 +81 EP 6 4.014e-04 1.432e-02 7.914e-02 1.008e-01 1.197e-01 1.355e-01 1.342e-01 1.281e-01 1.102e-01 1.161e-01 6.142e-02 6.921e-10 1.137e-10 6.050e-11 2.369e-11 +81 EP 7 1.545e-01 3.638e-01 2.725e-01 1.067e-01 5.438e-02 2.373e-02 1.556e-02 6.327e-03 1.740e-03 6.504e-10 6.102e-04 2.384e-04 1.958e-10 1.790e-10 1.766e-10 +81 EP 8 2.600e-10 3.725e-02 8.615e-02 9.482e-02 9.613e-02 7.470e-02 5.869e-02 4.527e-02 3.647e-02 3.980e-05 6.442e-02 2.287e-02 7.493e-09 2.773e-08 3.832e-01 +81 EP 9 2.010e-10 1.166e-09 1.739e-02 1.957e-03 2.607e-02 2.892e-02 2.619e-02 6.443e-04 2.962e-06 2.391e-08 5.223e-02 5.093e-02 1.917e-01 6.040e-01 7.239e-09 +81 EP 10 6.668e-03 2.028e-01 3.767e-01 1.889e-01 9.501e-02 5.014e-02 3.004e-02 9.993e-03 1.960e-02 9.183e-03 1.090e-02 1.677e-09 1.148e-09 2.886e-10 1.751e-10 +81 EP 11 3.283e-10 5.835e-03 1.399e-02 5.741e-09 1.388e-02 6.801e-02 7.760e-02 1.213e-01 1.619e-01 1.602e-01 1.925e-01 1.848e-01 2.196e-09 4.533e-10 8.321e-11 +81 EP 12 1.190e-04 9.649e-03 2.012e-02 8.315e-03 9.629e-03 3.832e-02 5.157e-02 4.581e-02 1.325e-01 3.039e-01 1.110e-01 5.414e-03 4.601e-02 1.249e-01 9.287e-02 +81 EP 13 7.801e-11 3.939e-03 2.347e-02 3.049e-02 5.496e-02 8.132e-02 7.818e-02 8.004e-02 9.854e-02 1.067e-01 1.998e-01 2.079e-01 3.467e-02 1.434e-10 7.195e-11 +81 EP 14 3.992e-10 1.678e-03 6.548e-03 1.244e-02 1.643e-02 9.774e-03 3.924e-03 7.356e-03 1.023e-03 5.699e-04 2.742e-02 5.651e-02 5.017e-02 1.171e-01 6.890e-01 +81 EP 15 9.512e-11 6.262e-03 2.334e-02 1.407e-02 2.232e-02 4.042e-02 7.263e-02 7.680e-02 7.010e-02 7.133e-02 5.881e-02 1.501e-01 2.941e-01 9.686e-02 2.854e-03 +81 EP 16 6.093e-11 7.124e-03 1.696e-02 1.322e-02 1.970e-02 3.962e-02 4.580e-02 7.273e-02 7.113e-02 7.183e-02 6.895e-02 1.047e-01 1.822e-01 2.823e-01 3.754e-03 +81 EP 17 1.915e-10 1.480e-09 1.215e-02 1.072e-02 2.283e-02 2.853e-02 4.016e-02 3.572e-02 9.304e-03 7.650e-09 1.607e-01 6.582e-01 2.172e-02 5.660e-09 7.124e-09 +81 EP 18 9.511e-05 1.637e-02 2.249e-02 4.481e-02 2.838e-02 6.311e-02 9.540e-02 2.523e-01 2.225e-01 8.798e-02 4.149e-09 6.343e-09 4.961e-02 1.169e-01 2.048e-09 +81 EP 19 2.512e-04 1.955e-02 2.752e-02 2.682e-02 2.846e-02 4.028e-02 4.137e-02 4.807e-02 5.963e-02 6.806e-02 8.182e-02 9.458e-02 1.255e-01 2.000e-01 1.381e-01 +81 EP 20 2.254e-10 2.012e-03 4.885e-09 1.952e-02 1.308e-02 2.003e-02 4.861e-02 2.019e-01 5.293e-01 1.317e-01 1.457e-08 4.305e-09 6.574e-09 3.378e-02 6.753e-09 +81 EP 21 8.542e-04 4.482e-02 6.014e-02 5.845e-02 7.880e-02 1.006e-01 9.997e-02 9.599e-02 8.970e-02 8.318e-02 8.438e-02 8.437e-02 8.042e-02 3.834e-02 2.038e-10 +81 EP 22 2.134e-05 5.928e-04 3.624e-02 3.178e-02 3.089e-02 7.113e-02 9.435e-02 1.192e-01 8.889e-02 7.764e-02 3.221e-02 7.192e-02 1.975e-01 1.476e-01 1.271e-09 +81 EP 23 2.835e-10 1.676e-09 1.210e-02 1.785e-02 3.583e-02 2.858e-02 6.430e-02 5.705e-02 7.915e-02 2.910e-01 4.141e-01 3.550e-05 3.862e-09 4.263e-09 9.424e-09 +81 EP 24 3.682e-05 3.777e-03 6.705e-03 5.622e-03 7.686e-03 2.098e-02 2.117e-02 3.626e-02 2.434e-02 1.351e-08 4.697e-02 1.607e-01 2.159e-01 1.862e-01 2.637e-01 +81 EP 25 1.023e-08 1.106e-04 1.945e-03 4.174e-03 2.134e-03 6.023e-03 1.772e-02 1.752e-02 4.599e-02 3.933e-02 5.491e-02 4.416e-02 9.183e-02 6.741e-01 6.564e-09 +81 EP 26 2.588e-04 3.097e-02 3.760e-02 2.491e-02 2.483e-02 3.194e-02 3.348e-02 4.652e-02 7.063e-02 8.979e-02 1.007e-01 1.208e-01 1.480e-01 1.696e-01 6.999e-02 +81 EP 27 6.852e-10 2.181e-04 2.956e-02 3.431e-02 4.627e-02 7.099e-02 1.033e-01 6.613e-02 3.632e-02 4.770e-02 3.369e-02 1.668e-01 3.648e-01 2.715e-09 1.535e-10 +81 TP 1 8.098e-01 4.492e-09 3.440e-10 1.072e-10 5.068e-10 1.771e-01 3.202e-03 6.772e-11 1.390e-10 5.640e-09 5.843e-03 6.764e-11 3.648e-03 5.044e-11 3.205e-10 1.074e-10 2.395e-10 5.082e-10 8.189e-11 6.336e-11 2.279e-04 1.343e-10 1.086e-04 8.224e-11 6.607e-11 3.560e-10 5.096e-10 +81 TP 2 4.413e-09 5.916e-01 2.335e-09 3.724e-10 7.887e-10 6.924e-04 2.605e-03 1.852e-10 7.868e-03 2.080e-02 2.401e-01 2.688e-04 2.695e-03 1.181e-10 1.132e-09 3.994e-10 3.058e-10 6.281e-03 5.684e-04 2.620e-10 1.081e-09 4.192e-03 1.336e-09 2.846e-10 9.748e-10 8.880e-10 1.222e-01 +81 TP 3 4.946e-10 4.909e-02 4.895e-01 3.997e-02 1.088e-03 1.676e-09 6.713e-11 1.338e-09 3.114e-03 5.888e-10 3.141e-02 8.416e-10 1.958e-08 7.040e-10 2.417e-09 4.037e-09 4.827e-10 2.492e-01 1.756e-08 1.180e-09 1.699e-09 1.378e-09 1.433e-09 1.207e-09 2.062e-09 3.935e-10 1.366e-01 +81 TP 4 9.986e-11 1.018e-09 6.058e-02 7.467e-01 2.926e-09 3.391e-10 4.391e-11 1.571e-09 1.370e-01 2.455e-10 1.481e-09 8.842e-10 1.748e-04 5.611e-10 2.795e-10 9.403e-09 3.448e-03 5.076e-02 6.407e-10 2.412e-09 6.387e-07 3.286e-09 2.008e-09 8.056e-10 3.782e-09 2.981e-10 1.385e-03 +81 TP 5 3.874e-10 6.438e-07 1.505e-09 1.032e-04 7.263e-01 2.754e-09 8.975e-04 4.580e-07 1.308e-02 4.984e-03 1.222e-09 1.230e-09 1.883e-10 3.582e-09 8.739e-11 8.032e-08 2.434e-08 6.373e-03 8.285e-04 8.677e-10 1.757e-10 2.348e-01 1.259e-02 3.137e-09 3.744e-06 2.287e-10 1.636e-05 +81 TP 6 9.613e-02 1.492e-09 5.516e-10 2.941e-10 1.438e-10 7.740e-01 4.371e-03 5.674e-11 1.354e-09 1.453e-09 1.472e-03 9.753e-11 1.236e-01 4.693e-11 1.167e-09 1.161e-10 2.956e-05 6.023e-05 1.188e-10 6.185e-11 1.270e-04 1.545e-10 1.522e-10 1.051e-10 1.435e-10 1.622e-04 4.974e-09 +81 TP 7 2.560e-02 9.717e-03 1.098e-09 5.207e-10 5.610e-03 3.219e-02 8.991e-01 3.576e-10 6.136e-10 4.681e-03 1.879e-02 3.092e-10 1.841e-03 2.410e-10 4.078e-10 1.121e-09 6.874e-04 7.677e-10 5.298e-10 3.192e-10 1.015e-03 9.113e-09 6.468e-04 5.362e-10 9.622e-05 1.456e-09 7.812e-10 +81 TP 8 1.088e-10 2.184e-09 1.747e-09 1.006e-09 4.272e-06 2.253e-10 9.144e-11 1.436e-01 7.870e-09 2.510e-10 1.012e-09 7.861e-02 2.030e-04 4.210e-02 2.517e-10 3.931e-08 1.183e-02 7.896e-09 1.864e-08 2.462e-03 4.031e-10 3.227e-01 7.417e-03 3.984e-02 3.512e-01 3.827e-10 1.922e-09 +81 TP 9 2.031e-10 6.298e-09 2.697e-01 1.496e-01 1.098e-02 4.881e-10 5.149e-11 1.358e-09 3.260e-01 2.770e-05 2.465e-09 4.763e-09 3.614e-04 8.053e-10 7.544e-04 4.528e-03 1.202e-03 8.245e-02 3.825e-07 1.659e-03 1.413e-03 5.961e-07 4.432e-07 1.978e-09 4.510e-09 1.756e-09 1.514e-01 +81 TP 10 5.709e-09 3.725e-01 2.498e-09 7.512e-10 1.448e-03 4.850e-09 3.280e-08 1.123e-09 1.662e-09 6.091e-01 2.794e-08 7.855e-10 3.752e-09 3.920e-10 1.364e-09 1.946e-09 8.723e-04 3.335e-09 1.108e-09 9.580e-10 4.451e-03 9.845e-03 1.798e-03 1.112e-09 1.746e-09 1.012e-09 1.039e-08 +81 TP 11 4.130e-03 2.832e-01 3.534e-03 2.191e-03 8.826e-10 1.390e-08 1.664e-04 4.766e-10 6.359e-03 3.042e-02 4.073e-01 1.947e-09 4.778e-09 8.210e-10 3.551e-03 5.667e-10 1.500e-08 6.481e-02 1.579e-08 7.394e-10 4.373e-10 9.392e-10 9.467e-04 6.301e-04 1.496e-09 4.394e-10 1.928e-01 +81 TP 12 7.680e-11 5.814e-10 6.589e-10 7.408e-10 1.834e-08 5.045e-10 6.749e-11 1.276e-02 1.513e-09 1.655e-10 1.843e-09 9.519e-02 1.689e-04 6.896e-01 1.212e-09 3.522e-02 1.049e-02 9.308e-10 3.519e-04 6.946e-09 2.801e-10 8.210e-09 1.704e-09 5.616e-02 1.000e-01 6.387e-10 7.163e-10 +81 TP 13 9.669e-03 3.398e-03 1.260e-09 8.185e-10 1.694e-10 2.146e-01 7.102e-10 1.196e-10 2.579e-09 1.791e-03 4.364e-03 3.557e-10 6.778e-01 1.458e-10 8.702e-02 1.500e-10 3.080e-10 1.176e-09 1.848e-10 1.854e-10 5.662e-10 1.728e-10 1.532e-10 2.168e-10 9.936e-10 6.280e-06 1.290e-03 +81 TP 14 2.663e-11 3.165e-10 3.473e-10 2.639e-10 4.450e-03 4.900e-11 1.011e-09 1.092e-07 3.704e-10 5.067e-11 4.326e-10 1.200e-01 1.357e-10 4.723e-01 1.002e-10 4.486e-08 2.075e-09 1.418e-09 1.545e-05 1.517e-08 1.362e-10 3.895e-02 6.747e-10 1.976e-01 1.665e-01 1.821e-10 4.253e-10 +81 TP 15 3.374e-09 4.827e-09 8.656e-09 2.745e-09 2.405e-10 6.587e-03 2.060e-10 2.442e-10 3.869e-03 1.280e-09 4.386e-03 3.570e-10 1.819e-01 2.769e-10 8.021e-01 2.630e-10 2.534e-10 4.242e-09 5.441e-10 3.121e-10 9.096e-10 2.471e-10 2.437e-10 2.615e-10 3.295e-10 4.273e-04 6.478e-04 +81 TP 16 1.108e-10 2.054e-05 1.106e-09 9.871e-10 1.844e-01 1.778e-04 7.286e-11 1.528e-01 3.749e-09 7.983e-04 8.880e-10 5.357e-03 2.675e-10 4.393e-09 1.561e-10 5.591e-01 8.949e-03 1.353e-09 2.689e-10 1.985e-02 1.629e-10 2.330e-02 4.517e-02 4.446e-06 1.746e-08 2.945e-10 1.442e-09 +81 TP 17 3.774e-10 5.458e-03 2.062e-09 1.857e-09 2.741e-02 1.068e-08 3.806e-04 4.674e-03 1.513e-09 5.927e-09 3.045e-09 1.348e-07 1.094e-09 6.747e-09 1.112e-09 2.645e-08 3.038e-01 8.485e-09 5.675e-09 4.736e-01 3.135e-09 1.690e-03 1.825e-01 9.970e-09 4.490e-04 5.408e-10 1.932e-09 +81 TP 18 5.249e-10 6.752e-09 1.013e-01 1.160e-01 6.697e-09 1.928e-09 2.583e-10 1.283e-09 4.973e-01 6.478e-10 2.077e-02 1.103e-09 2.662e-09 1.258e-09 1.481e-09 4.802e-09 8.341e-10 3.907e-02 2.398e-08 1.016e-09 1.943e-09 2.040e-09 2.590e-09 1.557e-09 4.227e-09 8.979e-10 2.256e-01 +81 TP 19 1.031e-10 3.590e-04 6.526e-10 6.598e-10 3.589e-06 8.658e-11 3.920e-06 8.428e-04 3.812e-10 2.543e-04 1.795e-09 6.482e-10 2.852e-10 1.145e-09 4.278e-05 2.805e-06 5.281e-09 7.525e-10 9.901e-01 1.747e-10 7.916e-03 1.996e-09 3.186e-10 1.598e-09 1.077e-09 4.797e-04 1.650e-09 +81 TP 20 6.140e-10 4.767e-09 4.286e-09 1.702e-02 3.415e-08 1.955e-09 1.076e-03 5.735e-02 2.761e-02 1.450e-09 2.794e-09 1.383e-08 1.258e-09 4.907e-01 1.146e-09 3.668e-02 3.092e-09 5.357e-09 1.901e-08 2.208e-02 1.027e-09 1.495e-08 3.999e-09 8.439e-09 3.475e-01 1.502e-09 2.201e-09 +81 TP 21 6.009e-04 4.149e-09 8.616e-10 7.096e-10 1.433e-10 8.168e-08 1.301e-10 1.052e-10 7.035e-08 3.470e-08 1.151e-09 1.075e-10 1.830e-04 8.803e-11 9.713e-06 1.265e-10 6.794e-11 1.705e-03 1.148e-02 1.125e-10 8.668e-01 1.220e-10 8.247e-11 1.115e-10 1.207e-10 1.192e-01 2.278e-09 +81 TP 22 1.006e-10 8.774e-10 1.193e-09 3.268e-09 4.117e-03 2.070e-10 9.694e-11 1.059e-02 7.539e-04 3.640e-10 6.710e-10 4.637e-09 1.422e-10 3.731e-02 1.102e-10 2.188e-01 6.250e-06 2.465e-09 5.252e-09 7.855e-09 1.864e-10 3.595e-01 4.778e-02 4.049e-02 2.806e-01 2.820e-10 2.239e-09 +81 TP 23 7.419e-10 2.753e-06 2.378e-09 1.003e-04 5.677e-02 1.556e-07 5.513e-04 4.451e-08 1.949e-09 3.619e-09 5.710e-09 2.984e-02 8.620e-10 6.672e-09 4.729e-10 1.037e-08 3.702e-02 5.102e-03 2.103e-08 1.304e-01 4.908e-10 3.154e-01 3.753e-01 3.110e-02 1.834e-02 8.689e-10 2.033e-09 +81 TP 24 4.389e-11 7.765e-10 6.857e-10 4.913e-10 1.219e-07 1.312e-10 4.097e-11 1.478e-01 8.157e-10 1.576e-10 1.085e-09 3.958e-01 9.177e-10 1.843e-02 2.305e-10 9.363e-03 6.650e-02 1.538e-09 3.805e-09 1.085e-06 1.792e-10 1.144e-02 2.797e-02 3.227e-01 6.628e-09 1.946e-10 6.414e-10 +81 TP 25 4.784e-11 7.654e-10 9.756e-10 1.096e-09 1.880e-09 1.738e-10 3.180e-11 9.273e-02 9.070e-09 1.653e-10 7.236e-10 6.104e-02 3.486e-10 1.153e-01 7.437e-10 2.104e-01 1.560e-02 1.746e-09 4.119e-10 8.156e-09 1.620e-10 3.667e-05 3.865e-03 2.307e-01 2.703e-01 3.076e-10 1.477e-09 +81 TP 26 3.382e-10 1.737e-10 1.544e-10 1.496e-10 6.493e-11 1.389e-10 2.803e-05 6.069e-11 2.253e-10 1.472e-10 1.599e-10 4.949e-11 1.573e-10 5.075e-11 1.024e-10 6.284e-11 3.269e-11 1.684e-10 4.963e-04 4.056e-11 5.770e-02 5.315e-11 3.830e-11 5.562e-11 5.072e-11 9.418e-01 1.572e-10 +81 TP 27 7.904e-10 1.039e-01 1.976e-01 3.674e-06 2.145e-03 5.444e-04 6.176e-11 3.737e-10 8.087e-02 5.220e-03 1.793e-01 1.852e-05 4.114e-05 4.493e-10 2.398e-09 1.477e-09 2.496e-10 2.823e-02 1.449e-06 5.864e-10 6.105e-10 6.664e-10 7.871e-10 9.769e-10 1.876e-09 4.944e-10 4.022e-01 +82 IP 1 3.248e-03 +82 IP 2 8.764e-09 +82 IP 3 9.305e-03 +82 IP 4 7.114e-03 +82 IP 5 7.506e-03 +82 IP 6 9.352e-09 +82 IP 7 2.454e-02 +82 IP 8 1.276e-08 +82 IP 9 3.423e-02 +82 IP 10 1.499e-01 +82 IP 11 1.966e-08 +82 IP 12 1.044e-08 +82 IP 13 1.223e-02 +82 IP 14 1.202e-08 +82 IP 15 1.168e-08 +82 IP 16 7.909e-05 +82 IP 17 1.148e-08 +82 IP 18 1.101e-01 +82 IP 19 3.605e-01 +82 IP 20 1.016e-08 +82 IP 21 1.411e-08 +82 IP 22 1.431e-08 +82 IP 23 2.787e-01 +82 IP 24 2.610e-03 +82 EP 1 2.204e-10 3.603e-03 1.045e-02 9.881e-03 1.327e-02 1.827e-02 2.233e-02 2.645e-02 3.922e-02 3.102e-02 2.893e-02 5.899e-02 1.132e-01 2.666e-01 3.577e-01 2.278e-10 +82 EP 2 3.606e-06 6.971e-04 6.417e-03 1.073e-05 6.064e-03 2.377e-02 2.203e-02 4.201e-02 1.927e-06 7.135e-02 2.273e-01 4.804e-01 9.037e-02 1.785e-08 2.958e-02 1.754e-09 +82 EP 3 2.088e-04 6.338e-09 5.485e-02 1.122e-01 1.720e-01 1.996e-01 1.617e-01 1.062e-01 3.968e-02 6.202e-09 3.071e-02 1.229e-01 7.305e-08 1.943e-10 1.384e-10 3.875e-11 +82 EP 4 6.465e-10 3.536e-09 7.064e-03 1.158e-02 2.169e-02 9.384e-03 2.602e-02 1.144e-06 8.613e-08 2.357e-01 5.471e-01 9.277e-02 4.552e-08 4.870e-02 3.457e-08 5.980e-10 +82 EP 5 7.420e-11 6.179e-03 3.342e-02 2.794e-02 3.413e-02 5.431e-02 6.321e-02 7.390e-02 6.289e-02 8.484e-02 8.539e-02 1.743e-01 2.946e-01 4.938e-03 4.004e-10 2.358e-11 +82 EP 6 1.625e-09 1.578e-02 1.464e-02 2.544e-02 3.122e-02 4.369e-02 4.899e-02 1.346e-01 4.680e-01 1.912e-01 1.912e-02 6.116e-09 7.243e-03 2.524e-05 1.825e-08 1.896e-09 +82 EP 7 2.042e-04 2.676e-02 1.226e-01 9.284e-02 1.036e-01 1.029e-01 8.947e-02 6.633e-02 5.902e-02 6.312e-02 5.305e-02 9.095e-02 1.292e-01 2.803e-09 9.496e-10 6.293e-10 +82 EP 8 2.805e-10 1.784e-02 8.685e-02 2.783e-02 5.038e-05 9.550e-06 6.962e-02 1.188e-01 2.330e-01 2.551e-01 1.908e-01 5.567e-05 1.074e-06 5.686e-10 3.209e-10 7.153e-11 +82 EP 9 5.555e-04 2.639e-02 1.128e-01 1.264e-01 1.370e-01 1.238e-01 1.097e-01 9.664e-02 9.012e-02 9.193e-02 7.102e-02 1.359e-02 6.945e-11 4.655e-11 3.461e-11 2.038e-11 +82 EP 10 2.580e-03 1.046e-01 3.247e-01 1.999e-01 1.273e-01 5.760e-02 2.938e-02 2.871e-02 3.485e-02 4.828e-02 4.212e-02 1.734e-09 3.008e-09 2.690e-10 2.386e-10 1.228e-10 +82 EP 11 1.356e-04 6.913e-03 1.991e-02 1.838e-02 3.746e-02 7.010e-02 7.965e-02 8.587e-02 8.712e-02 9.511e-02 1.466e-01 2.068e-01 1.223e-01 2.247e-02 1.193e-03 3.548e-11 +82 EP 12 5.749e-10 4.415e-03 3.436e-02 4.716e-02 3.816e-02 8.913e-02 4.315e-02 1.519e-06 9.338e-08 1.860e-08 3.699e-03 2.477e-01 4.940e-02 1.935e-03 4.409e-01 5.327e-10 +82 EP 13 6.866e-11 2.067e-03 1.353e-02 1.768e-02 1.509e-02 2.242e-02 2.288e-02 2.367e-02 5.588e-02 2.021e-02 5.076e-02 4.247e-04 8.794e-02 6.675e-01 5.509e-09 5.081e-11 +82 EP 14 4.201e-09 8.080e-03 3.058e-08 3.351e-08 1.004e-08 1.325e-05 2.924e-08 1.607e-08 1.772e-08 2.320e-08 2.139e-01 7.773e-01 1.039e-07 3.017e-08 6.821e-04 4.177e-09 +82 EP 15 6.061e-09 6.530e-07 1.109e-02 3.952e-02 7.300e-03 2.129e-08 4.889e-03 1.165e-01 6.543e-01 1.399e-01 2.389e-08 2.646e-02 4.315e-08 4.075e-08 4.227e-08 7.012e-09 +82 EP 16 5.095e-10 5.647e-03 9.747e-03 5.214e-03 9.334e-03 2.885e-02 2.223e-02 3.172e-02 2.830e-02 4.849e-03 8.946e-03 6.942e-02 1.650e-01 5.670e-01 4.378e-02 5.060e-10 +82 EP 17 3.071e-03 2.160e-08 4.157e-08 4.663e-08 1.137e-07 3.060e-01 1.883e-01 3.121e-01 1.725e-01 4.052e-08 3.129e-08 1.567e-06 1.797e-02 8.841e-08 3.650e-08 1.324e-08 +82 EP 18 6.618e-05 1.378e-02 2.593e-02 2.175e-02 2.257e-02 3.111e-02 3.479e-02 4.281e-02 5.876e-02 7.236e-02 7.725e-02 9.283e-02 1.244e-01 2.110e-01 1.705e-01 1.015e-05 +82 EP 19 5.606e-04 2.864e-02 5.681e-02 5.356e-02 6.413e-02 7.854e-02 8.227e-02 8.598e-02 8.698e-02 8.025e-02 8.996e-02 9.612e-02 1.035e-01 8.921e-02 3.530e-03 4.854e-12 +82 EP 20 1.641e-09 1.480e-04 1.902e-02 3.268e-08 8.901e-03 2.393e-02 5.690e-02 7.141e-05 8.201e-04 5.113e-01 2.682e-01 3.014e-02 1.185e-03 7.912e-02 5.631e-05 2.017e-04 +82 EP 21 2.703e-10 1.374e-02 2.389e-02 2.605e-02 4.477e-02 6.309e-02 1.508e-01 3.028e-01 2.108e-01 9.781e-02 2.917e-08 1.111e-03 6.512e-02 1.501e-08 3.912e-09 1.823e-10 +82 EP 22 8.488e-10 5.913e-09 5.344e-02 6.266e-02 6.251e-02 7.000e-02 1.108e-01 1.328e-01 1.552e-01 1.686e-01 1.599e-01 3.639e-08 7.936e-03 1.616e-02 2.304e-08 8.321e-10 +82 EP 23 4.349e-02 2.380e-01 3.165e-01 1.754e-01 9.569e-02 5.494e-02 3.831e-02 2.275e-02 1.222e-02 2.701e-03 2.322e-10 4.274e-05 5.173e-10 9.660e-11 9.290e-11 9.009e-11 +82 EP 24 2.222e-07 5.990e-10 1.921e-03 7.363e-03 7.556e-03 6.503e-03 4.493e-03 4.850e-03 3.541e-05 8.778e-03 1.702e-02 2.919e-02 3.256e-02 1.594e-01 7.203e-01 1.090e-04 +82 TP 1 3.798e-01 4.642e-02 2.166e-09 7.196e-05 2.102e-08 4.100e-02 1.562e-03 2.044e-09 3.909e-10 5.713e-10 5.588e-10 8.269e-02 1.845e-01 1.093e-02 1.441e-09 5.920e-02 1.652e-09 3.625e-04 3.985e-09 6.397e-02 1.298e-08 3.136e-02 2.844e-10 9.813e-02 +82 TP 2 3.263e-02 3.494e-01 3.538e-09 1.603e-06 3.289e-09 4.262e-01 5.904e-03 3.997e-09 2.424e-09 3.939e-09 2.352e-09 4.359e-09 4.068e-09 6.663e-09 5.322e-09 3.734e-07 4.862e-09 5.655e-08 1.225e-08 3.985e-06 5.209e-09 1.841e-01 1.795e-03 1.221e-08 +82 TP 3 4.558e-05 1.618e-10 4.763e-01 7.810e-10 2.073e-01 7.525e-09 3.302e-10 2.013e-01 2.897e-08 8.349e-02 7.832e-03 4.766e-10 8.035e-03 2.584e-10 1.008e-08 1.124e-03 3.330e-09 5.391e-03 4.083e-03 1.055e-07 1.596e-07 3.010e-10 4.795e-03 3.240e-04 +82 TP 4 2.013e-04 7.172e-09 3.099e-08 3.412e-01 2.126e-02 7.292e-03 3.073e-04 6.572e-02 4.160e-09 1.710e-08 4.534e-09 1.853e-02 1.350e-03 6.365e-03 1.776e-02 4.261e-09 1.135e-08 2.783e-08 4.392e-08 3.158e-09 5.200e-01 5.244e-09 2.322e-09 2.287e-09 +82 TP 5 1.172e-03 2.329e-10 9.540e-02 9.351e-03 5.491e-01 5.295e-10 2.123e-05 9.303e-02 3.872e-09 1.242e-02 7.526e-03 1.584e-02 1.857e-01 4.369e-10 4.184e-10 2.377e-10 3.247e-10 2.560e-09 2.759e-09 1.142e-10 3.047e-02 1.776e-10 2.045e-10 1.831e-10 +82 TP 6 1.219e-02 1.497e-06 4.167e-09 8.321e-09 5.758e-09 4.675e-02 6.885e-09 3.944e-07 2.223e-09 4.081e-09 2.649e-09 9.379e-09 2.122e-04 1.021e-03 4.499e-09 1.713e-01 4.805e-09 4.888e-08 7.190e-09 1.076e-08 6.248e-08 4.535e-04 1.908e-04 7.679e-01 +82 TP 7 4.873e-04 5.712e-09 4.058e-09 2.715e-07 3.074e-09 1.002e-07 7.185e-01 3.494e-09 1.049e-09 1.241e-02 1.009e-09 2.617e-09 1.046e-02 1.448e-06 1.344e-08 1.388e-01 2.847e-02 2.243e-08 4.576e-09 1.534e-09 8.294e-03 7.890e-02 3.658e-03 4.685e-09 +82 TP 8 9.328e-10 6.880e-10 3.987e-01 3.787e-04 1.478e-01 9.419e-04 4.308e-10 3.309e-01 8.717e-08 3.517e-02 5.315e-09 6.806e-10 1.976e-09 9.187e-10 1.617e-09 4.703e-10 1.019e-09 3.191e-03 3.609e-07 2.305e-08 7.845e-02 3.752e-10 4.561e-03 7.530e-07 +82 TP 9 5.659e-11 4.015e-11 3.930e-05 2.072e-09 1.419e-08 3.595e-11 4.100e-11 6.717e-06 9.001e-01 1.169e-08 7.569e-02 1.389e-10 3.731e-10 2.340e-09 7.540e-11 3.739e-11 7.032e-11 2.115e-07 3.389e-03 4.870e-11 2.232e-09 3.735e-11 2.082e-02 4.149e-11 +82 TP 10 6.733e-10 4.962e-10 3.893e-01 1.266e-03 2.704e-02 6.388e-10 7.216e-06 1.277e-06 7.960e-07 5.748e-01 2.376e-03 5.291e-10 5.101e-09 5.504e-10 2.278e-04 6.809e-10 3.727e-03 1.608e-08 4.831e-04 1.155e-09 9.453e-06 7.819e-04 2.755e-09 3.509e-10 +82 TP 11 1.169e-10 7.436e-11 1.233e-03 1.193e-09 1.274e-02 7.386e-11 6.758e-11 1.173e-03 1.337e-01 4.356e-03 8.468e-01 3.929e-10 4.060e-09 4.052e-10 1.746e-10 6.700e-11 1.034e-10 1.704e-05 5.702e-09 6.366e-11 1.441e-06 5.958e-11 1.815e-07 8.910e-11 +82 TP 12 4.217e-02 6.033e-09 5.993e-03 5.609e-02 2.992e-01 1.404e-07 1.467e-04 4.106e-09 1.576e-09 2.752e-09 2.082e-09 4.882e-04 1.839e-01 8.957e-03 1.601e-02 1.172e-08 7.188e-09 2.125e-08 1.185e-03 2.338e-09 3.859e-01 2.292e-07 1.165e-09 1.995e-09 +82 TP 13 3.643e-02 5.233e-09 1.631e-02 2.563e-02 4.168e-01 2.176e-09 2.825e-03 2.008e-07 3.049e-10 2.500e-03 3.737e-08 3.967e-02 3.790e-01 4.907e-03 6.398e-10 4.299e-04 6.803e-10 2.421e-09 3.289e-09 4.970e-10 7.553e-02 4.590e-08 1.048e-10 4.666e-10 +82 TP 14 4.223e-05 2.766e-08 2.535e-08 2.788e-01 4.164e-08 5.332e-08 3.490e-04 2.641e-08 1.585e-08 2.830e-08 1.286e-08 2.246e-06 6.256e-07 2.704e-01 4.380e-01 1.832e-08 1.623e-08 9.777e-08 6.350e-08 9.067e-09 2.370e-07 1.697e-08 1.239e-02 8.429e-09 +82 TP 15 3.689e-01 1.550e-08 3.333e-08 2.697e-08 5.297e-08 1.074e-08 1.791e-08 2.328e-08 1.770e-08 1.907e-08 2.260e-08 3.127e-02 3.124e-01 2.293e-08 1.546e-08 4.668e-08 1.670e-08 2.857e-01 1.771e-03 9.634e-09 2.818e-08 1.201e-08 1.280e-08 2.259e-06 +82 TP 16 1.885e-01 3.690e-02 5.020e-09 4.623e-03 2.707e-09 2.400e-04 1.478e-01 3.719e-08 7.993e-10 1.626e-06 7.957e-10 3.335e-09 3.544e-08 1.826e-09 2.218e-09 4.327e-01 1.766e-09 8.870e-03 5.824e-09 4.505e-09 4.306e-09 1.660e-01 7.531e-10 1.441e-02 +82 TP 17 6.570e-03 4.618e-08 5.163e-08 4.910e-08 5.119e-08 3.571e-06 4.493e-08 4.290e-08 2.483e-08 4.464e-08 2.443e-08 8.159e-08 4.611e-02 9.334e-04 3.974e-08 4.139e-01 2.697e-07 5.324e-01 1.438e-07 2.760e-08 1.458e-07 4.704e-08 4.887e-08 5.171e-05 +82 TP 18 1.525e-09 3.185e-11 4.579e-04 1.211e-10 9.583e-11 4.170e-11 6.272e-10 1.323e-06 6.731e-11 3.035e-10 8.529e-11 6.278e-11 1.840e-10 2.873e-11 2.915e-11 1.288e-06 2.547e-11 9.577e-01 4.174e-02 7.250e-05 1.321e-10 5.960e-11 3.509e-11 2.427e-05 +82 TP 19 5.321e-11 2.024e-11 1.238e-09 1.151e-10 1.843e-10 3.722e-11 3.823e-11 1.139e-06 2.176e-04 2.929e-04 2.903e-04 1.313e-10 4.288e-10 3.376e-11 5.448e-11 5.561e-11 4.124e-11 9.360e-02 9.050e-01 1.134e-05 2.408e-10 3.753e-11 5.829e-04 1.747e-10 +82 TP 20 8.770e-02 5.886e-03 3.627e-09 6.386e-09 8.856e-09 4.890e-09 1.526e-08 8.068e-03 2.154e-09 2.342e-09 3.552e-09 4.983e-09 1.800e-08 3.213e-09 3.468e-09 6.242e-02 3.689e-09 6.461e-07 1.256e-08 3.352e-02 4.943e-09 5.056e-09 1.815e-09 8.024e-01 +82 TP 21 4.844e-02 1.714e-09 5.172e-09 2.440e-07 4.234e-01 2.136e-09 1.474e-09 7.057e-08 2.289e-09 1.864e-09 2.256e-09 2.374e-03 5.258e-01 3.105e-09 1.516e-09 2.340e-08 1.619e-08 2.168e-08 1.780e-08 6.987e-10 1.790e-07 2.872e-09 7.267e-10 4.884e-05 +82 TP 22 1.224e-01 5.248e-02 4.668e-09 2.999e-07 3.591e-09 2.072e-05 6.304e-02 2.435e-04 1.196e-09 4.049e-09 1.264e-09 2.992e-09 5.661e-08 3.077e-08 6.756e-09 3.526e-01 6.986e-07 1.939e-08 4.864e-09 3.526e-09 5.274e-03 4.029e-01 1.657e-09 1.060e-03 +82 TP 23 1.624e-10 9.065e-05 1.029e-02 2.067e-04 3.519e-04 1.343e-10 5.422e-04 6.067e-03 9.889e-02 9.751e-04 1.855e-05 2.698e-10 3.629e-10 2.484e-10 1.751e-10 4.428e-05 3.823e-10 2.109e-09 7.360e-03 1.780e-10 3.192e-10 4.070e-04 8.748e-01 1.152e-10 +82 TP 24 2.718e-01 4.684e-03 1.520e-09 1.115e-09 1.599e-09 3.398e-02 1.784e-05 1.459e-09 4.496e-10 4.171e-10 5.567e-10 1.321e-09 9.949e-09 1.266e-09 1.466e-09 2.518e-04 6.205e-09 3.298e-05 4.621e-09 6.644e-02 4.754e-09 1.406e-03 2.900e-10 6.214e-01 +83 IP 1 5.392e-08 +83 IP 2 3.727e-03 +83 IP 3 1.370e-08 +83 IP 4 3.175e-01 +83 IP 5 1.635e-01 +83 IP 6 3.912e-08 +83 IP 7 2.714e-02 +83 IP 8 3.529e-02 +83 IP 9 1.692e-01 +83 IP 10 7.194e-02 +83 IP 11 9.287e-02 +83 IP 12 1.390e-08 +83 IP 13 1.435e-08 +83 IP 14 1.903e-02 +83 IP 15 2.012e-08 +83 IP 16 1.513e-08 +83 IP 17 5.569e-08 +83 IP 18 1.249e-08 +83 IP 19 1.445e-08 +83 IP 20 1.715e-08 +83 IP 21 5.389e-02 +83 IP 22 1.412e-02 +83 IP 23 3.174e-02 +83 IP 24 5.044e-08 +83 EP 1 1.388e-09 6.534e-03 3.501e-02 3.542e-02 4.088e-02 7.317e-02 8.805e-02 1.005e-01 1.090e-01 1.222e-01 1.163e-01 1.321e-01 1.408e-01 2.168e-09 9.812e-11 1.363e-11 +83 EP 2 7.670e-11 4.492e-03 1.748e-02 1.778e-02 1.885e-02 3.036e-02 4.724e-02 6.949e-02 6.115e-02 7.051e-02 8.232e-02 1.529e-01 2.817e-01 1.413e-01 4.365e-03 4.220e-11 +83 EP 3 4.043e-10 6.635e-07 7.382e-03 2.478e-03 1.933e-02 4.882e-02 5.018e-02 2.477e-02 2.754e-05 1.031e-01 3.931e-01 3.042e-01 2.733e-08 6.291e-09 4.645e-02 1.372e-04 +83 EP 4 5.790e-02 2.683e-01 3.187e-01 1.684e-01 9.005e-02 4.970e-02 2.209e-02 1.228e-02 7.189e-03 3.767e-03 1.554e-03 1.759e-08 1.532e-10 1.205e-04 1.164e-10 1.155e-10 +83 EP 5 6.349e-04 5.337e-02 6.695e-02 5.060e-02 5.511e-02 7.067e-02 6.842e-02 6.490e-02 6.791e-02 7.353e-02 9.139e-02 9.357e-02 1.249e-01 1.112e-01 6.867e-03 2.385e-11 +83 EP 6 1.573e-10 6.612e-03 1.434e-02 1.256e-02 1.376e-02 1.980e-02 1.969e-02 3.118e-02 1.613e-02 3.796e-09 1.647e-02 2.327e-01 2.210e-01 1.747e-01 2.210e-01 3.610e-11 +83 EP 7 2.655e-04 1.788e-02 8.915e-02 7.766e-02 8.295e-02 9.076e-02 9.452e-02 8.940e-02 8.699e-02 1.028e-01 7.092e-02 7.877e-02 1.178e-01 4.020e-05 6.228e-10 2.340e-11 +83 EP 8 3.136e-05 2.626e-03 1.082e-02 1.558e-02 1.768e-02 2.564e-02 2.977e-02 3.435e-02 6.654e-02 7.572e-02 6.439e-02 7.456e-02 8.754e-02 2.358e-01 2.589e-01 1.902e-11 +83 EP 9 1.421e-03 4.972e-02 1.801e-01 1.452e-01 1.596e-01 1.323e-01 1.044e-01 6.791e-02 5.139e-02 2.812e-02 3.630e-02 4.344e-02 9.093e-10 2.785e-10 7.365e-11 3.431e-11 +83 EP 10 5.514e-04 2.514e-02 5.333e-02 5.826e-02 7.318e-02 9.320e-02 9.521e-02 9.285e-02 9.153e-02 8.447e-02 8.938e-02 8.635e-02 8.607e-02 7.048e-02 2.305e-10 1.742e-11 +83 EP 11 7.664e-04 5.718e-02 1.952e-01 1.724e-01 1.494e-01 1.190e-01 9.246e-02 8.429e-02 5.989e-02 4.869e-02 2.076e-02 3.456e-10 1.220e-10 4.854e-11 3.194e-11 2.911e-11 +83 EP 12 3.323e-04 3.821e-09 5.683e-03 1.900e-02 1.866e-02 2.698e-02 5.540e-02 6.993e-02 7.478e-02 1.287e-01 3.249e-01 2.756e-01 3.541e-09 5.022e-09 7.054e-09 6.574e-11 +83 EP 13 1.450e-04 3.548e-02 4.185e-02 3.159e-02 1.786e-02 1.668e-02 9.780e-03 2.868e-02 3.340e-02 6.128e-04 4.082e-03 1.972e-01 2.606e-01 1.815e-01 1.406e-01 3.604e-10 +83 EP 14 8.322e-11 2.932e-03 7.886e-03 9.768e-03 8.360e-03 2.799e-02 3.782e-02 5.314e-02 5.911e-02 1.673e-02 4.518e-02 3.643e-02 1.350e-01 5.136e-01 4.599e-02 1.646e-11 +83 EP 15 3.795e-10 1.147e-06 1.480e-02 6.755e-08 3.006e-04 5.517e-03 1.787e-02 1.889e-03 1.487e-02 1.699e-03 2.827e-02 8.728e-02 2.231e-01 6.044e-01 1.405e-06 7.716e-11 +83 EP 16 3.496e-04 6.323e-02 8.077e-02 3.756e-02 2.670e-02 4.724e-02 2.611e-02 4.650e-02 1.198e-01 2.843e-01 1.832e-01 1.751e-02 5.774e-02 8.929e-03 2.888e-07 6.758e-05 +83 EP 17 9.731e-11 1.516e-02 1.574e-02 2.528e-02 1.887e-02 3.909e-02 5.723e-02 9.688e-02 3.092e-01 2.833e-01 6.563e-02 1.726e-09 4.761e-02 2.598e-02 6.467e-09 4.295e-11 +83 EP 18 1.436e-10 3.049e-04 1.216e-06 2.001e-02 2.717e-02 2.504e-02 2.181e-02 1.613e-02 2.928e-07 6.962e-04 6.261e-02 7.986e-02 5.928e-02 1.047e-01 5.824e-01 1.914e-10 +83 EP 19 3.122e-05 1.688e-02 2.181e-02 1.905e-02 2.319e-02 3.389e-02 4.197e-02 4.835e-02 6.514e-02 7.622e-02 8.739e-02 1.102e-01 1.381e-01 1.894e-01 1.283e-01 7.461e-06 +83 EP 20 5.756e-10 3.997e-06 1.294e-02 2.772e-02 3.659e-02 4.298e-02 8.225e-02 1.909e-01 3.197e-01 2.869e-01 9.878e-07 5.799e-09 2.652e-07 6.053e-09 1.162e-06 2.023e-10 +83 EP 21 2.168e-11 1.116e-03 1.110e-02 8.690e-03 1.492e-02 1.524e-02 1.354e-02 1.097e-02 2.707e-04 4.504e-02 5.320e-02 5.334e-02 6.882e-02 1.883e-01 5.154e-01 9.243e-12 +83 EP 22 4.257e-05 1.541e-02 2.482e-02 2.194e-02 3.037e-02 7.937e-02 1.235e-01 2.331e-01 2.308e-01 9.386e-02 2.855e-09 1.431e-05 1.468e-01 7.237e-06 1.510e-09 6.755e-11 +83 EP 23 7.292e-10 5.563e-03 2.532e-02 2.495e-02 2.339e-02 1.501e-02 2.278e-02 1.736e-02 1.205e-08 1.168e-06 6.655e-02 1.007e-01 2.016e-01 4.968e-01 1.206e-09 2.184e-11 +83 EP 24 2.389e-04 6.171e-03 4.338e-02 4.592e-02 7.585e-02 9.700e-02 1.019e-01 1.001e-01 1.083e-01 1.245e-01 1.463e-01 1.228e-01 2.747e-02 7.637e-11 7.001e-11 2.204e-11 +83 TP 1 6.772e-01 1.036e-09 2.380e-10 4.707e-04 2.746e-10 1.107e-09 5.716e-10 5.328e-07 1.175e-01 2.650e-10 1.438e-07 1.245e-03 2.001e-10 1.514e-09 4.556e-10 3.042e-10 6.028e-04 4.408e-05 5.354e-10 2.439e-10 7.383e-10 1.010e-01 9.999e-02 1.928e-03 +83 TP 2 1.001e-08 8.444e-01 5.954e-10 1.673e-10 4.696e-10 3.577e-10 1.617e-10 1.116e-07 2.593e-09 7.435e-06 1.082e-09 3.477e-10 2.992e-10 2.268e-10 4.551e-10 2.626e-10 4.699e-10 5.618e-09 3.332e-09 3.130e-10 2.244e-10 3.361e-09 1.286e-02 1.427e-01 +83 TP 3 1.505e-09 9.242e-10 3.577e-01 6.388e-04 2.134e-07 5.155e-10 7.807e-10 8.972e-10 4.838e-08 4.461e-03 1.163e-09 5.082e-10 7.862e-02 6.993e-10 5.686e-09 1.422e-01 6.872e-10 3.855e-08 2.466e-09 4.164e-01 5.628e-10 6.932e-09 8.877e-10 4.942e-10 +83 TP 4 6.265e-09 4.158e-10 4.646e-10 9.025e-01 3.071e-03 3.483e-10 5.013e-03 1.120e-09 1.484e-02 1.015e-03 5.328e-02 2.912e-03 4.526e-10 3.239e-10 4.443e-10 2.730e-10 2.869e-10 2.856e-10 3.684e-10 4.919e-04 1.778e-10 1.046e-09 8.235e-10 1.691e-02 +83 TP 5 4.218e-10 1.316e-10 1.041e-02 8.944e-05 7.998e-01 1.535e-10 1.252e-10 2.853e-10 6.508e-05 7.860e-10 3.604e-10 1.479e-10 4.274e-02 3.706e-10 1.006e-01 4.250e-06 1.378e-04 1.682e-05 5.263e-10 4.612e-02 1.797e-10 6.608e-10 5.673e-10 1.281e-10 +83 TP 6 2.748e-09 1.208e-10 3.086e-10 9.259e-11 3.004e-10 2.811e-01 1.119e-01 1.508e-09 2.141e-09 2.176e-10 5.267e-10 1.625e-01 3.078e-08 9.054e-09 9.406e-10 1.945e-08 3.589e-01 4.135e-10 1.851e-10 4.504e-10 8.566e-02 1.670e-09 1.831e-09 2.492e-10 +83 TP 7 1.663e-09 7.973e-11 9.168e-11 1.546e-03 9.305e-11 1.213e-09 6.249e-01 1.470e-09 4.633e-03 1.391e-10 2.824e-10 1.851e-02 1.402e-10 3.495e-01 2.359e-10 1.291e-10 1.288e-07 2.165e-10 1.146e-10 1.698e-10 1.109e-08 9.725e-04 2.143e-09 1.473e-10 +83 TP 8 2.149e-02 1.041e-09 7.348e-07 4.059e-11 3.465e-10 1.489e-09 4.016e-07 7.926e-01 3.613e-10 1.418e-09 1.683e-10 9.764e-04 5.184e-10 2.093e-09 2.987e-09 3.065e-10 8.450e-10 2.600e-10 5.171e-07 3.353e-04 4.083e-10 4.112e-02 1.435e-01 1.340e-07 +83 TP 9 2.824e-01 5.574e-03 7.594e-10 2.372e-03 9.700e-10 2.474e-09 8.213e-03 9.678e-10 6.685e-01 7.008e-10 2.601e-09 8.399e-10 2.247e-10 1.408e-09 3.288e-10 2.811e-10 1.136e-09 1.834e-10 5.811e-10 9.325e-10 1.204e-09 9.702e-03 1.697e-02 6.195e-03 +83 TP 10 2.481e-10 2.712e-04 5.280e-07 3.572e-04 7.039e-10 1.577e-10 2.821e-10 2.788e-09 4.073e-10 8.605e-01 3.605e-04 1.181e-10 5.208e-10 1.609e-09 1.317e-09 4.528e-10 1.552e-10 3.710e-10 1.380e-01 9.033e-10 1.333e-10 4.020e-05 5.092e-04 2.317e-09 +83 TP 11 3.583e-09 4.571e-10 9.049e-11 1.388e-02 6.381e-05 1.304e-10 1.610e-10 1.981e-10 2.439e-09 1.501e-03 8.569e-01 1.184e-10 1.442e-10 9.135e-11 1.692e-10 1.618e-04 6.638e-11 2.721e-10 1.770e-10 2.292e-10 5.598e-11 6.370e-10 2.686e-10 1.275e-01 +83 TP 12 2.891e-09 2.707e-10 3.077e-10 1.420e-08 2.818e-10 5.622e-09 1.569e-01 5.799e-09 2.937e-03 2.573e-10 5.210e-10 4.040e-01 3.728e-10 7.842e-02 3.382e-10 3.332e-10 3.277e-01 8.686e-10 2.618e-10 4.123e-10 3.247e-09 3.017e-02 5.340e-09 3.753e-10 +83 TP 13 4.349e-10 1.481e-10 1.122e-01 1.929e-10 1.077e-01 4.327e-10 2.719e-10 4.902e-10 4.320e-10 1.171e-09 2.938e-10 2.415e-10 2.657e-01 1.609e-06 9.808e-02 3.671e-01 3.789e-10 1.972e-08 5.755e-10 4.924e-02 3.735e-10 3.358e-10 6.459e-10 2.288e-10 +83 TP 14 1.909e-08 6.586e-11 9.164e-11 6.461e-11 9.492e-11 1.319e-01 1.683e-01 9.685e-04 2.448e-09 1.073e-10 4.622e-10 5.941e-02 2.675e-10 4.584e-01 1.339e-06 1.686e-10 2.549e-02 3.463e-10 1.069e-10 9.087e-11 1.555e-01 1.286e-05 8.707e-07 1.513e-10 +83 TP 15 1.322e-03 1.508e-10 3.057e-02 7.318e-11 9.419e-02 2.876e-10 2.617e-10 4.731e-10 4.497e-10 7.560e-10 3.136e-04 1.678e-10 1.868e-01 4.429e-10 2.759e-01 1.228e-01 1.952e-10 2.881e-01 4.218e-10 3.833e-09 3.650e-10 1.972e-10 9.228e-10 2.401e-08 +83 TP 16 7.066e-10 6.105e-05 3.034e-03 1.129e-10 3.559e-02 2.402e-10 2.068e-10 4.465e-10 9.712e-09 9.149e-10 2.456e-10 2.649e-10 1.064e-01 3.604e-10 2.544e-01 1.418e-01 2.056e-10 4.568e-01 8.411e-10 1.932e-03 2.979e-10 8.845e-10 5.175e-10 3.016e-10 +83 TP 17 3.985e-03 1.884e-10 2.672e-10 2.017e-10 2.006e-10 2.876e-09 5.625e-09 1.232e-08 1.400e-09 1.920e-10 5.434e-05 5.129e-09 2.038e-10 1.157e-01 3.126e-10 3.458e-10 1.507e-08 1.873e-05 2.768e-10 1.605e-09 8.797e-01 1.120e-09 5.213e-04 5.300e-10 +83 TP 18 1.372e-10 9.305e-11 5.002e-07 4.833e-11 8.407e-03 1.597e-10 1.333e-10 2.662e-10 7.385e-11 4.647e-10 7.560e-11 1.079e-10 1.584e-01 2.302e-10 2.645e-01 1.659e-01 2.291e-10 3.920e-01 4.057e-10 1.085e-02 2.365e-10 2.040e-10 2.986e-07 9.246e-11 +83 TP 19 2.287e-10 9.040e-11 1.169e-03 1.883e-11 4.890e-09 8.690e-11 3.472e-05 2.411e-10 1.184e-09 6.091e-02 4.754e-11 6.374e-11 7.152e-09 4.934e-08 2.725e-10 3.071e-10 5.872e-11 1.822e-10 9.379e-01 5.501e-10 6.161e-11 1.095e-09 2.053e-10 2.486e-10 +83 TP 20 1.572e-09 2.471e-09 7.409e-02 1.203e-09 1.578e-01 5.467e-10 1.619e-09 9.253e-10 2.295e-09 1.283e-03 5.296e-04 2.555e-09 3.928e-08 7.332e-10 2.791e-01 1.234e-03 3.917e-09 2.508e-01 1.039e-02 2.248e-01 1.522e-09 4.728e-05 6.732e-06 5.810e-10 +83 TP 21 1.201e-09 3.685e-11 1.523e-10 1.564e-11 1.112e-10 1.099e-01 1.228e-09 3.913e-10 1.491e-10 5.072e-11 3.608e-10 8.529e-10 3.855e-10 1.260e-01 3.183e-10 2.376e-05 6.250e-02 4.958e-05 5.454e-11 1.117e-10 7.015e-01 4.336e-10 1.073e-09 6.789e-09 +83 TP 22 3.128e-04 2.462e-09 3.041e-09 8.305e-10 1.119e-09 3.540e-09 3.394e-09 2.656e-01 3.494e-09 1.543e-09 2.433e-09 5.194e-06 9.821e-10 2.979e-02 2.416e-09 6.820e-10 5.381e-09 1.824e-09 2.194e-05 9.484e-10 2.640e-06 1.907e-03 7.023e-01 5.332e-09 +83 TP 23 3.078e-01 6.328e-03 7.017e-10 6.831e-11 4.112e-04 1.592e-04 7.925e-04 1.510e-01 6.764e-03 1.409e-09 3.249e-10 1.383e-08 1.117e-09 1.911e-09 7.108e-10 3.716e-10 1.716e-09 4.009e-10 7.869e-04 4.693e-10 5.115e-10 9.638e-02 4.296e-01 6.717e-10 +83 TP 24 1.958e-03 7.094e-02 7.663e-11 3.011e-03 1.813e-10 2.152e-10 1.142e-10 6.231e-09 7.552e-03 1.212e-08 9.736e-02 2.067e-10 1.265e-10 1.488e-10 2.966e-05 1.498e-10 1.583e-10 2.304e-10 3.170e-04 8.765e-11 8.056e-11 9.255e-10 1.091e-09 8.188e-01 +84 IP 1 3.909e-03 +84 IP 2 2.142e-08 +84 IP 3 1.887e-08 +84 IP 4 8.280e-08 +84 IP 5 1.056e-01 +84 IP 6 3.063e-03 +84 IP 7 1.113e-07 +84 IP 8 1.670e-04 +84 IP 9 1.689e-02 +84 IP 10 9.430e-07 +84 IP 11 1.115e-07 +84 IP 12 3.249e-08 +84 IP 13 8.280e-02 +84 IP 14 3.910e-01 +84 IP 15 1.170e-07 +84 IP 16 9.400e-04 +84 IP 17 2.115e-07 +84 IP 18 1.811e-02 +84 IP 19 8.844e-08 +84 IP 20 5.076e-04 +84 IP 21 2.947e-02 +84 IP 22 2.423e-01 +84 IP 23 1.395e-02 +84 IP 24 9.128e-02 +84 IP 25 2.820e-08 +84 IP 26 4.538e-08 +84 EP 1 1.356e-04 5.443e-02 9.238e-02 1.042e-01 1.057e-01 7.080e-02 6.458e-02 5.934e-02 3.695e-06 6.742e-02 3.613e-07 6.526e-09 4.649e-08 5.318e-09 3.811e-01 +84 EP 2 4.130e-10 1.470e-08 4.664e-03 3.192e-02 1.575e-02 2.278e-02 5.693e-02 2.092e-01 5.530e-01 1.057e-01 2.878e-09 3.372e-09 7.648e-08 7.685e-09 3.003e-09 +84 EP 3 9.787e-05 1.077e-02 2.199e-02 7.503e-09 1.010e-02 4.166e-02 4.191e-02 3.935e-02 1.586e-01 4.177e-01 1.593e-01 7.014e-09 2.968e-02 6.888e-02 4.065e-08 +84 EP 4 2.011e-10 7.767e-10 4.109e-03 5.131e-03 3.506e-03 2.889e-02 4.523e-02 5.878e-02 7.081e-02 3.642e-02 4.477e-02 6.012e-02 1.724e-01 4.697e-01 1.148e-04 +84 EP 5 2.505e-10 1.173e-02 9.729e-03 1.030e-02 1.310e-02 1.057e-02 1.992e-02 2.256e-02 1.644e-02 1.007e-05 5.002e-02 1.375e-01 2.029e-01 1.812e-01 3.140e-01 +84 EP 6 1.070e-04 5.920e-02 5.279e-02 3.742e-02 4.371e-02 5.825e-02 5.714e-02 5.757e-02 7.021e-02 8.592e-02 9.352e-02 1.092e-01 1.262e-01 1.193e-01 2.952e-02 +84 EP 7 1.699e-10 1.312e-02 1.779e-02 2.010e-02 2.617e-02 3.694e-02 4.418e-02 5.961e-02 5.467e-02 4.813e-02 6.894e-02 7.315e-02 1.907e-01 3.464e-01 1.149e-04 +84 EP 8 1.682e-04 1.344e-01 7.537e-02 2.839e-02 5.300e-02 6.248e-02 4.807e-02 6.494e-02 1.602e-01 2.724e-01 1.005e-01 5.009e-09 1.652e-06 3.885e-08 8.140e-06 +84 EP 9 3.634e-05 2.907e-03 1.107e-02 1.359e-02 1.669e-02 1.399e-02 3.970e-03 6.161e-03 4.086e-03 1.548e-02 4.032e-02 4.761e-02 4.487e-02 1.675e-01 6.117e-01 +84 EP 10 3.200e-04 1.420e-02 6.515e-02 7.793e-02 1.156e-01 1.408e-01 1.388e-01 1.283e-01 1.084e-01 8.445e-02 7.048e-02 5.560e-02 3.398e-09 2.995e-10 1.910e-10 +84 EP 11 4.455e-04 3.542e-02 8.786e-02 7.198e-02 8.098e-02 9.366e-02 8.826e-02 8.621e-02 7.759e-02 7.356e-02 6.881e-02 9.628e-02 1.207e-01 1.824e-02 2.784e-10 +84 EP 12 5.354e-10 3.050e-03 2.217e-03 8.493e-03 1.775e-02 2.817e-02 3.162e-02 4.920e-02 1.098e-02 2.048e-06 1.533e-01 6.583e-01 3.691e-02 7.518e-09 6.276e-09 +84 EP 13 3.046e-04 2.480e-02 3.251e-02 2.508e-02 1.205e-02 4.881e-02 1.212e-01 1.987e-01 1.755e-01 1.064e-01 6.670e-05 3.778e-04 1.248e-01 1.288e-01 6.443e-04 +84 EP 14 5.727e-03 1.360e-01 3.065e-01 2.178e-01 1.481e-01 7.916e-02 4.521e-02 1.975e-02 1.288e-02 1.352e-02 1.542e-02 1.035e-08 7.971e-10 4.840e-10 3.085e-10 +84 EP 15 9.742e-11 4.826e-03 1.528e-02 8.596e-03 6.515e-03 2.319e-02 2.408e-02 2.913e-02 5.499e-02 5.172e-02 8.863e-02 1.193e-01 1.742e-01 3.261e-01 7.348e-02 +84 EP 16 3.154e-09 7.838e-05 2.026e-02 1.915e-02 1.211e-02 1.533e-02 1.738e-02 1.288e-02 1.877e-03 4.020e-03 7.532e-02 1.084e-01 1.827e-01 2.782e-01 2.523e-01 +84 EP 17 2.634e-03 5.384e-02 1.742e-01 1.707e-01 1.541e-01 1.230e-01 1.061e-01 8.123e-02 7.095e-02 4.923e-02 1.392e-02 2.404e-10 1.084e-10 6.530e-11 6.163e-11 +84 EP 18 2.699e-10 4.303e-03 3.223e-02 3.330e-02 3.088e-02 4.210e-02 4.686e-02 4.973e-02 9.340e-02 1.563e-01 2.023e-01 1.876e-01 1.210e-01 1.691e-05 1.011e-09 +84 EP 19 4.518e-10 5.059e-09 8.864e-03 2.173e-08 1.476e-02 4.242e-02 5.144e-02 5.436e-02 1.037e-02 1.500e-08 1.249e-01 5.954e-01 9.758e-02 8.378e-09 1.885e-08 +84 EP 20 6.179e-04 2.534e-02 2.778e-02 1.585e-02 2.065e-02 2.419e-02 2.039e-02 3.406e-02 7.510e-08 2.079e-02 1.968e-01 4.330e-01 1.770e-01 7.395e-08 3.591e-03 +84 EP 21 1.001e-09 2.482e-09 2.825e-02 1.683e-02 9.797e-09 5.075e-09 2.260e-02 1.901e-08 2.213e-02 1.559e-02 4.665e-09 5.045e-02 1.611e-01 6.135e-01 6.959e-02 +84 EP 22 1.141e-01 2.893e-01 2.817e-01 1.523e-01 7.177e-02 4.323e-02 2.504e-02 1.231e-02 5.834e-03 4.359e-03 1.121e-09 8.775e-10 2.546e-10 2.344e-10 2.304e-10 +84 EP 23 1.471e-04 9.005e-04 3.567e-02 3.710e-02 6.716e-02 9.618e-02 9.723e-02 1.178e-01 1.130e-01 1.382e-01 1.759e-01 1.015e-01 1.868e-02 4.803e-04 1.894e-10 +84 EP 24 4.367e-10 4.239e-03 3.718e-02 2.326e-02 4.366e-02 6.246e-02 4.949e-02 1.922e-02 5.075e-03 1.929e-02 7.881e-02 2.999e-01 3.575e-01 1.169e-08 9.910e-09 +84 EP 25 1.421e-09 1.140e-09 1.072e-02 1.733e-02 2.468e-02 2.427e-02 5.908e-02 6.629e-02 1.055e-01 2.729e-01 3.642e-01 3.804e-02 1.705e-02 7.120e-09 5.023e-09 +84 EP 26 1.083e-04 6.194e-03 1.598e-02 1.416e-02 1.755e-02 2.409e-02 2.216e-02 3.394e-02 7.018e-02 8.007e-02 7.539e-02 9.588e-02 9.656e-02 2.093e-01 2.384e-01 +84 TP 1 1.818e-01 1.278e-02 2.087e-02 6.464e-01 5.054e-03 3.864e-11 3.692e-08 2.036e-10 9.329e-02 1.333e-09 6.828e-09 7.190e-03 7.148e-05 3.211e-10 8.552e-09 2.776e-10 7.544e-11 6.611e-09 6.552e-09 1.499e-10 3.386e-09 6.329e-11 3.141e-10 1.525e-03 3.107e-02 1.029e-09 +84 TP 2 3.504e-07 1.303e-02 5.495e-09 7.989e-06 1.705e-08 1.242e-10 4.204e-09 2.564e-10 5.719e-01 6.587e-09 1.224e-08 2.989e-09 5.831e-09 4.700e-09 2.135e-08 4.025e-10 5.350e-10 2.366e-09 3.061e-09 2.641e-10 4.133e-01 1.730e-03 1.987e-09 2.704e-09 4.729e-09 9.555e-09 +84 TP 3 7.323e-03 8.533e-03 3.591e-02 9.341e-03 3.101e-08 3.733e-11 1.939e-09 1.253e-10 8.121e-01 1.992e-09 5.476e-09 3.187e-03 1.232e-09 2.332e-10 1.028e-01 1.178e-10 8.266e-11 5.877e-05 2.061e-02 7.974e-11 6.341e-09 8.269e-11 8.568e-05 2.127e-09 2.536e-09 7.998e-10 +84 TP 4 4.517e-02 1.228e-08 8.077e-03 3.906e-01 1.176e-01 9.854e-12 2.979e-04 3.545e-11 1.215e-01 4.267e-10 8.017e-03 7.641e-09 8.907e-09 2.063e-10 2.355e-01 6.690e-11 2.987e-11 9.259e-10 2.964e-02 3.503e-11 2.317e-09 2.023e-11 1.165e-10 4.833e-10 4.370e-02 1.147e-09 +84 TP 5 1.225e-01 3.749e-09 3.153e-01 5.820e-09 3.362e-01 1.894e-11 1.598e-09 1.086e-10 1.201e-01 1.548e-09 1.508e-03 1.988e-02 1.345e-09 9.437e-05 2.188e-08 1.011e-04 5.293e-11 2.252e-09 8.420e-02 9.171e-11 1.529e-09 3.127e-11 4.869e-10 6.110e-10 6.601e-09 5.272e-10 +84 TP 6 1.444e-08 1.218e-08 1.286e-08 1.321e-08 1.358e-08 5.006e-01 2.566e-02 7.353e-02 1.456e-08 4.988e-02 1.259e-08 1.227e-08 3.127e-08 1.148e-02 1.298e-08 2.722e-01 5.941e-04 1.348e-06 1.259e-08 6.386e-02 1.377e-08 2.168e-03 1.097e-08 1.864e-08 1.224e-08 1.120e-06 +84 TP 7 1.703e-09 3.584e-09 1.326e-09 3.275e-09 7.164e-10 4.786e-08 6.207e-01 1.329e-09 4.330e-10 8.708e-06 4.320e-03 7.161e-04 3.391e-02 9.627e-10 1.328e-05 5.947e-08 2.310e-04 1.483e-01 1.234e-03 1.276e-04 3.578e-03 3.494e-11 2.309e-10 5.279e-02 2.778e-03 1.313e-01 +84 TP 8 3.905e-09 2.625e-09 3.465e-03 3.585e-09 9.093e-09 4.541e-03 4.545e-03 2.337e-01 8.889e-09 2.485e-08 2.406e-09 3.217e-09 1.889e-03 1.511e-09 3.158e-09 7.339e-01 9.687e-10 1.082e-08 3.165e-09 1.788e-02 4.054e-09 6.542e-05 9.995e-10 1.190e-08 3.239e-09 1.230e-07 +84 TP 9 1.710e-03 7.373e-10 4.992e-02 2.172e-01 2.400e-01 1.022e-11 8.214e-10 3.439e-11 4.847e-01 2.057e-10 6.589e-03 3.043e-09 3.443e-10 1.693e-10 6.131e-08 1.037e-10 2.654e-11 2.814e-10 8.842e-09 6.711e-11 1.368e-09 1.675e-11 2.005e-10 4.281e-10 2.397e-09 2.768e-10 +84 TP 10 4.673e-10 1.349e-09 1.128e-09 1.258e-07 7.594e-10 1.135e-04 4.063e-02 6.553e-11 1.175e-09 6.588e-01 6.428e-10 5.151e-04 5.365e-05 4.827e-02 5.540e-10 2.459e-04 4.989e-09 1.541e-01 6.840e-10 1.988e-09 8.308e-10 1.721e-03 9.727e-10 9.124e-02 3.202e-04 3.956e-03 +84 TP 11 7.323e-04 2.329e-05 1.317e-09 2.264e-01 5.305e-04 1.342e-11 3.690e-03 3.884e-11 2.876e-03 8.637e-10 7.229e-01 1.941e-03 2.893e-08 3.025e-03 4.011e-09 5.547e-11 9.064e-11 9.480e-10 2.075e-09 4.002e-11 2.532e-09 7.067e-04 1.454e-10 5.240e-09 3.722e-02 1.346e-09 +84 TP 12 1.191e-04 5.857e-01 4.055e-02 2.544e-07 8.332e-09 1.708e-10 2.863e-09 4.583e-10 3.644e-09 5.705e-09 5.013e-08 2.981e-01 3.077e-09 1.685e-03 2.674e-08 4.919e-10 5.422e-10 2.564e-09 1.289e-08 4.943e-10 1.779e-08 2.890e-04 1.044e-09 1.467e-09 7.354e-02 2.443e-09 +84 TP 13 1.767e-09 8.450e-10 1.183e-08 2.496e-07 1.567e-09 7.971e-11 4.146e-01 3.878e-10 1.242e-09 1.441e-01 1.679e-09 3.123e-09 1.173e-01 7.179e-03 5.213e-09 7.362e-07 2.068e-04 8.302e-02 1.051e-09 2.257e-10 6.715e-05 2.762e-10 1.389e-09 1.828e-01 4.692e-09 5.075e-02 +84 TP 14 1.027e-09 8.251e-10 6.948e-10 1.115e-09 8.665e-10 8.843e-10 3.324e-09 2.128e-10 8.002e-10 3.509e-01 3.241e-02 2.180e-04 9.960e-09 5.854e-01 8.303e-10 3.252e-10 4.712e-04 2.012e-07 4.333e-05 5.678e-05 7.659e-10 7.030e-04 4.393e-03 2.547e-02 5.475e-09 1.727e-08 +84 TP 15 1.805e-01 1.898e-02 4.890e-02 6.493e-09 1.136e-03 1.970e-11 4.298e-09 6.948e-11 5.261e-09 1.204e-09 2.887e-01 1.629e-02 5.313e-07 3.072e-09 4.344e-01 1.131e-10 7.492e-11 1.458e-09 2.257e-04 6.523e-11 2.641e-09 6.019e-11 1.382e-10 6.109e-10 1.090e-02 3.299e-09 +84 TP 16 3.465e-09 7.024e-10 1.629e-09 9.415e-08 2.750e-09 8.732e-03 6.336e-06 2.268e-01 5.069e-04 1.066e-09 1.232e-09 9.588e-10 4.412e-09 5.092e-10 2.698e-09 7.128e-01 2.579e-10 3.121e-09 1.037e-08 5.028e-02 9.326e-04 2.560e-10 5.149e-10 1.570e-09 1.153e-09 6.841e-09 +84 TP 17 1.994e-10 1.955e-10 2.514e-10 2.049e-10 2.493e-10 4.869e-11 8.806e-09 4.664e-06 3.963e-09 1.634e-03 4.411e-10 1.541e-10 4.557e-04 7.460e-09 2.082e-10 5.265e-11 8.973e-01 4.624e-06 1.876e-10 5.240e-11 1.814e-10 4.813e-03 9.538e-02 1.365e-09 9.580e-05 2.952e-04 +84 TP 18 7.385e-10 1.270e-09 7.590e-10 1.509e-09 6.039e-10 4.196e-11 1.207e-07 1.401e-10 4.241e-10 1.673e-01 1.056e-09 5.613e-09 3.487e-01 4.116e-02 9.126e-10 1.444e-10 2.560e-09 4.299e-01 1.022e-09 1.023e-09 1.090e-09 4.507e-10 2.306e-07 1.310e-08 7.546e-09 1.291e-02 +84 TP 19 1.152e-05 2.135e-02 1.353e-01 9.592e-02 6.688e-08 1.225e-10 2.766e-09 4.018e-10 7.300e-02 9.943e-09 6.228e-02 1.451e-01 4.166e-09 3.902e-09 1.039e-01 2.550e-09 4.673e-10 3.529e-09 7.913e-07 4.534e-10 1.820e-08 4.427e-10 9.498e-10 1.647e-09 3.631e-01 2.668e-09 +84 TP 20 2.217e-08 7.331e-09 1.990e-08 1.642e-08 1.276e-08 4.730e-04 1.175e-07 6.154e-01 1.226e-08 8.882e-06 1.401e-08 8.967e-09 2.102e-06 8.328e-03 1.335e-08 1.107e-08 3.674e-09 2.128e-08 1.090e-08 3.749e-01 2.089e-08 8.943e-04 4.332e-09 7.810e-09 1.699e-08 2.822e-08 +84 TP 21 5.628e-02 8.545e-09 1.152e-08 2.012e-01 9.685e-03 2.518e-10 5.272e-02 5.309e-10 1.427e-08 2.436e-09 8.118e-08 3.779e-03 7.129e-09 1.276e-09 4.819e-01 1.068e-09 4.545e-10 5.340e-09 2.933e-08 1.515e-09 1.297e-01 4.917e-10 7.059e-10 1.283e-02 2.855e-08 5.195e-02 +84 TP 22 6.140e-10 1.131e-08 5.535e-10 9.625e-10 6.551e-10 5.832e-05 7.156e-10 2.644e-10 4.253e-10 2.983e-02 1.101e-02 1.312e-09 1.170e-09 4.143e-05 8.572e-10 2.771e-10 3.269e-02 1.628e-08 2.747e-03 3.743e-10 5.775e-10 9.039e-01 1.712e-02 2.602e-03 2.812e-06 6.361e-10 +84 TP 23 7.330e-10 6.070e-10 5.182e-10 1.078e-09 5.788e-10 6.086e-11 7.859e-08 7.873e-11 1.442e-04 4.571e-09 3.460e-10 4.502e-10 2.653e-07 1.673e-03 4.512e-10 6.735e-11 1.164e-01 6.292e-09 2.928e-10 6.971e-11 1.523e-09 7.519e-03 8.373e-01 3.698e-02 7.590e-10 8.019e-10 +84 TP 24 1.630e-09 1.346e-09 7.923e-10 1.723e-09 8.782e-10 1.350e-10 1.611e-01 1.871e-10 6.718e-10 2.617e-03 1.500e-09 1.860e-09 1.006e-01 1.238e-02 1.592e-09 9.300e-07 2.097e-05 2.768e-01 1.049e-09 4.392e-10 1.864e-09 1.344e-05 2.600e-02 4.205e-01 1.498e-09 3.093e-09 +84 TP 25 5.127e-02 1.030e-01 4.082e-03 2.313e-01 4.060e-02 5.158e-11 2.615e-09 2.582e-10 4.548e-09 1.736e-07 1.218e-01 2.096e-02 8.039e-03 4.351e-09 6.461e-09 1.695e-10 2.270e-10 2.010e-09 1.397e-08 1.516e-10 4.138e-09 2.077e-09 7.642e-10 1.461e-09 4.190e-01 1.865e-09 +84 TP 26 7.071e-10 1.261e-09 4.925e-10 1.827e-09 4.723e-10 2.307e-05 1.859e-01 1.406e-10 3.501e-10 3.963e-03 1.809e-07 5.653e-03 2.857e-06 2.264e-10 3.921e-09 1.319e-10 1.597e-07 1.429e-08 3.830e-09 9.652e-10 4.221e-04 3.507e-11 2.867e-10 1.801e-02 1.695e-09 7.860e-01 +85 IP 1 1.861e-01 +85 IP 2 1.227e-07 +85 IP 3 8.650e-04 +85 IP 4 2.469e-08 +85 IP 5 1.804e-08 +85 IP 6 2.364e-03 +85 IP 7 1.851e-01 +85 IP 8 4.630e-06 +85 IP 9 5.707e-08 +85 IP 10 5.119e-07 +85 IP 11 1.005e-07 +85 IP 12 4.462e-02 +85 IP 13 6.102e-02 +85 IP 14 2.437e-02 +85 IP 15 2.919e-08 +85 IP 16 4.955e-01 +85 IP 17 1.970e-07 +85 IP 18 1.800e-08 +85 IP 19 1.724e-07 +85 IP 20 1.671e-08 +85 EP 1 1.261e-03 6.117e-02 1.978e-01 1.793e-01 1.730e-01 1.343e-01 1.001e-01 6.720e-02 4.198e-02 2.919e-02 1.465e-02 2.632e-09 5.017e-10 2.927e-10 3.717e-10 5.594e-11 +85 EP 2 7.301e-10 9.586e-03 3.497e-02 2.980e-02 3.709e-02 3.503e-02 5.659e-02 6.824e-02 6.317e-02 4.306e-02 8.881e-02 9.515e-02 1.520e-01 2.850e-01 1.530e-03 9.265e-11 +85 EP 3 1.434e-10 9.732e-09 1.448e-03 4.396e-06 3.161e-04 2.774e-02 2.230e-02 2.361e-02 5.288e-02 3.493e-02 1.233e-01 1.868e-01 1.977e-01 3.290e-01 1.993e-08 5.064e-11 +85 EP 4 5.858e-04 4.333e-02 3.630e-02 2.092e-02 1.766e-02 2.164e-02 1.436e-02 1.999e-02 3.174e-02 6.263e-02 8.133e-02 9.018e-02 1.496e-01 2.049e-01 2.048e-01 4.474e-05 +85 EP 5 4.891e-04 2.456e-02 1.066e-01 1.262e-01 1.338e-01 1.223e-01 1.061e-01 1.005e-01 9.396e-02 8.856e-02 7.327e-02 2.220e-02 1.359e-03 8.552e-11 6.552e-11 6.138e-11 +85 EP 6 7.146e-04 6.006e-02 5.100e-02 3.068e-02 3.529e-02 5.597e-02 4.142e-02 4.820e-02 5.989e-02 7.805e-02 8.936e-02 1.162e-01 1.438e-01 1.413e-01 4.819e-02 2.755e-06 +85 EP 7 1.787e-04 6.222e-03 3.314e-02 3.319e-02 5.402e-02 8.257e-02 1.013e-01 1.020e-01 1.109e-01 1.148e-01 1.334e-01 1.530e-01 7.524e-02 2.269e-10 2.576e-10 1.725e-11 +85 EP 8 2.087e-10 7.072e-10 3.516e-03 4.291e-03 7.935e-03 8.770e-03 7.459e-04 9.144e-05 2.575e-09 1.737e-02 4.403e-02 5.535e-02 5.320e-02 1.599e-01 6.447e-01 5.216e-05 +85 EP 9 1.517e-10 9.010e-03 1.287e-02 1.682e-02 1.648e-02 2.571e-02 2.626e-02 3.675e-02 6.852e-02 6.535e-02 6.364e-02 7.407e-02 9.398e-02 3.103e-01 1.802e-01 4.257e-11 +85 EP 10 7.655e-10 7.205e-09 2.548e-02 5.716e-09 4.202e-03 2.318e-02 4.598e-02 3.889e-02 4.089e-02 2.105e-08 9.514e-02 3.331e-01 3.931e-01 2.209e-08 2.232e-07 1.234e-10 +85 EP 11 5.254e-10 3.578e-02 3.616e-02 2.029e-02 2.506e-02 2.099e-02 1.058e-03 3.448e-08 4.572e-02 8.899e-02 8.628e-02 2.370e-02 7.773e-02 5.654e-02 4.817e-01 3.445e-10 +85 EP 12 5.297e-10 5.897e-09 1.211e-02 7.382e-03 1.219e-04 3.687e-02 4.878e-02 6.235e-02 4.476e-02 4.288e-02 8.581e-04 4.592e-02 1.834e-01 5.145e-01 2.045e-09 5.399e-11 +85 EP 13 7.296e-10 2.589e-02 4.424e-03 2.326e-02 1.502e-02 5.801e-03 2.009e-08 3.237e-07 6.887e-06 3.953e-02 1.915e-04 1.893e-04 6.160e-02 2.788e-01 5.453e-01 1.159e-10 +85 EP 14 3.602e-09 2.432e-09 4.802e-03 1.327e-02 3.084e-02 3.190e-02 5.840e-02 4.407e-02 8.182e-02 2.574e-01 4.475e-01 2.994e-02 1.240e-05 9.963e-09 8.811e-09 1.010e-10 +85 EP 15 5.813e-10 1.285e-02 2.277e-02 5.250e-02 4.407e-02 3.338e-02 6.434e-02 1.755e-01 4.513e-01 1.397e-01 3.610e-03 3.128e-07 1.870e-08 1.762e-08 6.507e-09 1.854e-10 +85 EP 16 6.687e-02 2.408e-01 3.163e-01 1.668e-01 1.041e-01 5.101e-02 3.157e-02 1.168e-02 9.436e-03 1.362e-03 4.445e-10 2.867e-10 2.107e-10 1.786e-10 1.700e-10 1.625e-10 +85 EP 17 4.143e-04 3.273e-02 8.683e-02 7.181e-02 8.035e-02 9.123e-02 8.730e-02 9.100e-02 8.690e-02 8.690e-02 7.698e-02 9.168e-02 1.126e-01 3.307e-03 3.387e-10 2.521e-11 +85 EP 18 2.776e-04 1.298e-03 1.682e-02 1.990e-02 1.786e-02 3.060e-02 4.131e-02 6.639e-02 8.473e-05 2.551e-02 1.418e-01 5.921e-01 3.093e-02 4.103e-09 1.519e-02 1.304e-10 +85 EP 19 5.060e-11 1.264e-02 3.021e-02 2.459e-02 2.447e-02 3.754e-02 4.973e-02 6.562e-02 6.035e-02 6.613e-02 7.789e-02 1.093e-01 2.414e-01 2.001e-01 4.762e-10 1.419e-11 +85 EP 20 6.231e-04 3.188e-02 1.251e-02 7.148e-03 8.630e-07 3.519e-02 2.515e-02 1.129e-02 1.807e-01 5.285e-01 1.392e-01 4.217e-09 2.777e-02 6.563e-09 1.008e-07 3.327e-10 +85 TP 1 6.451e-01 1.999e-09 4.013e-09 1.132e-10 1.581e-09 3.969e-05 3.170e-01 9.836e-10 1.040e-08 5.986e-09 2.176e-08 1.589e-09 6.706e-10 1.776e-09 1.188e-09 3.780e-03 1.688e-02 9.554e-08 1.718e-02 7.676e-10 +85 TP 2 2.204e-10 4.118e-01 7.534e-02 8.576e-11 2.378e-11 1.448e-11 3.235e-10 2.992e-01 3.293e-10 2.681e-08 8.260e-02 5.553e-02 4.823e-02 2.026e-02 6.032e-05 4.224e-11 2.429e-06 1.351e-05 4.331e-10 6.904e-03 +85 TP 3 5.364e-09 8.228e-09 2.194e-01 6.677e-10 8.256e-11 8.369e-11 1.220e-05 7.919e-05 3.009e-09 1.343e-03 9.096e-02 4.447e-09 5.410e-02 8.621e-02 6.856e-03 1.365e-10 4.092e-01 6.899e-02 3.211e-09 6.280e-02 +85 TP 4 1.527e-09 1.792e-09 2.003e-09 9.713e-01 6.812e-10 1.097e-02 1.485e-09 1.924e-09 1.241e-09 1.776e-02 1.891e-09 1.856e-09 1.988e-09 1.592e-09 1.184e-09 6.546e-10 2.333e-09 4.212e-09 1.396e-09 1.607e-09 +85 TP 5 2.422e-09 2.286e-10 2.230e-10 9.825e-11 9.477e-01 2.163e-06 2.147e-02 1.256e-10 2.200e-10 2.722e-10 1.493e-10 2.309e-10 1.396e-10 2.339e-10 2.190e-10 3.085e-02 2.027e-10 2.023e-10 5.544e-10 1.740e-10 +85 TP 6 2.375e-02 3.313e-08 4.442e-08 4.372e-01 2.238e-08 4.882e-01 3.094e-02 3.011e-08 1.219e-02 4.452e-08 3.892e-08 4.527e-08 3.223e-08 3.964e-05 3.054e-08 9.883e-04 6.439e-03 1.907e-04 9.370e-08 3.588e-08 +85 TP 7 9.092e-02 1.469e-09 1.892e-09 7.323e-11 6.188e-03 5.054e-05 7.307e-01 6.495e-10 7.306e-03 1.865e-08 1.147e-09 6.164e-03 8.865e-10 2.875e-04 3.447e-07 3.386e-03 1.599e-09 2.448e-09 1.550e-01 5.358e-10 +85 TP 8 7.164e-11 2.415e-01 2.637e-02 6.349e-06 2.212e-11 1.631e-10 1.565e-10 4.713e-01 2.045e-10 2.547e-02 2.495e-09 4.246e-02 1.565e-01 1.746e-09 2.203e-09 1.234e-11 1.354e-08 2.344e-03 2.269e-10 3.415e-02 +85 TP 9 9.625e-10 7.791e-10 3.783e-03 2.081e-09 8.776e-11 2.292e-09 2.793e-04 4.524e-10 8.350e-01 9.463e-10 9.125e-10 2.215e-03 5.541e-10 1.579e-09 8.890e-10 4.418e-11 7.300e-03 4.935e-03 1.465e-01 4.130e-10 +85 TP 10 3.337e-09 3.024e-02 6.745e-09 1.458e-04 1.583e-10 2.235e-10 2.073e-09 3.549e-08 2.116e-09 2.170e-01 2.385e-04 6.542e-09 8.363e-02 3.547e-04 6.626e-08 1.964e-10 4.577e-06 2.106e-01 1.784e-09 4.577e-01 +85 TP 11 1.922e-09 3.863e-04 3.668e-03 7.978e-10 1.789e-10 1.193e-10 2.211e-09 1.416e-08 2.272e-09 8.966e-09 2.479e-05 4.865e-01 1.390e-01 3.103e-08 1.298e-01 1.201e-10 1.943e-01 3.114e-02 3.013e-09 1.528e-02 +85 TP 12 6.515e-09 1.348e-01 2.561e-01 1.097e-09 4.184e-11 3.216e-06 1.072e-09 3.304e-02 3.223e-03 7.493e-05 3.003e-02 2.969e-01 1.262e-01 3.910e-06 1.860e-02 1.245e-10 8.699e-02 1.043e-02 3.611e-03 3.316e-09 +85 TP 13 1.503e-10 4.658e-01 2.907e-02 2.220e-05 4.657e-11 1.594e-06 4.125e-10 1.168e-01 7.965e-10 1.783e-01 5.470e-09 7.734e-09 1.996e-08 5.462e-09 8.426e-09 3.911e-11 9.601e-03 4.174e-02 7.937e-10 1.586e-01 +85 TP 14 1.845e-03 7.523e-02 8.655e-09 2.950e-06 1.591e-10 8.577e-11 3.976e-03 1.125e-08 1.595e-08 2.637e-02 8.392e-09 1.135e-01 5.460e-02 4.145e-01 1.458e-01 4.589e-04 1.191e-01 4.124e-02 1.168e-08 3.436e-03 +85 TP 15 2.737e-09 8.823e-02 1.007e-08 1.100e-03 2.770e-10 1.759e-05 5.732e-07 5.488e-01 3.881e-02 2.254e-09 4.725e-05 2.955e-01 6.796e-08 6.650e-09 2.736e-02 3.886e-10 4.394e-09 4.637e-09 6.625e-05 3.226e-09 +85 TP 16 3.239e-02 5.032e-10 1.470e-09 1.771e-10 8.158e-02 1.195e-05 1.424e-02 2.618e-10 4.560e-10 4.652e-04 3.384e-10 5.285e-10 2.993e-10 5.702e-04 5.344e-10 8.578e-01 1.292e-02 5.006e-08 7.153e-10 3.607e-10 +85 TP 17 3.662e-03 3.516e-02 2.157e-03 7.932e-11 4.386e-11 3.359e-11 1.038e-09 4.245e-03 5.304e-09 3.783e-03 2.510e-04 2.442e-01 2.389e-06 2.894e-02 4.647e-03 3.903e-04 6.713e-01 1.369e-05 1.048e-05 1.165e-03 +85 TP 18 3.065e-09 3.410e-03 1.609e-08 9.587e-05 1.827e-10 2.932e-06 1.225e-03 8.728e-09 4.356e-09 7.497e-09 1.751e-08 1.747e-02 4.640e-08 1.475e-01 5.040e-01 3.781e-10 1.271e-05 2.950e-01 4.625e-09 3.129e-02 +85 TP 19 4.869e-03 7.287e-10 3.104e-03 6.371e-10 1.003e-10 5.049e-08 1.292e-01 5.760e-10 9.436e-02 9.374e-05 1.346e-09 1.516e-03 9.541e-10 4.178e-05 1.635e-03 5.876e-11 3.230e-05 2.232e-04 7.650e-01 5.536e-10 +85 TP 20 5.673e-10 1.913e-05 1.043e-06 2.600e-10 1.777e-10 5.825e-11 4.023e-09 8.056e-01 1.277e-09 6.136e-05 5.731e-02 8.460e-02 1.020e-08 5.733e-09 3.012e-02 7.319e-11 5.031e-09 1.217e-02 3.873e-04 9.773e-03 +86 IP 1 4.725e-02 +86 IP 2 6.771e-08 +86 IP 3 2.860e-03 +86 IP 4 1.217e-02 +86 IP 5 4.070e-02 +86 IP 6 5.658e-02 +86 IP 7 6.696e-08 +86 IP 8 1.201e-02 +86 IP 9 1.593e-08 +86 IP 10 4.777e-01 +86 IP 11 1.499e-08 +86 IP 12 1.296e-08 +86 IP 13 4.198e-02 +86 IP 14 1.369e-08 +86 IP 15 1.235e-08 +86 IP 16 1.063e-07 +86 IP 17 8.248e-04 +86 IP 18 1.261e-08 +86 IP 19 1.137e-07 +86 IP 20 1.072e-02 +86 IP 21 2.375e-01 +86 IP 22 5.761e-08 +86 IP 23 5.388e-08 +86 IP 24 5.968e-02 +86 EP 1 5.179e-11 5.633e-06 1.289e-03 3.691e-03 5.137e-03 7.260e-03 1.096e-02 5.793e-03 1.047e-02 2.126e-02 5.029e-02 7.560e-02 9.578e-02 2.488e-01 4.637e-01 9.390e-06 +86 EP 2 1.977e-04 1.430e-02 2.527e-02 1.512e-02 1.489e-02 3.040e-02 3.165e-02 4.136e-02 3.031e-02 6.357e-03 6.722e-03 1.646e-01 2.917e-01 1.389e-01 1.882e-01 2.246e-11 +86 EP 3 2.732e-10 5.274e-10 1.228e-03 4.207e-03 5.989e-08 9.761e-04 2.245e-02 2.223e-02 7.697e-03 1.038e-04 6.204e-02 1.466e-01 2.564e-01 4.761e-01 2.853e-08 2.323e-10 +86 EP 4 1.064e-09 2.675e-03 1.200e-02 2.150e-02 3.248e-02 4.152e-02 6.414e-02 7.026e-02 1.715e-08 1.275e-08 1.797e-01 4.369e-01 9.921e-02 3.996e-06 3.967e-02 9.591e-10 +86 EP 5 3.357e-04 1.201e-02 8.031e-02 8.483e-02 1.008e-01 1.292e-01 1.180e-01 1.138e-01 9.995e-02 9.557e-02 6.401e-02 7.868e-02 2.252e-02 2.038e-09 9.909e-10 7.817e-10 +86 EP 6 2.828e-04 9.615e-03 1.200e-02 1.570e-09 2.111e-09 3.094e-02 5.350e-07 4.028e-06 1.714e-01 5.532e-01 2.220e-01 4.779e-06 3.520e-04 8.994e-09 7.612e-08 1.926e-04 +86 EP 7 1.053e-09 9.552e-10 2.722e-03 1.730e-02 1.900e-02 3.480e-02 2.601e-02 4.375e-02 7.141e-06 6.259e-02 1.768e-01 5.919e-01 2.519e-02 3.513e-09 4.741e-09 6.614e-11 +86 EP 8 1.243e-04 3.507e-09 3.106e-02 2.805e-02 4.636e-02 6.999e-04 2.169e-02 2.844e-05 1.078e-04 6.508e-08 2.932e-08 4.534e-03 3.439e-08 1.960e-04 8.672e-01 1.812e-09 +86 EP 9 2.319e-05 1.547e-02 2.096e-02 2.452e-02 2.924e-02 7.040e-02 7.865e-02 1.406e-01 2.740e-01 2.148e-01 7.208e-02 7.331e-06 4.449e-02 1.476e-02 1.089e-08 7.033e-10 +86 EP 10 8.205e-02 2.322e-01 3.070e-01 1.651e-01 8.912e-02 5.558e-02 3.473e-02 1.722e-02 1.449e-02 1.604e-03 8.864e-04 4.673e-10 2.501e-10 2.140e-10 2.090e-10 1.932e-10 +86 EP 11 1.115e-03 3.298e-02 1.328e-01 1.412e-01 1.469e-01 1.225e-01 1.120e-01 1.005e-01 8.106e-02 7.548e-02 4.732e-02 6.092e-03 1.580e-10 2.448e-10 2.422e-10 5.794e-11 +86 EP 12 2.761e-05 9.893e-04 1.154e-02 2.736e-02 1.820e-02 1.900e-02 3.166e-02 2.338e-02 1.026e-01 3.185e-01 4.465e-01 1.970e-04 5.766e-09 9.808e-09 4.471e-09 2.290e-09 +86 EP 13 6.916e-05 7.063e-10 2.877e-07 1.030e-02 2.770e-02 3.845e-02 9.344e-02 1.054e-01 1.483e-01 2.359e-01 2.832e-01 5.726e-02 1.749e-07 1.433e-08 6.317e-09 2.459e-11 +86 EP 14 2.094e-09 3.968e-03 5.802e-02 1.194e-01 8.630e-02 9.591e-02 9.839e-02 1.011e-01 3.484e-04 1.614e-08 5.276e-07 1.609e-03 1.888e-03 4.331e-01 1.268e-07 1.957e-09 +86 EP 15 2.787e-09 3.805e-09 7.484e-09 9.599e-09 1.455e-02 4.955e-02 9.540e-02 2.137e-01 1.212e-01 3.987e-02 1.703e-05 1.318e-01 3.338e-01 1.928e-04 3.625e-09 2.633e-09 +86 EP 16 1.084e-10 3.759e-03 6.483e-04 5.405e-08 4.033e-09 9.819e-03 5.748e-03 7.443e-03 4.474e-02 4.539e-02 7.258e-04 7.070e-02 2.001e-01 5.608e-01 5.013e-02 8.386e-12 +86 EP 17 1.206e-05 6.902e-03 1.216e-02 7.886e-03 1.169e-02 2.511e-02 3.567e-02 5.647e-02 5.762e-02 5.490e-02 7.146e-02 1.017e-01 2.619e-01 2.868e-01 9.660e-03 5.201e-10 +86 EP 18 7.974e-05 4.173e-03 2.651e-02 2.970e-02 4.783e-02 7.852e-02 8.684e-02 9.939e-02 1.013e-01 1.099e-01 1.381e-01 1.694e-01 1.034e-01 4.846e-03 5.850e-10 6.520e-11 +86 EP 19 4.458e-10 1.721e-02 5.530e-07 1.523e-06 8.565e-08 4.187e-08 2.801e-08 2.638e-07 4.356e-03 2.056e-02 5.032e-01 4.546e-01 1.649e-08 7.341e-07 2.518e-06 5.842e-11 +86 EP 20 1.554e-10 1.783e-09 2.391e-02 2.693e-02 3.973e-02 3.854e-02 1.471e-02 1.254e-02 1.028e-08 1.846e-02 5.282e-09 2.750e-02 1.193e-03 3.387e-02 7.626e-01 1.389e-08 +86 EP 21 4.967e-04 2.485e-02 8.635e-02 7.404e-02 7.766e-02 9.928e-02 9.787e-02 1.023e-01 7.946e-02 6.642e-02 7.178e-02 9.717e-02 1.213e-01 1.035e-03 3.333e-10 7.253e-12 +86 EP 22 5.911e-10 1.430e-02 2.600e-02 1.873e-02 3.041e-02 5.674e-02 3.856e-02 6.872e-02 1.265e-01 1.785e-01 7.770e-02 1.928e-03 5.362e-02 2.403e-03 3.059e-01 5.162e-10 +86 EP 23 1.118e-04 3.732e-05 4.096e-09 5.879e-04 4.691e-03 1.734e-05 2.616e-02 1.412e-01 5.913e-01 2.358e-01 4.119e-09 6.250e-09 1.034e-08 6.298e-08 8.979e-09 5.168e-09 +86 EP 24 1.898e-10 4.442e-02 9.086e-02 8.576e-02 8.634e-02 9.682e-02 1.176e-01 1.665e-01 1.091e-01 4.957e-02 8.528e-02 1.146e-02 5.585e-02 3.742e-04 6.985e-07 4.357e-11 +86 TP 1 6.416e-01 9.251e-02 4.786e-05 3.914e-09 2.172e-11 4.611e-02 1.460e-09 3.680e-09 1.788e-10 5.499e-12 1.759e-11 3.519e-11 6.859e-09 1.811e-10 2.319e-11 1.040e-01 2.642e-11 5.628e-11 5.462e-03 7.209e-09 1.236e-06 1.688e-09 9.708e-05 1.102e-01 +86 TP 2 2.484e-05 2.275e-01 4.828e-10 2.796e-10 1.371e-10 2.792e-01 1.203e-01 2.718e-10 2.921e-10 4.844e-11 2.146e-10 2.889e-10 5.425e-06 1.515e-10 1.098e-10 2.479e-08 1.233e-10 5.222e-10 6.750e-02 9.320e-08 3.597e-02 2.382e-10 4.236e-09 2.694e-01 +86 TP 3 7.005e-09 1.176e-07 4.502e-01 1.060e-01 2.056e-04 1.034e-08 2.765e-05 5.812e-02 4.878e-02 3.038e-10 1.877e-03 3.648e-03 6.309e-09 2.165e-02 1.336e-09 1.064e-02 4.516e-02 7.095e-04 4.054e-09 1.670e-09 3.632e-09 2.529e-01 7.030e-08 2.851e-09 +86 TP 4 4.221e-09 5.880e-09 5.548e-02 2.803e-01 1.877e-02 5.953e-09 1.931e-02 3.406e-08 5.064e-01 3.833e-09 3.094e-09 9.590e-02 6.105e-09 2.383e-02 4.382e-09 8.343e-09 4.916e-09 4.570e-09 4.124e-09 3.602e-09 7.882e-09 6.626e-05 1.157e-08 1.308e-08 +86 TP 5 3.178e-09 2.641e-09 1.596e-02 1.314e-03 7.016e-01 3.734e-09 2.552e-09 2.906e-03 3.336e-02 4.235e-03 2.036e-03 2.802e-02 1.593e-04 3.401e-02 1.426e-01 9.586e-09 3.370e-02 5.273e-05 3.611e-09 2.855e-09 1.176e-08 1.694e-08 4.088e-09 4.315e-09 +86 TP 6 5.083e-01 2.461e-04 4.075e-10 4.328e-10 2.777e-04 2.555e-02 1.082e-02 4.367e-10 4.804e-07 9.637e-11 4.102e-04 1.950e-10 7.193e-09 4.776e-10 2.238e-10 6.815e-02 2.020e-10 4.846e-10 2.146e-02 3.152e-01 3.626e-02 9.739e-10 9.135e-03 4.201e-03 +86 TP 7 8.316e-09 5.816e-09 7.445e-10 6.496e-10 1.241e-09 1.400e-02 3.513e-01 6.002e-10 2.060e-09 7.929e-09 1.895e-09 7.714e-04 5.576e-08 7.382e-10 3.288e-10 4.601e-08 4.402e-10 6.389e-09 1.601e-08 8.162e-09 1.298e-08 1.195e-09 4.470e-01 1.869e-01 +86 TP 8 5.576e-06 8.163e-09 4.452e-01 6.467e-02 2.268e-07 3.775e-05 8.490e-09 6.017e-07 5.955e-02 1.864e-09 2.193e-09 4.331e-09 9.966e-09 5.413e-02 1.894e-02 4.304e-08 1.832e-08 3.074e-09 6.354e-09 1.355e-08 6.535e-09 3.327e-01 2.473e-02 1.116e-08 +86 TP 9 4.435e-04 3.743e-09 4.638e-01 8.808e-03 5.710e-02 1.483e-06 3.353e-09 1.188e-01 2.270e-01 1.388e-09 6.187e-09 9.753e-03 4.902e-09 7.610e-02 2.597e-06 2.075e-08 3.825e-02 3.829e-09 3.650e-09 2.319e-08 4.186e-09 4.516e-08 9.694e-06 6.963e-09 +86 TP 10 3.921e-10 7.051e-10 3.751e-10 2.069e-05 5.449e-03 4.768e-10 1.767e-09 2.073e-10 4.224e-10 8.750e-01 7.700e-02 1.785e-09 3.497e-09 4.791e-10 5.947e-04 8.720e-10 5.860e-10 7.559e-03 1.243e-02 3.020e-10 2.200e-02 2.625e-10 6.676e-10 1.093e-09 +86 TP 11 4.022e-10 5.082e-10 4.304e-09 3.726e-10 8.410e-10 2.750e-10 7.425e-10 1.455e-10 1.267e-09 2.242e-02 8.733e-01 5.182e-10 2.983e-03 2.571e-04 1.559e-03 2.541e-09 1.451e-09 9.280e-02 2.487e-09 2.270e-10 6.696e-03 1.693e-05 4.994e-09 9.934e-10 +86 TP 12 1.525e-08 1.084e-08 5.270e-05 1.032e-01 2.662e-02 2.525e-05 7.634e-09 5.791e-09 2.734e-01 1.165e-02 1.760e-08 4.201e-01 2.372e-08 8.314e-03 1.566e-01 3.554e-08 7.757e-09 8.322e-09 1.366e-08 8.844e-09 1.596e-08 7.632e-09 2.084e-05 4.553e-08 +86 TP 13 7.539e-02 2.493e-02 3.835e-10 3.017e-10 1.323e-09 1.463e-09 1.622e-02 1.415e-10 2.850e-10 7.973e-09 7.977e-04 9.817e-10 3.877e-01 6.919e-10 3.686e-10 2.415e-01 2.783e-10 4.080e-10 2.165e-03 1.295e-07 1.368e-01 1.766e-10 4.851e-02 6.593e-02 +86 TP 14 5.795e-08 9.927e-09 5.199e-01 2.677e-08 9.476e-07 1.241e-08 1.772e-08 2.059e-04 1.083e-01 2.364e-09 9.779e-09 6.458e-07 2.751e-08 1.006e-01 2.862e-03 7.270e-08 2.682e-01 1.924e-08 1.062e-08 2.006e-08 2.290e-08 3.220e-08 2.048e-07 1.791e-08 +86 TP 15 1.835e-08 1.669e-08 2.907e-01 1.613e-08 1.669e-06 7.250e-09 7.677e-09 1.598e-03 6.710e-08 7.558e-09 2.087e-08 8.177e-02 1.044e-06 8.826e-05 1.078e-01 4.628e-02 4.348e-01 3.687e-02 2.558e-08 1.678e-08 2.334e-08 1.161e-07 8.490e-09 4.293e-08 +86 TP 16 1.540e-01 8.045e-02 2.747e-09 1.277e-10 4.872e-11 6.003e-03 4.355e-08 2.763e-08 1.407e-10 1.889e-11 1.348e-10 1.011e-10 5.728e-02 1.038e-10 5.185e-11 3.809e-01 6.377e-05 4.772e-08 5.438e-02 3.953e-09 1.719e-01 1.601e-10 8.654e-03 8.645e-02 +86 TP 17 5.195e-09 7.950e-09 2.174e-02 3.239e-02 1.121e-01 3.354e-09 6.268e-09 3.041e-04 5.428e-02 8.411e-10 8.758e-06 2.325e-02 5.523e-09 4.565e-02 3.770e-09 6.015e-03 4.416e-01 2.624e-01 3.415e-09 2.738e-09 7.213e-09 1.541e-07 2.239e-04 7.220e-09 +86 TP 18 1.487e-09 9.922e-10 9.484e-08 1.311e-09 2.963e-06 4.110e-10 8.172e-10 2.908e-10 7.804e-10 3.874e-04 1.085e-01 1.201e-09 6.140e-09 1.540e-09 3.023e-03 4.770e-09 2.777e-02 8.595e-01 2.485e-09 6.033e-10 1.045e-08 4.572e-10 7.951e-04 9.672e-08 +86 TP 19 4.864e-02 1.319e-01 6.738e-09 8.605e-10 7.979e-07 8.330e-02 2.636e-02 3.257e-09 1.782e-09 3.988e-10 1.522e-03 6.038e-09 2.347e-01 1.651e-09 3.633e-10 6.430e-02 4.197e-10 1.784e-09 1.588e-01 1.272e-06 2.487e-01 2.284e-09 5.999e-09 1.841e-03 +86 TP 20 6.534e-01 9.729e-04 1.092e-03 1.173e-09 4.303e-10 1.124e-08 1.816e-07 1.182e-03 5.058e-10 8.703e-11 1.670e-10 2.057e-09 1.896e-02 3.721e-10 2.231e-10 1.698e-01 4.650e-10 2.940e-10 3.469e-06 7.155e-02 5.036e-05 8.366e-10 5.869e-09 8.297e-02 +86 TP 21 8.895e-03 2.414e-03 1.165e-10 8.317e-11 2.218e-10 3.916e-09 3.901e-03 3.475e-11 7.250e-11 1.340e-03 2.814e-04 3.763e-10 6.930e-02 9.604e-11 9.280e-11 2.370e-01 1.571e-10 3.982e-10 3.103e-09 8.989e-09 6.695e-01 4.500e-11 5.279e-04 6.766e-03 +86 TP 22 2.288e-05 3.046e-09 4.816e-01 6.991e-02 5.889e-03 6.721e-07 3.530e-09 5.554e-02 3.695e-03 5.695e-10 8.254e-10 2.621e-09 3.836e-09 1.752e-02 1.210e-07 1.083e-08 2.187e-02 1.290e-09 2.586e-09 6.138e-09 2.673e-09 3.434e-01 5.423e-04 4.701e-09 +86 TP 23 4.492e-01 8.029e-09 1.905e-05 1.995e-09 1.126e-09 2.987e-09 1.430e-02 6.587e-08 1.107e-09 5.762e-04 2.924e-09 6.441e-10 5.872e-09 2.552e-03 5.270e-10 2.241e-01 9.395e-10 1.902e-09 3.191e-08 3.092e-01 8.441e-09 1.674e-09 8.492e-09 8.075e-09 +86 TP 24 4.723e-01 1.428e-02 2.100e-10 1.900e-10 7.613e-11 2.930e-03 2.809e-09 6.087e-11 8.280e-11 3.777e-11 1.318e-10 1.631e-10 7.890e-02 9.277e-11 9.982e-11 2.754e-01 1.267e-10 1.892e-10 2.962e-05 1.446e-06 8.470e-06 6.483e-11 5.315e-04 1.556e-01 +87 IP 1 4.696e-05 +87 IP 2 2.269e-08 +87 IP 3 1.272e-07 +87 IP 4 1.522e-05 +87 IP 5 2.132e-08 +87 IP 6 5.314e-08 +87 IP 7 3.062e-08 +87 IP 8 3.923e-02 +87 IP 9 1.130e-01 +87 IP 10 1.974e-08 +87 IP 11 3.209e-03 +87 IP 12 2.388e-08 +87 IP 13 2.330e-08 +87 IP 14 1.395e-07 +87 IP 15 2.515e-02 +87 IP 16 1.615e-08 +87 IP 17 9.953e-02 +87 IP 18 2.493e-02 +87 IP 19 6.983e-03 +87 IP 20 9.253e-07 +87 IP 21 6.879e-01 +87 EP 1 5.263e-04 1.413e-02 7.791e-02 8.426e-02 1.028e-01 1.092e-01 1.132e-01 1.100e-01 9.586e-02 9.699e-02 9.095e-02 7.819e-02 2.600e-02 4.801e-09 1.030e-10 5.919e-11 +87 EP 2 7.708e-11 1.252e-03 5.490e-03 8.743e-03 8.129e-03 8.033e-03 1.417e-02 1.927e-02 1.631e-02 3.275e-02 6.412e-02 7.124e-02 9.407e-02 2.260e-01 4.303e-01 5.419e-05 +87 EP 3 5.721e-05 3.565e-03 1.322e-02 8.090e-03 8.476e-03 1.727e-02 1.665e-02 2.665e-02 1.995e-02 1.830e-03 3.964e-02 1.139e-01 2.135e-01 2.045e-01 3.127e-01 7.746e-07 +87 EP 4 2.419e-10 3.978e-09 1.476e-02 2.941e-02 4.603e-02 2.640e-02 4.650e-02 5.684e-03 1.538e-07 1.817e-01 5.790e-01 7.048e-02 2.744e-09 7.928e-09 1.033e-05 8.926e-08 +87 EP 5 1.311e-04 5.478e-03 2.063e-02 8.875e-03 1.564e-02 5.536e-03 9.008e-03 5.879e-05 1.510e-03 1.436e-08 4.533e-08 5.407e-02 2.002e-01 4.889e-01 1.899e-01 2.425e-09 +87 EP 6 4.752e-05 2.385e-02 2.431e-02 3.099e-08 2.181e-02 5.212e-02 3.650e-02 1.860e-08 1.776e-01 4.982e-01 1.306e-01 2.368e-04 3.467e-02 4.954e-09 6.402e-09 2.209e-05 +87 EP 7 4.457e-05 2.451e-09 7.464e-07 6.704e-02 5.158e-03 2.442e-02 1.357e-01 3.105e-01 1.208e-01 1.955e-02 1.491e-03 3.790e-02 2.772e-01 7.004e-05 6.661e-05 1.024e-05 +87 EP 8 2.303e-10 1.159e-03 9.351e-03 1.127e-02 1.047e-02 3.387e-02 3.904e-02 6.059e-02 7.014e-02 4.822e-02 8.485e-02 1.542e-01 2.762e-01 1.992e-01 1.465e-03 1.695e-10 +87 EP 9 2.815e-04 2.132e-02 8.776e-02 7.606e-02 8.577e-02 1.021e-01 9.771e-02 9.142e-02 7.544e-02 6.884e-02 6.963e-02 9.987e-02 1.061e-01 1.767e-02 1.920e-10 5.432e-09 +87 EP 10 6.804e-09 1.271e-08 5.317e-03 1.041e-02 7.034e-03 2.272e-02 1.963e-02 5.936e-02 9.537e-02 1.064e-01 1.409e-01 1.299e-01 5.238e-04 3.582e-05 4.016e-01 8.443e-04 +87 EP 11 2.289e-09 8.760e-03 3.156e-02 1.607e-02 1.640e-02 4.715e-02 4.744e-02 7.869e-02 1.692e-01 1.863e-01 8.534e-02 9.983e-03 8.255e-02 2.205e-01 2.294e-07 2.112e-09 +87 EP 12 3.388e-04 1.194e-09 2.038e-03 1.891e-02 1.266e-02 4.847e-02 4.103e-02 5.492e-02 3.365e-01 4.795e-01 5.463e-03 6.449e-07 5.533e-09 1.360e-04 8.687e-09 1.453e-08 +87 EP 13 1.496e-10 3.201e-03 5.383e-03 1.309e-03 6.001e-03 3.004e-02 3.107e-02 3.809e-02 9.698e-03 1.821e-02 1.573e-01 6.423e-01 5.741e-02 1.551e-06 6.954e-09 3.490e-08 +87 EP 14 3.369e-11 2.570e-03 7.202e-03 9.719e-03 5.228e-03 1.411e-02 2.326e-02 3.395e-02 6.675e-02 5.996e-02 8.284e-02 1.094e-01 1.939e-01 3.911e-01 1.133e-04 1.111e-07 +87 EP 15 6.793e-05 1.301e-02 2.022e-02 1.767e-02 2.142e-02 3.107e-02 3.682e-02 4.511e-02 5.874e-02 6.737e-02 7.306e-02 9.187e-02 1.403e-01 2.287e-01 1.546e-01 1.068e-11 +87 EP 16 1.768e-10 1.763e-03 1.475e-02 1.671e-02 2.103e-02 1.668e-02 2.786e-04 9.313e-09 1.656e-08 9.283e-03 6.993e-03 1.643e-02 1.895e-09 9.252e-02 8.036e-01 2.516e-06 +87 EP 17 1.087e-04 9.188e-10 9.788e-03 1.866e-09 8.039e-03 3.117e-02 4.028e-02 4.420e-02 5.948e-02 3.586e-02 4.577e-02 6.624e-02 1.659e-01 4.931e-01 7.451e-08 1.474e-07 +87 EP 18 1.332e-10 4.056e-09 1.785e-09 7.098e-09 3.705e-09 2.223e-06 8.056e-08 9.414e-02 5.916e-01 2.278e-01 8.939e-06 2.705e-09 1.113e-02 7.530e-02 4.204e-09 1.940e-05 +87 EP 19 1.657e-10 1.505e-09 4.920e-02 3.332e-02 4.947e-02 9.648e-02 2.100e-01 3.618e-01 5.794e-02 5.615e-06 1.291e-01 1.267e-02 8.396e-09 2.295e-07 1.333e-08 3.443e-07 +87 EP 20 3.220e-10 6.948e-02 1.321e-01 1.697e-01 1.526e-01 9.366e-02 7.306e-02 5.976e-07 6.591e-02 1.075e-01 3.385e-05 7.623e-09 4.211e-08 4.527e-08 1.360e-01 4.188e-07 +87 EP 21 5.140e-02 1.957e-01 2.900e-01 1.948e-01 1.330e-01 7.369e-02 3.656e-02 1.594e-02 6.506e-03 2.280e-03 2.228e-09 3.326e-10 2.882e-10 2.843e-10 2.161e-10 2.057e-10 +87 TP 1 9.195e-01 2.624e-10 6.679e-10 4.830e-09 3.709e-07 2.346e-05 5.926e-03 5.182e-02 1.166e-08 3.013e-10 1.292e-09 1.004e-05 3.047e-09 2.345e-09 2.167e-09 1.603e-10 1.404e-08 5.416e-09 8.205e-10 5.169e-10 2.273e-02 +87 TP 2 3.060e-11 6.717e-01 1.669e-01 2.751e-10 4.678e-11 1.992e-02 3.679e-10 2.156e-11 8.773e-10 3.160e-11 2.253e-11 6.286e-10 4.625e-06 2.322e-02 1.811e-10 8.380e-02 3.433e-02 1.601e-09 3.674e-05 3.503e-06 2.973e-11 +87 TP 3 8.190e-10 4.975e-09 1.510e-01 1.306e-04 1.613e-10 3.657e-01 1.853e-09 7.533e-11 1.888e-04 7.475e-11 8.515e-11 2.153e-09 1.440e-01 5.417e-02 6.581e-10 3.452e-09 1.665e-03 4.248e-09 1.525e-01 1.306e-01 1.158e-10 +87 TP 4 9.215e-10 1.371e-08 9.111e-03 3.348e-01 2.434e-10 1.943e-06 1.480e-01 7.397e-10 2.178e-02 2.484e-10 2.478e-10 1.069e-01 3.868e-02 7.035e-05 7.342e-08 6.147e-09 1.063e-01 1.231e-01 9.508e-02 1.452e-02 1.729e-03 +87 TP 5 2.279e-08 1.347e-08 1.292e-02 1.200e-08 5.167e-01 1.351e-08 8.787e-09 2.221e-01 1.047e-08 1.674e-01 8.092e-02 9.009e-09 9.227e-09 1.273e-08 8.573e-09 1.098e-08 1.071e-08 9.067e-09 9.886e-09 1.431e-08 9.046e-09 +87 TP 6 7.120e-10 2.990e-01 3.362e-09 2.376e-09 3.954e-10 4.864e-02 1.934e-09 1.289e-10 2.319e-02 3.815e-06 9.783e-11 1.710e-09 2.155e-02 1.029e-01 1.029e-09 4.642e-01 5.874e-05 8.685e-03 2.173e-02 1.003e-02 1.273e-10 +87 TP 7 1.531e-08 1.059e-08 2.454e-02 4.111e-07 8.409e-10 3.941e-09 3.111e-08 8.106e-03 1.748e-08 4.932e-10 8.797e-10 6.088e-04 5.710e-09 3.501e-01 6.038e-02 5.523e-07 5.562e-01 4.982e-09 1.152e-08 1.237e-08 2.407e-09 +87 TP 8 1.464e-01 1.034e-09 1.607e-09 2.135e-05 2.962e-07 1.050e-09 1.910e-09 7.623e-01 8.864e-03 7.955e-08 7.422e-02 2.807e-04 3.392e-04 2.199e-09 7.540e-03 1.267e-07 1.848e-09 1.077e-09 1.497e-09 1.547e-09 2.506e-06 +87 TP 9 4.944e-04 1.378e-09 3.448e-03 1.694e-02 5.475e-10 2.939e-09 4.785e-02 1.891e-05 7.050e-01 6.968e-11 1.453e-10 4.008e-02 1.243e-08 1.590e-04 1.253e-09 4.162e-05 1.755e-01 1.871e-04 6.865e-03 3.041e-09 3.474e-03 +87 TP 10 2.267e-07 4.329e-08 2.896e-08 4.043e-08 5.581e-01 2.071e-08 2.636e-08 1.370e-02 2.990e-08 4.281e-01 3.102e-08 1.677e-08 4.785e-05 2.727e-08 2.088e-08 4.357e-07 2.528e-08 1.731e-08 2.700e-08 3.044e-08 2.271e-08 +87 TP 11 5.479e-04 8.636e-09 1.125e-08 1.486e-08 2.694e-01 8.634e-09 1.279e-08 6.923e-01 8.065e-08 3.460e-02 4.990e-07 1.852e-08 1.474e-08 1.711e-08 3.741e-08 5.351e-07 1.301e-08 9.610e-09 1.168e-08 1.318e-08 3.154e-03 +87 TP 12 5.364e-09 1.450e-08 2.398e-07 1.117e-01 4.369e-10 5.617e-09 6.705e-02 1.522e-09 1.860e-01 3.330e-10 5.644e-10 2.360e-01 3.838e-02 2.252e-08 2.174e-08 8.212e-06 2.315e-01 7.823e-02 5.029e-02 9.117e-09 8.670e-04 +87 TP 13 1.893e-09 3.984e-09 5.137e-03 1.210e-01 3.708e-05 5.695e-02 3.169e-02 3.328e-10 5.972e-09 1.195e-04 2.471e-07 5.012e-08 2.982e-01 3.205e-05 1.169e-09 2.174e-07 1.932e-08 3.326e-01 6.350e-02 9.040e-02 3.173e-04 +87 TP 14 1.339e-09 7.121e-09 1.605e-01 2.369e-02 1.541e-10 1.958e-03 2.294e-09 1.722e-10 1.483e-01 4.348e-11 1.053e-10 3.539e-07 1.161e-04 4.176e-01 1.869e-03 1.614e-01 1.213e-03 8.942e-08 4.301e-02 4.044e-02 8.269e-11 +87 TP 15 1.422e-09 4.558e-10 4.922e-10 4.681e-03 1.652e-07 3.441e-10 6.442e-09 3.922e-04 1.133e-06 2.714e-11 5.261e-11 1.496e-08 1.510e-03 5.161e-09 9.915e-01 4.400e-10 1.902e-03 7.033e-10 4.430e-10 5.459e-10 3.831e-10 +87 TP 16 6.643e-11 3.975e-01 9.892e-02 1.373e-04 2.767e-06 1.783e-02 7.417e-10 6.126e-11 7.825e-07 5.350e-11 5.861e-11 1.434e-08 1.020e-03 1.194e-05 3.475e-10 1.796e-01 2.697e-01 1.210e-02 1.419e-06 2.319e-02 2.132e-11 +87 TP 17 1.375e-10 1.297e-03 8.059e-02 1.640e-02 1.458e-10 1.064e-02 2.834e-05 1.388e-10 4.439e-07 6.198e-11 1.048e-10 7.787e-03 3.556e-02 3.394e-01 1.258e-09 1.338e-01 3.417e-01 6.002e-03 1.154e-02 1.514e-02 4.790e-11 +87 TP 18 1.117e-03 1.766e-01 4.069e-09 1.167e-02 2.392e-10 3.070e-09 2.062e-09 6.995e-10 5.484e-09 2.911e-10 3.180e-10 2.784e-09 4.243e-09 1.321e-01 8.826e-03 4.576e-01 1.986e-01 9.441e-09 5.419e-09 1.343e-02 7.407e-10 +87 TP 19 1.354e-09 1.983e-02 1.811e-05 2.193e-02 2.200e-10 1.143e-02 2.617e-09 2.282e-10 3.312e-02 2.414e-10 1.622e-10 8.359e-02 8.185e-07 2.301e-01 1.355e-09 2.620e-01 1.473e-01 6.776e-07 1.554e-01 3.515e-02 9.704e-05 +87 TP 20 3.882e-05 1.504e-01 3.585e-09 3.859e-04 8.868e-05 6.486e-09 3.633e-09 1.974e-10 2.635e-06 1.688e-10 1.727e-10 2.610e-09 1.108e-02 1.954e-01 1.308e-09 7.541e-09 4.648e-01 1.910e-02 3.739e-02 1.213e-01 2.164e-10 +87 TP 21 8.843e-02 4.954e-10 8.136e-10 4.632e-03 4.043e-10 5.893e-10 5.180e-03 2.371e-04 5.383e-02 3.524e-10 7.093e-10 1.384e-03 1.293e-03 1.270e-09 8.600e-09 3.426e-10 1.125e-09 5.855e-10 9.949e-10 9.264e-10 8.450e-01 +88 IP 1 1.345e-01 +88 IP 2 5.506e-08 +88 IP 3 5.397e-02 +88 IP 4 6.469e-07 +88 IP 5 2.027e-08 +88 IP 6 4.617e-02 +88 IP 7 1.245e-07 +88 IP 8 1.494e-08 +88 IP 9 6.931e-01 +88 IP 10 3.980e-08 +88 IP 11 2.487e-08 +88 IP 12 2.125e-02 +88 IP 13 1.509e-06 +88 IP 14 2.683e-02 +88 IP 15 1.418e-08 +88 IP 16 2.421e-02 +88 IP 17 6.269e-07 +88 IP 18 1.759e-08 +88 EP 1 1.812e-06 2.406e-03 3.067e-03 2.790e-03 3.868e-03 7.849e-03 1.043e-02 8.774e-03 1.032e-02 2.084e-02 5.111e-02 3.658e-02 7.843e-02 2.539e-01 5.096e-01 4.090e-12 +88 EP 2 1.266e-10 8.088e-10 1.899e-02 1.169e-06 6.012e-03 1.971e-02 1.519e-02 1.505e-02 1.116e-01 2.110e-01 7.244e-02 1.305e-01 6.074e-06 1.086e-04 3.995e-01 3.507e-11 +88 EP 3 2.527e-11 8.524e-03 1.637e-02 3.152e-07 2.282e-08 1.333e-02 2.644e-02 4.168e-02 5.130e-02 5.125e-02 7.422e-02 6.697e-02 1.860e-01 3.568e-01 1.071e-01 2.839e-11 +88 EP 4 4.200e-05 3.400e-04 1.284e-02 4.103e-03 2.649e-04 1.845e-02 3.020e-02 1.933e-02 4.298e-02 2.274e-02 1.905e-02 5.876e-02 1.528e-01 6.181e-01 1.723e-09 1.575e-11 +88 EP 5 4.833e-05 7.953e-04 1.694e-02 1.667e-02 1.634e-02 2.876e-02 2.548e-02 4.327e-02 3.430e-02 4.420e-03 2.803e-02 3.686e-01 4.164e-01 2.422e-06 1.977e-08 3.129e-11 +88 EP 6 6.518e-10 2.288e-02 8.003e-02 1.664e-01 1.536e-01 1.061e-01 1.339e-01 1.639e-01 1.033e-01 1.467e-04 5.240e-02 9.928e-09 1.730e-02 3.856e-07 3.376e-08 2.826e-11 +88 EP 7 2.542e-11 3.405e-10 4.538e-03 1.603e-09 1.888e-09 1.029e-02 2.672e-02 1.982e-02 2.624e-02 7.882e-03 4.872e-02 5.765e-02 1.948e-01 6.034e-01 2.555e-09 1.921e-11 +88 EP 8 4.901e-10 6.531e-03 2.188e-02 5.067e-03 1.808e-02 3.966e-02 1.253e-02 2.096e-09 1.953e-01 5.761e-01 1.247e-01 1.881e-09 1.337e-04 3.959e-09 1.581e-07 2.234e-11 +88 EP 9 2.952e-02 1.023e-01 2.335e-01 2.001e-01 1.557e-01 1.141e-01 5.838e-02 4.800e-02 3.073e-02 2.199e-02 5.718e-03 1.663e-09 3.317e-10 2.319e-10 2.060e-10 1.689e-10 +88 EP 10 1.370e-10 7.072e-04 7.084e-03 3.229e-02 4.581e-02 5.034e-02 3.920e-02 6.712e-02 4.755e-02 3.891e-02 2.017e-01 3.328e-01 1.098e-01 2.402e-02 2.572e-03 3.206e-11 +88 EP 11 2.886e-10 2.360e-03 4.160e-02 3.988e-02 5.852e-02 8.411e-02 1.086e-01 1.126e-01 9.748e-02 9.955e-02 1.126e-01 1.243e-01 1.005e-01 1.794e-02 2.949e-10 9.125e-11 +88 EP 12 8.958e-05 1.140e-04 6.906e-03 3.534e-02 2.698e-02 1.302e-02 3.060e-02 4.338e-08 5.686e-02 2.575e-01 5.086e-01 6.402e-02 2.894e-09 8.303e-09 1.933e-09 5.287e-11 +88 EP 13 2.317e-04 1.684e-02 8.320e-02 7.293e-02 8.289e-02 9.358e-02 9.074e-02 8.310e-02 8.832e-02 8.894e-02 6.729e-02 9.419e-02 1.059e-01 3.183e-02 1.606e-10 1.300e-11 +88 EP 14 2.935e-11 4.430e-10 8.312e-03 1.119e-02 1.811e-02 1.449e-02 3.942e-03 4.680e-03 8.397e-03 1.676e-02 2.398e-02 4.583e-02 1.187e-02 6.386e-02 7.686e-01 1.107e-05 +88 EP 15 1.887e-10 3.764e-03 5.885e-03 6.234e-03 1.616e-02 2.757e-02 2.329e-02 4.178e-02 2.807e-09 3.200e-02 1.456e-01 6.524e-01 4.432e-02 1.413e-08 9.733e-04 6.394e-11 +88 EP 16 3.157e-10 2.342e-09 1.757e-02 6.681e-09 1.097e-08 6.960e-02 2.847e-01 5.096e-01 1.071e-01 8.757e-08 5.320e-03 6.995e-09 6.067e-03 1.391e-08 1.501e-08 8.644e-11 +88 EP 17 2.119e-10 9.663e-10 1.676e-09 1.192e-08 5.276e-03 4.712e-02 9.961e-02 2.714e-01 1.932e-01 7.324e-02 7.010e-09 3.145e-02 2.787e-01 7.716e-08 1.823e-09 5.077e-11 +88 EP 18 1.594e-04 9.230e-04 1.513e-09 2.926e-09 2.012e-09 2.323e-03 3.844e-09 1.031e-01 7.303e-01 1.632e-01 2.499e-09 1.370e-09 7.348e-09 9.733e-09 2.471e-09 8.904e-11 +88 TP 1 5.472e-01 3.487e-06 1.703e-09 8.166e-02 1.010e-01 4.178e-02 4.562e-06 9.090e-02 1.406e-11 3.327e-02 3.764e-11 8.717e-10 1.308e-07 8.877e-02 2.784e-09 1.512e-02 3.485e-04 6.792e-10 +88 TP 2 1.564e-02 1.877e-01 1.491e-09 1.610e-02 1.497e-08 6.647e-02 5.549e-01 3.410e-02 9.589e-11 3.233e-09 2.735e-10 1.860e-08 1.694e-09 1.981e-05 5.703e-02 1.622e-08 3.443e-08 6.801e-02 +88 TP 3 6.318e-08 1.533e-07 3.393e-01 5.167e-02 1.605e-08 1.463e-01 1.140e-08 8.514e-02 2.159e-04 1.276e-08 1.006e-02 4.685e-06 3.060e-01 8.856e-09 2.511e-02 3.091e-02 4.704e-03 5.400e-04 +88 TP 4 5.529e-02 5.605e-02 2.456e-01 4.232e-02 1.320e-07 1.350e-03 2.874e-01 5.152e-04 1.642e-10 2.433e-01 1.646e-05 3.698e-09 1.884e-02 3.474e-09 1.044e-02 2.033e-04 2.823e-02 1.044e-02 +88 TP 5 3.778e-01 8.326e-04 1.777e-07 1.449e-09 1.028e-01 8.259e-02 1.515e-08 2.605e-01 1.258e-10 4.508e-06 2.926e-10 4.945e-03 2.595e-09 3.851e-05 1.174e-01 3.425e-02 1.749e-02 1.455e-03 +88 TP 6 4.530e-04 1.126e-01 1.818e-07 1.654e-08 2.599e-08 9.946e-02 6.045e-01 1.729e-02 1.541e-10 2.959e-04 3.480e-10 3.943e-07 1.152e-03 1.505e-01 2.389e-09 1.070e-02 3.707e-06 3.055e-03 +88 TP 7 4.857e-01 5.073e-02 9.815e-02 2.173e-01 9.917e-03 3.373e-02 3.385e-02 1.007e-02 3.142e-10 3.483e-02 7.216e-04 4.848e-09 2.207e-04 9.792e-09 7.040e-07 4.821e-08 1.661e-02 8.225e-03 +88 TP 8 1.221e-01 1.260e-02 4.798e-02 1.582e-02 1.508e-02 1.653e-02 1.087e-01 8.743e-03 7.939e-11 4.176e-03 2.220e-10 2.009e-09 6.453e-03 6.340e-01 2.092e-09 4.904e-03 2.646e-03 2.411e-04 +88 TP 9 5.689e-10 6.725e-10 8.072e-10 2.484e-09 2.176e-03 2.618e-08 2.664e-05 6.167e-10 8.478e-01 1.808e-03 1.317e-01 7.861e-04 1.506e-02 4.299e-10 3.925e-09 6.796e-04 5.777e-08 5.160e-10 +88 TP 10 1.621e-01 1.118e-01 1.523e-01 4.336e-09 5.929e-09 4.490e-05 4.026e-05 4.156e-02 7.140e-04 1.258e-01 1.511e-07 1.754e-01 1.055e-01 8.226e-09 4.196e-02 2.852e-08 8.274e-02 3.962e-09 +88 TP 11 9.707e-10 1.465e-09 2.499e-09 5.174e-02 2.758e-09 1.459e-09 2.048e-03 7.192e-10 6.506e-02 2.941e-09 8.670e-01 1.045e-08 1.073e-08 7.797e-10 5.060e-04 1.054e-09 1.366e-02 1.644e-09 +88 TP 12 2.449e-02 4.211e-02 2.969e-09 7.222e-08 2.889e-06 2.930e-02 1.007e-01 1.583e-02 2.216e-09 4.103e-09 6.639e-10 3.838e-01 9.424e-02 3.269e-09 1.911e-02 2.458e-02 2.200e-01 4.580e-02 +88 TP 13 4.151e-04 2.273e-02 2.119e-09 1.373e-01 1.297e-03 2.981e-02 5.306e-04 1.096e-09 6.674e-04 3.278e-03 5.298e-10 2.947e-02 6.762e-01 2.385e-07 2.637e-04 7.447e-09 9.805e-02 6.739e-08 +88 TP 14 6.510e-01 1.460e-02 7.747e-10 1.089e-01 3.174e-02 1.469e-02 1.248e-05 2.154e-02 2.250e-11 2.838e-07 7.797e-11 5.631e-09 9.458e-09 1.341e-01 3.268e-10 1.005e-02 1.335e-02 7.464e-10 +88 TP 15 2.149e-09 2.536e-09 4.589e-04 2.337e-08 2.666e-09 1.802e-01 6.727e-09 7.098e-09 1.927e-03 3.322e-09 7.304e-10 6.005e-02 1.446e-08 1.256e-09 3.118e-01 3.099e-02 4.932e-04 4.141e-01 +88 TP 16 2.679e-07 2.956e-01 2.730e-04 4.467e-05 5.086e-09 6.824e-06 3.150e-06 1.165e-03 5.704e-10 7.964e-09 8.647e-10 5.006e-02 6.246e-02 4.682e-01 3.781e-09 1.191e-01 3.109e-03 4.270e-09 +88 TP 17 4.182e-02 6.042e-02 2.323e-01 3.703e-01 3.107e-08 2.465e-02 1.603e-01 5.604e-04 8.793e-10 1.596e-08 1.841e-09 6.043e-02 3.008e-02 3.000e-08 2.668e-09 7.991e-03 1.111e-02 3.310e-09 +88 TP 18 2.007e-08 7.871e-06 6.399e-03 5.222e-02 5.002e-09 3.426e-09 1.786e-01 2.642e-09 3.810e-10 2.062e-09 1.266e-09 1.761e-09 3.801e-09 7.595e-01 3.240e-03 1.770e-09 2.989e-09 2.911e-09 +89 IP 1 3.876e-02 +89 IP 2 6.992e-08 +89 IP 3 3.223e-08 +89 IP 4 5.563e-02 +89 IP 5 1.593e-01 +89 IP 6 4.584e-01 +89 IP 7 2.698e-02 +89 IP 8 1.827e-08 +89 IP 9 4.911e-02 +89 IP 10 3.350e-03 +89 IP 11 4.436e-03 +89 IP 12 8.829e-02 +89 IP 13 9.657e-08 +89 IP 14 7.277e-02 +89 IP 15 4.290e-02 +89 IP 16 2.788e-07 +89 EP 1 4.107e-05 4.486e-03 3.591e-03 3.844e-08 1.777e-09 1.887e-03 6.199e-03 2.968e-09 3.085e-02 3.205e-02 1.047e-02 4.274e-07 2.158e-03 8.515e-01 5.680e-02 +89 EP 2 6.656e-08 9.482e-03 1.294e-02 3.633e-03 1.352e-02 2.623e-02 3.691e-02 4.050e-02 1.544e-01 5.558e-01 1.459e-01 5.020e-09 6.924e-04 8.355e-09 9.968e-07 +89 EP 3 1.789e-10 2.252e-02 5.336e-02 3.418e-05 3.176e-02 6.383e-03 2.892e-09 3.285e-04 3.706e-02 3.347e-05 3.104e-08 2.485e-05 3.793e-01 3.186e-02 4.373e-01 +89 EP 4 1.101e-10 5.877e-10 8.130e-03 1.367e-03 2.746e-03 2.114e-02 3.439e-02 3.997e-02 4.726e-02 4.536e-02 5.287e-02 8.408e-02 1.779e-01 4.847e-01 1.499e-08 +89 EP 5 2.034e-05 3.994e-09 8.405e-03 1.426e-02 1.791e-02 1.349e-02 7.039e-05 8.518e-04 9.894e-04 2.782e-04 2.911e-02 4.381e-02 2.205e-06 2.625e-02 8.446e-01 +89 EP 6 9.562e-02 2.103e-01 3.147e-01 1.786e-01 1.026e-01 5.242e-02 2.872e-02 7.747e-03 7.246e-03 1.939e-03 1.536e-09 1.192e-09 1.080e-09 9.148e-10 7.571e-10 +89 EP 7 6.162e-04 2.792e-02 1.277e-01 1.061e-01 1.183e-01 1.209e-01 1.081e-01 8.936e-02 9.003e-02 7.789e-02 5.737e-02 7.572e-02 2.620e-09 1.152e-09 1.515e-10 +89 EP 8 6.803e-10 2.599e-02 7.539e-02 2.799e-01 1.980e-01 1.061e-01 1.143e-01 8.613e-02 5.492e-02 4.503e-08 5.753e-02 4.666e-09 2.681e-08 1.266e-03 5.212e-04 +89 EP 9 7.209e-11 2.434e-03 1.636e-02 2.162e-02 1.469e-02 3.552e-02 5.096e-02 6.338e-02 6.024e-02 6.272e-02 6.637e-02 1.425e-01 3.502e-01 1.129e-01 4.249e-10 +89 EP 10 4.082e-10 2.040e-03 9.888e-04 2.048e-02 1.838e-02 1.356e-02 2.762e-02 3.946e-09 5.233e-02 2.277e-01 5.564e-01 8.048e-02 3.688e-09 5.401e-09 3.117e-09 +89 EP 11 1.032e-10 4.409e-04 2.386e-08 1.633e-04 9.632e-10 1.122e-02 1.824e-02 1.513e-01 7.031e-01 1.091e-01 5.207e-09 2.013e-09 9.304e-07 6.327e-03 4.475e-09 +89 EP 12 1.263e-10 1.378e-08 2.776e-03 1.280e-02 7.445e-03 3.183e-02 3.772e-02 6.288e-02 7.621e-03 5.613e-02 8.636e-02 6.757e-01 1.877e-02 2.630e-09 6.145e-09 +89 EP 13 3.551e-10 1.287e-03 4.088e-08 1.622e-04 5.433e-08 4.037e-03 7.970e-03 7.289e-03 6.532e-03 2.188e-02 4.386e-02 3.223e-02 8.948e-02 1.961e-01 5.892e-01 +89 EP 14 2.524e-10 6.451e-05 5.946e-02 5.240e-02 6.349e-02 8.733e-02 1.331e-01 2.107e-01 1.703e-01 1.498e-01 5.121e-02 1.566e-06 7.645e-09 2.194e-02 1.032e-04 +89 EP 15 3.030e-09 1.826e-03 1.042e-02 9.267e-03 1.387e-02 3.005e-02 3.644e-02 5.237e-02 4.204e-02 2.298e-09 5.673e-02 3.247e-01 3.372e-01 8.503e-02 1.332e-08 +89 EP 16 6.546e-10 3.946e-03 2.606e-02 1.973e-02 2.905e-02 3.534e-02 3.481e-02 3.998e-02 4.604e-02 4.326e-02 9.933e-02 1.386e-01 1.262e-01 2.509e-01 1.068e-01 +89 TP 1 2.175e-01 1.452e-02 1.700e-03 9.853e-03 1.446e-04 5.208e-11 1.238e-03 1.877e-02 1.717e-01 4.216e-09 1.828e-02 1.086e-02 1.363e-01 4.513e-02 5.354e-02 3.005e-01 +89 TP 2 2.260e-02 2.365e-02 2.963e-02 2.187e-01 6.953e-01 1.032e-10 5.289e-09 4.180e-08 2.311e-04 7.540e-10 2.612e-09 7.131e-03 2.800e-03 1.544e-09 1.141e-08 1.061e-08 +89 TP 3 2.681e-01 2.876e-02 6.316e-03 2.275e-01 4.025e-02 1.838e-04 1.707e-03 2.379e-01 6.501e-07 3.117e-09 1.528e-01 1.445e-02 7.578e-04 2.134e-02 3.496e-08 9.941e-08 +89 TP 4 5.782e-03 8.560e-03 8.404e-04 3.035e-01 1.356e-01 3.893e-11 6.056e-06 7.776e-09 3.062e-04 1.677e-09 6.545e-03 8.146e-10 3.625e-01 1.316e-04 4.593e-09 1.762e-01 +89 TP 5 4.397e-02 2.496e-02 2.497e-09 2.060e-01 2.009e-01 1.417e-11 2.908e-09 3.351e-03 3.002e-09 5.483e-04 9.677e-10 1.881e-03 4.697e-01 2.391e-02 2.475e-02 5.507e-05 +89 TP 6 1.933e-09 1.333e-09 1.964e-09 3.041e-09 1.055e-09 7.988e-01 1.961e-01 3.460e-09 6.393e-09 5.083e-03 1.616e-09 7.289e-09 1.299e-09 4.135e-09 2.840e-09 2.366e-09 +89 TP 7 8.202e-04 3.500e-10 3.176e-08 3.963e-02 6.468e-10 6.825e-03 5.684e-01 4.734e-03 2.896e-01 1.357e-02 1.145e-09 1.562e-09 1.210e-09 7.647e-02 2.215e-09 1.227e-09 +89 TP 8 4.404e-09 8.402e-08 2.514e-02 7.475e-01 1.286e-01 2.010e-10 1.936e-09 4.046e-02 4.880e-02 1.897e-03 4.130e-03 3.451e-03 2.794e-07 1.041e-04 4.365e-09 4.789e-09 +89 TP 9 2.084e-01 2.065e-09 1.235e-02 3.679e-03 2.641e-09 4.633e-10 1.338e-01 1.948e-09 4.291e-01 5.129e-02 3.750e-09 4.685e-03 2.793e-02 6.999e-02 2.153e-02 3.714e-02 +89 TP 10 1.692e-06 2.115e-02 6.408e-09 1.285e-01 2.395e-09 5.142e-05 5.354e-02 4.977e-03 1.075e-01 3.174e-01 9.932e-02 4.086e-02 2.632e-07 2.232e-01 3.492e-03 4.032e-09 +89 TP 11 1.565e-01 5.551e-05 3.964e-02 1.708e-01 6.227e-01 5.252e-04 5.487e-08 3.185e-05 1.024e-08 1.128e-09 1.364e-03 2.531e-09 2.414e-08 2.370e-09 8.418e-03 6.738e-09 +89 TP 12 2.608e-02 3.313e-02 2.439e-09 1.764e-03 2.800e-09 7.130e-04 4.939e-08 1.124e-01 3.479e-09 8.559e-02 4.124e-01 3.076e-01 8.146e-09 2.039e-02 5.195e-09 4.491e-09 +89 TP 13 4.174e-02 1.259e-01 6.703e-03 2.046e-01 2.748e-01 1.437e-11 6.630e-10 2.928e-02 1.632e-09 2.764e-09 4.032e-05 2.432e-03 1.293e-01 1.806e-02 1.672e-01 3.608e-08 +89 TP 14 2.208e-01 1.072e-09 1.053e-05 1.045e-01 9.523e-02 1.381e-10 6.620e-04 1.196e-02 1.868e-01 4.704e-02 8.106e-03 8.083e-03 5.293e-02 2.639e-01 1.984e-09 3.065e-09 +89 TP 15 9.579e-09 2.894e-01 9.391e-02 1.211e-02 4.807e-02 1.300e-10 4.170e-09 2.863e-02 1.445e-02 5.367e-02 2.565e-06 1.440e-01 8.139e-02 8.103e-02 1.382e-01 1.503e-02 +89 TP 16 3.550e-02 4.462e-02 7.769e-02 7.859e-05 7.140e-08 8.177e-11 5.266e-02 2.497e-02 2.858e-03 4.641e-02 1.523e-09 3.264e-02 1.513e-01 1.746e-01 1.483e-08 3.567e-01 +90 IP 1 1.629e-02 +90 IP 2 3.479e-05 +90 IP 3 8.439e-03 +90 IP 4 4.126e-07 +90 IP 5 1.325e-08 +90 IP 6 3.114e-01 +90 IP 7 9.341e-03 +90 IP 8 7.687e-02 +90 IP 9 5.020e-05 +90 IP 10 1.043e-01 +90 IP 11 1.311e-08 +90 IP 12 4.816e-08 +90 IP 13 7.338e-03 +90 IP 14 6.587e-08 +90 IP 15 1.887e-05 +90 IP 16 5.563e-09 +90 IP 17 4.992e-02 +90 IP 18 9.189e-02 +90 IP 19 3.808e-08 +90 IP 20 2.376e-01 +90 IP 21 4.442e-06 +90 IP 22 1.130e-02 +90 IP 23 7.944e-08 +90 IP 24 1.115e-08 +90 IP 25 8.801e-08 +90 IP 26 6.717e-02 +90 IP 27 5.027e-03 +90 IP 28 3.930e-08 +90 IP 29 3.767e-08 +90 IP 30 2.993e-03 +90 EP 1 2.098e-09 2.329e-03 2.864e-03 1.026e-02 8.672e-03 9.836e-03 3.970e-03 8.095e-09 6.427e-03 1.224e-01 8.224e-01 1.094e-02 6.262e-09 5.401e-09 1.991e-08 +90 EP 2 3.805e-09 4.000e-09 1.724e-08 1.091e-07 3.848e-02 3.861e-04 2.878e-05 4.977e-04 9.730e-09 1.947e-08 5.149e-02 1.967e-08 9.872e-08 7.217e-01 1.874e-01 +90 EP 3 2.347e-07 1.000e+00 3.068e-07 3.083e-07 2.900e-07 3.467e-07 3.112e-07 3.159e-07 3.295e-07 3.299e-07 3.153e-07 3.035e-07 3.022e-07 3.188e-07 3.258e-07 +90 EP 4 4.619e-03 1.044e-01 2.060e-01 2.129e-01 1.884e-01 1.291e-01 6.392e-02 4.194e-02 2.536e-02 1.304e-02 4.393e-03 5.368e-03 1.477e-09 5.558e-04 1.468e-09 +90 EP 5 5.438e-09 1.040e-02 7.058e-02 3.751e-01 3.053e-01 7.345e-02 4.984e-02 7.959e-03 7.240e-02 5.405e-07 1.984e-05 6.671e-08 3.477e-02 2.448e-04 9.264e-08 +90 EP 6 3.512e-10 4.669e-04 3.779e-03 4.821e-03 5.807e-03 7.041e-03 3.813e-03 2.463e-03 5.558e-03 1.402e-02 1.899e-02 3.570e-02 2.204e-03 3.252e-02 8.628e-01 +90 EP 7 1.408e-09 2.011e-03 1.449e-03 3.272e-05 5.012e-03 1.810e-02 1.956e-02 6.143e-09 1.106e-01 7.257e-01 1.143e-01 1.274e-08 1.143e-05 2.323e-03 9.535e-04 +90 EP 8 1.339e-09 3.561e-09 7.389e-05 1.746e-05 4.876e-04 1.631e-02 3.571e-02 2.700e-02 2.478e-02 4.160e-03 1.903e-02 6.179e-02 3.462e-02 7.757e-01 3.205e-04 +90 EP 9 1.608e-06 2.069e-03 9.826e-03 1.090e-02 1.317e-02 1.810e-02 2.119e-02 2.607e-02 3.905e-02 5.962e-02 5.100e-02 5.901e-02 8.654e-02 2.249e-01 3.785e-01 +90 EP 10 1.280e-08 1.737e-02 8.424e-02 6.079e-02 8.527e-02 9.261e-02 9.806e-02 8.924e-02 9.922e-02 1.099e-01 1.105e-01 1.057e-01 4.708e-02 1.917e-08 5.301e-09 +90 EP 11 4.374e-09 1.479e-08 1.874e-02 2.316e-02 3.514e-02 3.870e-02 8.069e-02 6.810e-02 2.478e-02 1.023e-06 1.799e-02 6.927e-01 8.214e-08 2.131e-08 3.909e-05 +90 EP 12 1.631e-09 2.361e-03 2.438e-02 2.611e-03 3.615e-04 4.054e-02 2.206e-03 5.623e-04 1.594e-02 3.028e-03 1.643e-01 5.291e-05 4.412e-01 2.986e-01 3.881e-03 +90 EP 13 3.234e-09 9.250e-08 1.305e-02 1.072e-06 3.132e-02 6.402e-02 1.684e-01 5.794e-01 1.438e-01 4.012e-07 1.161e-07 3.446e-08 1.291e-08 3.557e-08 2.214e-08 +90 EP 14 1.147e-09 2.209e-07 3.917e-09 1.493e-02 1.707e-02 2.726e-03 1.712e-02 1.267e-02 5.789e-02 1.084e-01 2.208e-01 3.309e-01 1.312e-01 8.551e-02 7.973e-04 +90 EP 15 1.159e-10 1.644e-03 1.417e-03 5.264e-09 9.129e-07 1.064e-03 3.163e-02 5.798e-02 1.171e-01 6.738e-02 2.347e-02 5.806e-09 3.209e-02 5.963e-01 6.990e-02 +90 EP 16 1.226e-04 2.207e-04 9.249e-08 1.736e-05 8.758e-03 1.220e-07 9.295e-08 5.664e-03 6.858e-02 8.948e-01 1.284e-07 1.828e-07 1.015e-07 2.184e-02 1.090e-07 +90 EP 17 1.704e-09 1.015e-03 8.220e-03 3.273e-04 1.511e-03 1.061e-02 3.090e-02 3.760e-02 1.677e-02 1.537e-08 1.760e-02 4.072e-01 4.677e-01 3.152e-04 2.550e-04 +90 EP 18 4.417e-09 3.501e-04 9.419e-02 2.717e-08 2.220e-04 1.474e-01 1.810e-01 3.314e-05 1.520e-01 1.373e-01 2.402e-01 7.436e-06 1.725e-08 4.730e-02 5.432e-06 +90 EP 19 1.136e-09 4.288e-09 1.175e-02 2.076e-02 1.411e-02 2.428e-02 3.721e-02 6.603e-02 6.678e-02 7.417e-02 5.019e-02 6.714e-02 1.263e-01 2.898e-01 1.516e-01 +90 EP 20 1.907e-01 2.850e-01 3.197e-01 1.341e-01 6.096e-02 8.350e-09 1.040e-08 4.794e-03 4.762e-08 4.844e-03 5.782e-09 4.673e-09 4.302e-09 7.941e-09 4.071e-09 +90 EP 21 1.536e-04 7.308e-03 3.781e-02 3.731e-02 3.383e-02 4.688e-02 5.294e-02 6.533e-02 6.441e-02 6.605e-02 9.382e-02 1.444e-01 1.981e-01 1.516e-01 5.462e-09 +90 EP 22 4.525e-09 5.870e-09 5.772e-08 2.850e-02 4.622e-02 5.227e-02 1.042e-01 1.458e-01 2.593e-01 3.637e-01 2.231e-08 1.252e-08 9.536e-09 1.181e-08 9.743e-09 +90 EP 23 3.321e-09 9.917e-09 1.085e-08 2.148e-03 1.546e-02 1.480e-08 9.739e-08 1.420e-02 3.106e-02 1.715e-02 8.789e-02 1.176e-01 3.686e-01 3.825e-02 3.077e-01 +90 EP 24 1.780e-09 8.713e-09 8.195e-03 2.014e-03 6.104e-03 1.740e-02 1.560e-02 1.050e-02 1.825e-08 2.896e-05 7.020e-02 8.666e-01 7.622e-09 1.194e-08 3.333e-03 +90 EP 25 6.308e-10 5.625e-06 1.744e-03 2.451e-09 1.807e-04 8.513e-03 3.319e-04 4.244e-03 1.286e-07 1.093e-02 2.609e-03 2.867e-03 5.640e-02 1.858e-01 7.264e-01 +90 EP 26 8.159e-10 2.034e-08 1.495e-08 3.830e-06 1.293e-03 3.825e-04 4.526e-03 1.847e-02 5.778e-02 2.907e-02 2.535e-04 9.786e-03 2.036e-01 6.748e-01 5.290e-06 +90 EP 27 7.061e-09 1.139e-08 1.713e-08 2.261e-08 8.210e-03 5.685e-02 5.775e-04 1.218e-02 5.207e-02 1.066e-07 1.969e-02 1.360e-01 5.383e-01 1.761e-01 1.584e-08 +90 EP 28 3.992e-04 2.687e-02 1.135e-01 1.141e-01 9.741e-02 1.128e-01 1.064e-01 8.876e-02 8.138e-02 5.761e-02 7.528e-02 6.636e-02 5.918e-02 9.125e-09 3.519e-09 +90 EP 29 2.443e-09 1.281e-08 6.344e-09 1.332e-08 6.063e-09 6.556e-09 7.985e-09 4.259e-02 8.713e-01 8.572e-02 4.058e-04 5.097e-09 7.318e-09 7.241e-09 8.979e-09 +90 EP 30 1.313e-09 2.566e-09 1.304e-02 1.342e-02 1.553e-02 1.738e-02 3.414e-02 5.072e-02 6.350e-02 6.969e-02 1.089e-01 1.128e-01 1.842e-01 3.122e-01 4.573e-03 +90 TP 1 4.690e-01 2.246e-08 1.843e-09 4.081e-09 3.878e-03 3.149e-03 3.057e-02 4.710e-09 7.003e-03 2.251e-08 3.111e-02 8.822e-09 2.980e-02 3.996e-02 2.333e-08 2.278e-09 1.707e-04 6.385e-09 1.111e-01 3.339e-09 3.638e-02 1.553e-01 7.016e-04 2.034e-02 1.296e-03 4.467e-05 2.017e-08 1.756e-02 4.261e-02 5.749e-09 +90 TP 2 1.758e-03 1.223e-02 1.494e-10 6.382e-09 6.507e-10 1.211e-09 2.480e-06 1.037e-09 1.334e-02 8.761e-09 2.186e-09 2.116e-09 7.942e-10 1.915e-09 2.844e-05 5.209e-05 2.031e-09 8.144e-10 1.420e-09 2.285e-09 9.716e-01 2.961e-09 2.094e-07 2.096e-09 6.203e-04 1.742e-09 8.997e-09 9.082e-09 3.385e-04 4.116e-09 +90 TP 3 3.404e-07 3.216e-07 1.793e-04 2.549e-07 1.166e-01 7.457e-02 2.264e-04 3.183e-02 5.405e-01 2.935e-07 2.533e-07 3.230e-07 1.137e-02 3.039e-07 7.478e-07 2.356e-07 2.889e-07 5.292e-02 1.077e-01 2.514e-07 5.621e-07 3.346e-07 3.616e-07 1.008e-02 1.496e-02 3.368e-07 2.164e-03 2.813e-07 3.694e-02 2.735e-07 +90 TP 4 2.355e-09 9.890e-09 8.190e-10 8.366e-01 1.910e-09 1.919e-09 1.841e-09 2.432e-09 2.685e-02 1.239e-01 7.891e-05 2.016e-09 2.150e-09 1.282e-04 2.721e-08 2.298e-04 1.906e-09 1.949e-09 2.815e-09 3.316e-03 6.253e-08 7.540e-06 2.518e-09 1.706e-09 2.255e-09 2.391e-09 1.930e-09 8.881e-03 1.758e-09 1.979e-09 +90 TP 5 6.191e-08 6.991e-08 2.070e-04 1.603e-08 1.512e-02 1.295e-01 1.861e-02 7.139e-06 1.243e-07 2.222e-08 1.031e-05 3.437e-02 2.193e-02 1.292e-01 5.533e-08 1.514e-03 3.137e-08 6.089e-02 1.030e-01 7.565e-09 6.129e-08 9.646e-08 3.301e-06 1.515e-02 1.433e-06 4.500e-01 2.041e-02 1.229e-04 1.470e-08 2.443e-07 +90 TP 6 3.804e-05 3.608e-06 4.031e-07 6.375e-06 5.591e-03 4.156e-01 2.567e-02 9.262e-02 1.384e-02 2.932e-09 9.013e-04 8.402e-02 1.128e-02 6.048e-02 8.910e-09 5.558e-10 4.772e-02 4.567e-03 4.489e-02 3.992e-10 1.582e-08 1.039e-03 2.584e-04 2.597e-03 1.039e-01 7.396e-02 6.130e-04 1.393e-03 1.141e-06 9.001e-03 +90 TP 7 8.677e-09 1.066e-04 1.581e-09 1.104e-08 7.451e-09 7.279e-01 5.429e-05 9.815e-03 5.222e-07 1.307e-06 6.358e-03 2.712e-02 5.413e-03 2.046e-02 2.107e-02 1.936e-09 2.293e-07 4.376e-06 5.212e-02 2.122e-09 4.075e-07 6.421e-04 7.751e-03 6.659e-08 1.338e-02 6.774e-02 3.912e-07 8.050e-09 4.035e-03 3.607e-02 +90 TP 8 2.070e-02 2.266e-08 5.680e-05 3.096e-09 8.789e-03 6.804e-02 5.100e-03 4.238e-02 3.031e-07 1.292e-08 9.510e-02 2.981e-02 9.495e-03 2.917e-01 1.289e-08 1.967e-09 7.712e-03 2.045e-03 1.055e-02 1.931e-09 3.375e-08 1.341e-02 7.226e-02 8.647e-09 8.242e-02 1.565e-01 3.012e-02 3.883e-05 4.497e-03 4.928e-02 +90 TP 9 5.023e-05 5.689e-08 2.721e-12 8.975e-11 1.726e-11 6.733e-11 3.549e-11 8.302e-10 9.693e-01 3.105e-10 1.393e-09 6.154e-11 2.744e-11 2.361e-10 2.968e-03 6.830e-12 4.880e-05 2.535e-11 4.784e-10 1.305e-11 2.768e-02 5.031e-11 7.433e-11 2.684e-10 5.197e-11 1.043e-10 7.043e-11 8.115e-11 1.898e-11 1.353e-10 +90 TP 10 1.427e-09 8.048e-09 4.091e-06 1.357e-02 5.712e-10 7.606e-10 6.674e-10 2.992e-09 2.603e-08 7.378e-01 6.754e-10 1.551e-09 5.944e-10 1.022e-09 1.434e-08 4.256e-10 5.562e-04 1.261e-09 7.563e-08 7.677e-04 2.467e-01 1.441e-09 1.854e-09 9.901e-10 1.163e-09 5.462e-04 6.277e-05 1.099e-09 1.361e-09 1.717e-09 +90 TP 11 3.022e-01 1.422e-07 1.804e-04 1.318e-08 1.685e-02 1.831e-08 1.030e-01 9.314e-05 3.751e-07 3.766e-08 3.715e-02 2.151e-08 5.046e-02 6.512e-06 6.122e-08 9.007e-09 2.271e-08 1.329e-01 5.265e-06 7.073e-09 5.885e-08 1.655e-01 3.546e-08 9.262e-02 5.983e-08 1.136e-06 1.020e-08 8.528e-02 2.185e-08 1.366e-02 +90 TP 12 9.449e-03 2.620e-08 6.520e-04 3.516e-09 2.887e-03 2.997e-01 6.494e-02 5.332e-02 3.027e-07 2.848e-08 1.079e-08 1.001e-01 5.093e-02 1.639e-01 2.576e-08 2.582e-09 5.280e-02 5.673e-02 9.021e-09 2.795e-09 3.431e-08 1.009e-08 5.055e-06 1.175e-08 6.512e-02 7.935e-02 6.227e-09 9.134e-09 8.492e-05 1.051e-08 +90 TP 13 3.494e-06 3.418e-06 3.454e-09 6.104e-09 3.883e-03 3.166e-01 1.996e-08 7.388e-02 3.682e-07 1.400e-08 1.272e-08 2.318e-05 9.034e-02 1.004e-01 2.670e-02 2.973e-02 9.069e-09 7.949e-02 6.408e-02 6.373e-09 2.587e-08 3.123e-08 3.979e-02 4.638e-06 3.645e-06 8.921e-02 7.630e-09 1.527e-08 1.007e-08 8.591e-02 +90 TP 14 6.800e-02 2.361e-08 1.459e-09 2.941e-09 6.255e-05 1.630e-01 7.652e-02 2.092e-04 1.730e-07 1.007e-08 8.068e-02 3.479e-02 1.633e-02 1.014e-01 2.353e-08 1.788e-09 2.613e-07 4.013e-04 6.405e-03 1.766e-09 2.337e-08 2.658e-07 1.451e-01 3.830e-02 1.909e-01 7.118e-02 4.078e-09 4.010e-04 7.201e-09 6.305e-03 +90 TP 15 1.013e-09 3.265e-01 5.118e-11 3.129e-09 5.905e-10 8.836e-10 9.308e-10 1.118e-09 2.440e-01 5.040e-09 9.709e-10 2.233e-04 3.092e-10 9.079e-10 4.269e-01 3.755e-10 1.641e-09 4.527e-10 1.465e-06 1.639e-05 4.502e-04 1.587e-09 3.463e-09 1.507e-09 1.550e-03 3.118e-04 8.480e-07 1.091e-09 9.711e-09 1.193e-09 +90 TP 16 2.886e-02 4.426e-07 2.492e-05 9.171e-08 1.007e-07 1.356e-07 8.205e-03 1.011e-07 7.114e-07 2.610e-06 1.309e-07 9.717e-08 1.200e-02 1.096e-07 1.957e-07 2.836e-04 1.004e-07 1.116e-07 1.162e-07 9.186e-08 2.542e-07 1.303e-07 1.102e-07 4.208e-01 1.245e-07 1.083e-07 8.692e-08 1.158e-07 5.299e-01 1.028e-07 +90 TP 17 2.544e-02 3.885e-08 5.113e-04 3.191e-09 3.585e-02 1.385e-04 2.786e-01 3.386e-07 3.274e-07 2.117e-08 2.573e-02 3.138e-03 2.144e-02 1.025e-02 3.275e-08 2.934e-09 1.193e-01 5.618e-04 1.597e-08 2.843e-09 6.331e-08 1.377e-08 1.595e-01 2.889e-01 3.070e-02 2.954e-07 5.796e-09 7.670e-08 7.419e-08 4.271e-08 +90 TP 18 6.622e-03 8.784e-07 4.915e-09 1.507e-08 4.832e-02 2.133e-01 3.227e-02 6.345e-02 3.938e-07 4.721e-08 1.585e-08 1.463e-02 1.187e-07 4.552e-02 1.994e-07 5.956e-09 1.778e-08 1.718e-02 2.214e-01 6.130e-09 5.205e-08 4.567e-08 1.727e-03 4.276e-02 3.543e-02 1.340e-01 1.176e-08 1.816e-08 1.360e-02 1.097e-01 +90 TP 19 1.328e-06 3.096e-08 9.504e-10 2.815e-09 6.454e-05 1.731e-02 9.720e-09 2.036e-01 8.977e-08 8.306e-09 5.566e-09 1.077e-02 5.074e-09 2.203e-02 1.625e-08 1.545e-09 1.064e-05 2.033e-08 4.638e-01 1.272e-09 2.393e-08 6.062e-09 9.375e-03 2.241e-02 6.539e-09 1.863e-01 6.426e-02 3.523e-09 2.356e-05 6.319e-09 +90 TP 20 5.280e-09 4.343e-08 3.741e-09 3.518e-03 6.916e-09 1.049e-03 5.481e-09 5.541e-09 2.047e-06 2.516e-01 5.950e-09 8.002e-09 6.250e-09 6.813e-09 6.361e-07 4.737e-09 7.092e-09 6.070e-09 8.233e-09 7.295e-01 1.128e-07 2.119e-08 1.668e-08 6.904e-09 7.808e-09 7.639e-09 6.665e-09 1.440e-02 7.065e-09 6.104e-09 +90 TP 21 4.717e-08 2.741e-08 1.189e-11 5.445e-04 3.565e-10 2.876e-10 2.252e-10 3.253e-10 1.183e-01 1.661e-02 5.419e-10 7.437e-10 1.252e-10 3.214e-10 1.046e-01 8.991e-11 9.382e-05 1.216e-10 1.295e-07 1.084e-04 7.591e-01 4.102e-04 3.145e-10 1.779e-04 2.951e-10 4.232e-05 5.352e-10 1.520e-10 1.412e-05 1.698e-10 +90 TP 22 1.338e-01 2.815e-02 2.233e-09 1.626e-02 1.576e-08 3.851e-08 6.291e-07 8.754e-03 3.905e-07 2.069e-02 7.009e-09 1.230e-02 1.410e-07 1.291e-08 5.472e-02 4.218e-09 7.626e-09 2.123e-03 1.340e-01 7.728e-03 4.977e-07 3.474e-01 9.607e-06 2.002e-08 3.512e-02 1.862e-03 8.641e-07 3.963e-02 3.965e-03 1.535e-01 +90 TP 23 9.997e-07 5.164e-08 4.440e-04 3.004e-03 4.409e-02 1.765e-03 2.606e-02 2.244e-02 3.457e-01 1.863e-08 1.419e-08 1.126e-01 4.871e-02 8.959e-02 4.204e-08 4.297e-09 1.749e-08 1.199e-02 2.307e-07 4.820e-09 1.132e-07 1.194e-08 5.350e-08 7.865e-02 1.449e-04 1.068e-01 8.895e-09 1.851e-05 1.081e-01 1.518e-08 +90 TP 24 2.274e-02 4.277e-06 7.184e-05 4.429e-09 1.875e-02 3.231e-09 9.562e-03 7.453e-09 4.742e-02 3.716e-03 6.874e-05 7.391e-09 2.923e-02 6.231e-09 1.091e-08 3.769e-03 2.095e-03 5.199e-09 2.326e-08 3.008e-09 2.329e-02 5.587e-09 2.237e-08 4.616e-01 3.435e-09 1.350e-08 3.998e-09 1.880e-05 3.770e-01 6.569e-04 +90 TP 25 9.482e-05 1.995e-08 1.593e-04 2.334e-09 3.951e-02 1.345e-03 1.283e-01 1.248e-02 3.063e-07 6.445e-09 2.225e-02 7.334e-02 3.073e-02 1.162e-02 1.031e-08 9.524e-10 1.728e-01 2.999e-02 5.238e-04 8.099e-10 2.348e-08 1.011e-03 1.392e-06 3.363e-02 2.973e-01 7.682e-02 4.077e-09 1.896e-02 4.263e-03 4.491e-02 +90 TP 26 8.251e-03 1.522e-08 4.972e-04 2.035e-09 2.032e-07 2.162e-01 2.013e-03 6.541e-02 1.543e-07 9.020e-09 3.505e-08 1.945e-02 6.901e-03 8.024e-02 8.976e-09 1.244e-09 6.481e-04 3.784e-02 1.857e-05 1.269e-09 3.029e-08 5.246e-09 2.923e-03 6.987e-09 2.994e-01 9.806e-02 3.928e-08 3.889e-08 4.994e-09 1.621e-01 +90 TP 27 2.262e-01 3.099e-07 6.444e-04 7.623e-07 1.979e-04 3.232e-07 1.597e-04 2.347e-05 1.429e-04 9.489e-08 5.567e-02 1.242e-03 2.936e-08 7.829e-03 1.125e-07 1.643e-08 3.976e-02 1.613e-02 3.872e-08 9.535e-09 1.551e-07 8.631e-03 2.668e-05 2.787e-08 1.307e-03 7.435e-06 1.063e-01 1.899e-05 2.438e-08 5.357e-01 +90 TP 28 1.257e-02 2.217e-08 1.248e-09 8.489e-03 1.165e-03 2.593e-03 3.952e-09 5.249e-03 1.072e-07 1.327e-08 2.762e-07 8.534e-05 1.258e-02 3.533e-07 2.088e-08 2.586e-09 7.907e-04 7.535e-09 2.645e-01 2.877e-03 1.923e-08 6.621e-02 8.089e-03 6.579e-09 7.346e-09 1.140e-02 4.846e-02 5.459e-01 6.126e-07 9.019e-03 +90 TP 29 1.396e-04 8.640e-02 2.601e-09 6.883e-09 5.502e-03 7.202e-01 9.290e-09 3.255e-02 3.141e-07 9.800e-09 5.316e-09 1.749e-08 6.274e-09 9.853e-09 9.722e-07 3.274e-09 6.922e-09 8.023e-09 4.164e-05 1.300e-08 3.074e-08 5.954e-09 1.203e-02 4.216e-03 2.999e-08 1.389e-01 9.088e-09 1.458e-08 1.188e-08 1.438e-08 +90 TP 30 3.048e-04 4.871e-08 4.906e-04 3.602e-09 2.297e-02 4.485e-05 5.280e-02 2.435e-07 3.477e-07 1.619e-08 1.562e-03 7.886e-09 5.680e-02 2.321e-04 1.660e-08 1.622e-09 1.044e-08 4.955e-04 8.993e-08 1.853e-09 3.847e-08 3.928e-02 1.887e-07 3.730e-02 5.805e-02 4.243e-06 4.042e-09 3.176e-01 4.877e-07 4.120e-01 From af36d77d1b6a084ea77ba13a988fc0bdefc302b2 Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Sat, 2 Dec 2023 15:13:23 -0500 Subject: [PATCH 11/44] insilicosv-demo-env: added minimap2 --- workflows/insilicosv-demo-env.yml | 4 +++- 1 file changed, 3 insertions(+), 1 deletion(-) diff --git a/workflows/insilicosv-demo-env.yml b/workflows/insilicosv-demo-env.yml index 9700bd1..b5ae6a5 100644 --- a/workflows/insilicosv-demo-env.yml +++ b/workflows/insilicosv-demo-env.yml @@ -1,4 +1,4 @@ -name: insilicosv-demo-env +name: run-insilicosv-008-env channels: - conda-forge - bioconda @@ -113,6 +113,7 @@ dependencies: - jupyterlab=4.0.9=pyhd8ed1ab_0 - jupyterlab_pygments=0.3.0=pyhd8ed1ab_0 - jupyterlab_server=2.25.2=pyhd8ed1ab_0 + - k8=0.2.5=hdcf5f25_4 - keyutils=1.6.1=h166bdaf_0 - kiwisolver=1.4.5=py38h7f3f72f_1 - krb5=1.21.2=h659d440_0 @@ -158,6 +159,7 @@ dependencies: - matplotlib-base=3.2.2=py38h5d868c9_1 - matplotlib-inline=0.1.6=pyhd8ed1ab_0 - mdurl=0.1.0=pyhd8ed1ab_0 + - minimap2=2.26=he4a0461_2 - mistune=3.0.2=pyhd8ed1ab_0 - multidict=6.0.4=py38h01eb140_1 - nb_conda_kernels=2.3.1=pyhd8ed1ab_3 From d82a5c167de3ce582279ef621aadfda78ffa8dd4 Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Sat, 2 Dec 2023 15:15:11 -0500 Subject: [PATCH 12/44] use pbsim3 model from the pbsim3 conda package --- workflows/demo.ipynb | 2 +- workflows/pbsim3_models/QSHMM-RSII.model | 1245 ---------------------- 2 files changed, 1 insertion(+), 1246 deletions(-) delete mode 100644 workflows/pbsim3_models/QSHMM-RSII.model diff --git a/workflows/demo.ipynb b/workflows/demo.ipynb index 8274006..90e9ae5 100644 --- a/workflows/demo.ipynb +++ b/workflows/demo.ipynb @@ -228,7 +228,7 @@ "source": [ "%%sh\n", "COVERAGE=10\n", - "pbsim --strategy wgs --method qshmm --qshmm pbsim3_models/QSHMM-RSII.model --depth $COVERAGE --accuracy-mean 0.999 --accuracy-min 0.99 --length-min 18000 --length-mean 20000 --length-max 22000 --genome output/sim.fa --prefix output/sim_lr" + "pbsim --strategy wgs --method qshmm --qshmm $CONDA_PREFIX/data/QSHMM-RSII.model --depth $COVERAGE --accuracy-mean 0.999 --accuracy-min 0.99 --length-min 18000 --length-mean 20000 --length-max 22000 --genome output/sim.fa --prefix output/sim_lr" ] }, { diff --git a/workflows/pbsim3_models/QSHMM-RSII.model b/workflows/pbsim3_models/QSHMM-RSII.model deleted file mode 100644 index 711727a..0000000 --- a/workflows/pbsim3_models/QSHMM-RSII.model +++ /dev/null @@ -1,1245 +0,0 @@ -75 IP 1 1.338e-01 -75 IP 2 1.369e-06 -75 IP 3 6.609e-09 -75 IP 4 2.906e-02 -75 IP 5 2.701e-03 -75 IP 6 7.822e-08 -75 IP 7 6.688e-02 -75 IP 8 1.081e-07 -75 IP 9 1.918e-01 -75 IP 10 2.488e-03 -75 IP 11 6.083e-08 -75 IP 12 2.375e-08 -75 IP 13 7.304e-09 -75 IP 14 1.132e-01 -75 IP 15 1.611e-08 -75 IP 16 1.958e-02 -75 IP 17 4.307e-03 -75 IP 18 7.999e-03 -75 IP 19 1.674e-02 -75 IP 20 4.976e-03 -75 IP 21 1.176e-08 -75 IP 22 1.763e-02 -75 IP 23 3.090e-08 -75 IP 24 1.400e-02 -75 IP 25 2.159e-02 -75 IP 26 2.566e-01 -75 IP 27 1.671e-03 -75 IP 28 1.834e-07 -75 IP 29 9.497e-02 -75 EP 1 1.630e-03 6.416e-02 9.181e-02 8.113e-02 1.033e-01 1.109e-01 9.586e-02 8.324e-02 7.005e-02 7.178e-02 8.692e-02 8.998e-02 4.922e-02 2.251e-10 1.527e-10 2.561e-11 -75 EP 2 8.614e-10 4.020e-03 1.861e-02 1.557e-02 3.387e-02 7.323e-02 6.023e-02 7.411e-02 9.743e-02 1.073e-01 2.311e-01 2.609e-01 2.355e-02 1.006e-04 6.716e-10 6.700e-10 -75 EP 3 1.430e-03 3.974e-03 9.667e-03 1.025e-03 4.632e-04 1.546e-06 3.175e-08 2.755e-08 1.886e-01 3.086e-01 3.329e-01 1.231e-07 8.666e-05 1.532e-01 5.542e-09 4.846e-09 -75 EP 4 1.430e-10 3.782e-09 1.296e-09 9.611e-09 1.416e-02 4.373e-02 6.855e-02 1.315e-01 8.423e-02 5.003e-02 2.061e-06 1.298e-02 2.842e-01 3.106e-01 8.873e-10 4.095e-11 -75 EP 5 1.177e-05 3.426e-03 9.217e-03 1.352e-02 1.724e-02 2.222e-02 3.051e-02 3.497e-02 7.257e-02 9.071e-02 6.614e-02 8.880e-02 7.982e-02 1.939e-01 2.770e-01 2.369e-11 -75 EP 6 6.093e-05 8.183e-03 3.715e-02 3.784e-02 3.524e-02 5.339e-02 5.899e-02 7.123e-02 7.024e-02 5.045e-02 9.571e-02 9.552e-02 1.311e-01 2.549e-01 1.515e-09 1.399e-11 -75 EP 7 1.322e-10 7.626e-03 7.278e-02 1.001e-01 1.429e-01 1.739e-01 1.468e-01 1.163e-01 7.798e-02 5.769e-02 5.362e-02 5.020e-02 3.343e-09 2.871e-10 1.495e-11 5.076e-12 -75 EP 8 6.592e-04 3.140e-02 7.891e-02 3.377e-02 2.095e-03 1.131e-02 6.668e-02 1.143e-01 1.821e-01 1.995e-01 1.793e-01 1.001e-01 2.078e-08 8.882e-10 6.553e-11 1.628e-11 -75 EP 9 2.692e-01 3.306e-01 1.915e-01 8.221e-02 5.472e-02 3.250e-02 1.497e-02 1.107e-02 9.262e-03 3.475e-03 4.529e-04 3.336e-10 2.655e-10 2.611e-10 2.585e-10 2.581e-10 -75 EP 10 2.962e-09 7.223e-10 2.569e-02 6.427e-02 1.110e-01 1.340e-01 1.603e-01 1.396e-01 1.258e-01 1.495e-01 8.829e-02 1.638e-03 1.289e-10 8.903e-11 8.253e-11 8.247e-11 -75 EP 11 1.052e-03 4.421e-02 4.410e-02 3.052e-02 2.769e-02 4.084e-02 3.769e-02 5.413e-02 7.253e-02 7.039e-02 8.037e-02 1.113e-01 1.918e-01 1.888e-01 4.533e-03 2.440e-11 -75 EP 12 9.508e-10 1.961e-02 2.829e-02 2.149e-02 2.395e-02 2.884e-02 2.409e-02 2.251e-02 4.135e-02 6.107e-02 6.300e-02 7.309e-02 8.692e-02 2.618e-01 2.440e-01 1.020e-10 -75 EP 13 1.686e-04 3.022e-09 3.559e-09 1.283e-04 8.551e-02 1.135e-01 1.087e-01 7.453e-02 7.660e-02 1.087e-01 2.178e-01 2.144e-01 1.124e-08 2.686e-09 2.642e-09 2.639e-09 -75 EP 14 2.503e-02 2.926e-01 3.438e-01 1.656e-01 7.510e-02 4.545e-02 2.698e-02 1.588e-02 6.643e-03 2.976e-03 1.932e-08 1.941e-10 7.749e-11 6.705e-11 6.517e-11 6.439e-11 -75 EP 15 6.258e-04 9.792e-03 4.378e-02 4.453e-02 6.260e-02 7.680e-02 7.957e-02 7.578e-02 8.432e-02 9.280e-02 1.529e-01 1.922e-01 7.771e-02 6.555e-03 1.163e-10 2.012e-11 -75 EP 16 3.599e-04 5.557e-03 1.337e-02 3.257e-03 6.768e-03 1.970e-02 2.992e-02 2.940e-02 4.407e-09 1.054e-02 1.576e-01 3.234e-01 1.538e-01 1.019e-01 1.445e-01 9.961e-11 -75 EP 17 1.165e-10 5.515e-03 2.645e-03 6.344e-03 1.376e-02 2.092e-02 3.298e-02 4.506e-02 4.348e-02 2.589e-04 3.198e-02 5.674e-02 1.802e-01 5.086e-01 5.156e-02 3.887e-11 -75 EP 18 7.497e-10 1.733e-08 1.310e-02 2.238e-02 2.615e-02 2.473e-02 2.310e-03 6.927e-03 1.583e-05 7.687e-02 9.995e-02 2.691e-01 3.920e-01 6.647e-02 7.014e-10 6.815e-10 -75 EP 19 9.081e-10 5.634e-03 2.330e-02 1.805e-02 3.082e-02 3.986e-02 5.543e-02 9.570e-02 1.071e-01 1.380e-01 9.537e-02 4.974e-02 1.381e-01 1.978e-01 5.105e-03 2.383e-11 -75 EP 20 3.613e-03 7.455e-02 1.814e-01 1.487e-01 1.337e-01 1.110e-01 9.090e-02 7.476e-02 6.646e-02 6.342e-02 4.436e-02 7.097e-03 2.534e-11 1.373e-11 1.012e-11 8.597e-12 -75 EP 21 7.648e-10 6.465e-03 1.452e-02 1.390e-02 1.115e-02 1.458e-02 2.024e-02 4.934e-02 7.141e-02 5.589e-02 7.159e-02 7.642e-02 1.749e-01 3.970e-01 2.250e-02 7.489e-10 -75 EP 22 1.209e-03 2.113e-02 9.786e-02 1.190e-01 1.438e-01 1.399e-01 1.346e-01 1.126e-01 8.499e-02 8.551e-02 5.927e-02 2.146e-05 7.139e-10 6.192e-10 6.115e-10 6.113e-10 -75 EP 23 1.053e-09 1.536e-09 2.218e-03 4.308e-09 4.168e-09 2.942e-05 2.419e-02 5.285e-07 7.110e-08 2.964e-02 1.207e-01 3.439e-01 4.793e-01 1.926e-09 9.301e-11 2.152e-11 -75 EP 24 1.139e-05 5.525e-03 1.580e-02 1.418e-02 1.519e-02 1.994e-02 1.919e-02 2.086e-02 3.173e-02 6.423e-02 5.784e-02 5.280e-02 8.112e-02 1.789e-01 4.227e-01 2.992e-05 -75 EP 25 8.201e-03 9.092e-02 2.691e-01 2.372e-01 1.657e-01 1.085e-01 6.491e-02 3.435e-02 2.128e-02 2.591e-09 2.528e-10 5.929e-10 1.366e-10 1.109e-10 1.097e-10 1.097e-10 -75 EP 26 2.430e-03 1.224e-01 3.362e-01 2.439e-01 1.587e-01 6.202e-02 2.024e-02 1.379e-02 1.416e-02 1.194e-02 1.420e-02 9.105e-10 1.870e-10 1.836e-10 2.951e-11 1.913e-11 -75 EP 27 1.377e-09 2.339e-02 4.431e-02 3.173e-02 3.402e-02 9.817e-02 2.192e-01 2.411e-01 1.621e-01 3.326e-02 1.915e-05 2.950e-07 1.127e-01 2.021e-08 1.303e-09 1.274e-09 -75 EP 28 1.724e-09 1.999e-02 1.773e-02 2.804e-02 3.079e-02 3.619e-02 4.921e-02 9.396e-02 3.164e-01 2.843e-01 7.799e-02 1.199e-08 1.202e-02 3.343e-02 2.248e-07 4.119e-10 -75 EP 29 2.213e-04 1.794e-02 7.194e-02 6.408e-02 7.059e-02 8.162e-02 8.492e-02 8.994e-02 9.219e-02 1.228e-01 1.095e-01 9.959e-02 9.162e-02 3.005e-03 7.458e-10 2.850e-11 -75 TP 1 8.670e-01 8.023e-11 1.048e-10 1.144e-09 2.441e-10 6.880e-10 7.149e-10 8.742e-10 9.768e-04 8.682e-11 1.269e-01 3.008e-09 3.193e-08 3.514e-03 8.539e-10 3.468e-09 7.642e-04 5.556e-05 4.083e-10 1.721e-09 1.318e-10 8.586e-11 5.152e-04 2.820e-10 1.387e-10 7.171e-10 7.705e-05 2.711e-10 2.281e-04 -75 TP 2 9.976e-04 3.883e-01 1.241e-03 1.129e-06 1.985e-09 4.401e-09 2.607e-08 4.807e-05 2.427e-03 3.054e-01 2.398e-09 9.932e-10 3.204e-09 1.136e-04 5.089e-09 1.337e-09 1.595e-09 4.876e-02 5.940e-09 4.818e-09 1.842e-07 1.687e-01 2.548e-08 9.789e-10 1.987e-02 2.391e-03 6.183e-02 9.924e-10 1.340e-09 -75 TP 3 2.832e-08 4.103e-06 3.299e-01 7.087e-08 1.000e-05 6.085e-08 7.353e-08 3.519e-02 2.420e-08 2.288e-08 3.200e-04 1.236e-08 1.446e-07 3.112e-04 3.370e-08 6.346e-08 1.253e-07 8.443e-08 4.812e-08 1.532e-08 1.447e-01 1.644e-08 4.463e-08 1.250e-08 9.040e-09 3.269e-08 4.896e-01 2.389e-08 9.945e-07 -75 TP 4 2.755e-09 1.256e-10 1.897e-10 1.770e-01 9.736e-02 7.035e-01 8.397e-07 2.721e-09 9.669e-11 1.168e-10 1.643e-09 1.124e-09 2.346e-10 1.232e-10 6.489e-10 8.511e-10 4.616e-03 3.482e-10 2.602e-09 2.661e-10 3.115e-10 1.217e-10 1.363e-02 2.748e-03 9.617e-11 1.093e-09 3.145e-08 1.138e-03 7.272e-10 -75 TP 5 6.101e-10 3.501e-11 4.505e-11 3.649e-09 7.034e-01 2.779e-01 2.201e-09 1.262e-09 4.580e-11 3.635e-11 1.010e-09 3.980e-10 4.002e-11 8.350e-11 4.522e-10 7.988e-10 7.223e-10 8.987e-11 1.872e-02 3.025e-10 1.604e-05 3.434e-11 2.599e-08 8.418e-10 2.094e-06 7.821e-10 4.668e-11 5.346e-10 1.683e-09 -75 TP 6 3.760e-10 5.205e-11 1.064e-10 2.437e-09 1.300e-01 5.820e-01 2.425e-09 8.039e-09 3.920e-11 4.001e-11 4.203e-10 2.767e-10 6.275e-11 8.631e-11 1.013e-09 4.687e-10 6.030e-10 2.706e-10 1.599e-01 3.159e-10 1.641e-10 3.401e-11 1.281e-01 6.459e-10 2.381e-11 4.456e-10 6.426e-11 3.469e-10 3.971e-10 -75 TP 7 1.279e-10 6.635e-09 1.018e-10 6.152e-02 6.603e-10 8.109e-10 6.298e-01 1.185e-01 1.010e-04 6.386e-11 1.472e-10 7.888e-11 2.991e-10 2.260e-10 3.129e-10 1.794e-10 2.304e-10 4.281e-11 4.215e-10 4.980e-10 2.012e-11 2.182e-09 1.157e-01 8.271e-11 1.310e-10 7.439e-02 5.359e-11 1.289e-10 1.191e-10 -75 TP 8 9.337e-10 6.134e-05 5.400e-10 1.218e-01 1.331e-02 1.487e-08 2.913e-01 4.235e-01 3.986e-10 1.713e-10 1.915e-09 1.766e-09 1.641e-10 3.700e-03 7.142e-10 5.651e-10 3.270e-10 3.505e-10 4.141e-09 8.551e-03 1.182e-10 2.141e-10 5.847e-02 1.811e-10 2.057e-10 7.894e-02 2.910e-04 3.270e-10 4.124e-10 -75 TP 9 1.327e-02 7.648e-10 7.618e-10 7.233e-10 5.716e-10 1.349e-09 1.414e-07 2.936e-03 9.075e-01 1.607e-02 9.849e-10 4.376e-10 1.195e-03 3.883e-03 4.542e-09 6.626e-10 4.344e-10 3.074e-10 1.588e-09 2.791e-02 3.048e-10 2.199e-03 5.917e-04 3.485e-10 1.492e-02 5.727e-09 4.481e-10 4.977e-10 9.488e-03 -75 TP 10 1.893e-05 3.444e-02 2.309e-10 1.569e-04 2.187e-10 9.098e-10 6.419e-09 1.184e-08 4.796e-03 7.559e-01 3.414e-10 1.580e-10 4.471e-05 2.896e-04 3.225e-09 3.032e-10 1.221e-09 7.555e-07 1.390e-09 3.273e-09 2.013e-10 3.136e-09 3.127e-09 1.974e-10 2.013e-01 4.871e-09 3.033e-03 1.793e-10 8.688e-10 -75 TP 11 1.184e-01 4.761e-08 9.898e-05 1.415e-09 4.421e-09 1.298e-09 7.737e-10 1.394e-09 9.740e-11 1.839e-09 8.018e-01 7.620e-02 2.366e-10 3.467e-10 1.656e-03 5.944e-10 6.671e-09 1.575e-10 8.960e-10 1.902e-03 1.182e-10 7.194e-11 1.142e-08 3.496e-09 4.054e-07 8.393e-10 1.320e-10 4.416e-10 8.092e-10 -75 TP 12 2.872e-08 9.302e-11 9.272e-11 2.562e-05 1.228e-03 7.445e-09 1.968e-08 1.396e-09 9.071e-11 8.751e-11 1.638e-01 8.337e-01 1.188e-10 2.156e-10 8.012e-10 9.388e-10 1.686e-08 8.544e-11 4.874e-09 5.900e-10 1.361e-10 2.208e-05 7.375e-10 1.581e-09 1.071e-10 1.193e-03 1.100e-10 7.228e-10 1.165e-09 -75 TP 13 3.546e-08 4.496e-01 1.198e-08 1.505e-02 4.609e-09 1.126e-08 8.801e-08 6.985e-07 4.433e-09 4.347e-08 2.609e-03 3.453e-09 3.792e-01 8.181e-09 9.103e-09 6.201e-07 2.095e-04 1.491e-01 1.006e-08 7.138e-09 4.096e-03 1.264e-08 8.669e-05 3.199e-09 6.187e-09 7.708e-08 3.156e-08 3.305e-09 4.341e-09 -75 TP 14 8.198e-03 2.554e-10 1.921e-10 6.601e-10 1.547e-10 5.742e-10 7.358e-03 1.128e-07 1.601e-03 6.142e-10 6.156e-10 1.867e-10 2.255e-09 8.854e-01 1.661e-09 5.415e-10 2.434e-10 1.550e-10 3.231e-10 8.636e-02 9.232e-11 3.034e-04 3.788e-10 1.527e-10 2.549e-03 4.082e-03 1.508e-10 1.861e-10 4.125e-03 -75 TP 15 2.540e-09 1.145e-10 1.397e-10 9.538e-03 1.910e-10 7.739e-10 1.945e-09 1.504e-09 6.273e-04 3.550e-10 2.062e-03 3.831e-04 7.669e-11 1.592e-03 8.044e-01 1.739e-10 5.072e-10 1.046e-06 5.656e-10 1.669e-01 1.005e-09 1.045e-10 1.279e-03 9.886e-10 2.901e-10 1.328e-02 1.529e-10 2.024e-10 2.174e-10 -75 TP 16 1.473e-09 1.292e-10 3.426e-04 8.500e-10 1.322e-09 1.102e-09 1.332e-09 1.641e-09 1.741e-10 7.158e-06 8.550e-10 8.781e-10 1.157e-10 4.050e-10 8.442e-10 4.465e-01 4.764e-04 1.508e-10 1.588e-09 5.145e-10 5.333e-10 9.327e-11 7.979e-10 3.725e-03 1.464e-10 3.594e-09 1.574e-10 4.106e-01 1.384e-01 -75 TP 17 5.501e-10 2.482e-07 6.324e-10 1.245e-09 2.102e-09 3.627e-09 9.454e-08 6.420e-10 1.236e-05 3.612e-05 6.016e-10 9.411e-10 3.124e-10 1.367e-10 2.233e-04 1.117e-01 4.503e-01 2.346e-04 4.062e-04 1.801e-04 2.048e-06 4.269e-11 4.126e-03 1.443e-01 4.258e-11 9.122e-05 8.751e-11 4.194e-02 2.464e-01 -75 TP 18 7.283e-07 1.020e-01 8.665e-02 1.517e-08 1.699e-05 8.391e-09 1.086e-08 6.546e-08 8.296e-10 4.568e-07 1.673e-04 1.260e-09 4.306e-06 1.056e-09 6.255e-09 4.173e-09 8.458e-09 5.117e-01 7.491e-09 2.238e-09 6.150e-02 9.874e-03 8.628e-09 2.223e-09 7.548e-09 2.824e-09 2.216e-01 1.298e-09 6.484e-03 -75 TP 19 5.999e-10 2.058e-10 2.861e-10 3.072e-09 6.486e-05 1.784e-08 3.511e-01 5.187e-02 6.901e-11 1.890e-10 7.227e-10 5.160e-10 1.412e-10 4.814e-10 2.422e-05 9.795e-10 6.452e-10 2.800e-10 5.768e-01 2.400e-09 1.575e-10 1.303e-10 3.403e-04 4.657e-10 7.108e-11 1.974e-02 5.845e-09 5.044e-10 1.670e-09 -75 TP 20 4.069e-04 6.039e-11 2.990e-11 1.860e-10 3.532e-11 1.174e-10 1.493e-03 6.221e-08 2.600e-04 1.926e-10 4.099e-10 1.058e-10 4.539e-11 1.020e-02 7.852e-02 4.257e-05 7.112e-11 3.439e-11 1.061e-10 9.083e-01 1.802e-11 4.697e-11 2.768e-10 3.885e-06 1.164e-04 4.372e-04 3.544e-11 1.801e-10 2.417e-04 -75 TP 21 3.426e-09 5.435e-03 6.971e-07 2.277e-07 5.828e-03 1.020e-05 6.136e-08 1.138e-08 8.321e-10 1.388e-09 5.306e-03 1.468e-06 2.688e-04 1.322e-09 2.743e-03 8.105e-09 1.585e-02 1.068e-01 2.139e-08 8.765e-04 8.320e-01 5.242e-04 1.610e-08 8.154e-09 9.168e-10 3.029e-09 2.444e-02 3.141e-09 1.221e-06 -75 TP 22 2.547e-09 3.120e-02 1.166e-09 1.806e-09 7.903e-10 1.352e-09 1.078e-08 1.139e-07 2.643e-03 4.017e-09 1.242e-09 7.016e-10 1.248e-01 6.706e-04 1.498e-09 8.298e-10 8.478e-10 3.077e-09 1.412e-09 1.335e-09 9.490e-10 8.272e-01 1.485e-08 6.675e-10 2.452e-09 6.185e-03 7.269e-03 6.927e-10 1.009e-09 -75 TP 23 3.391e-09 1.305e-10 4.823e-07 3.836e-07 1.730e-09 2.073e-02 3.669e-01 2.125e-01 7.659e-11 2.175e-10 1.134e-03 8.314e-10 1.906e-10 4.791e-10 1.103e-02 3.692e-04 3.672e-09 3.062e-04 1.188e-01 2.279e-03 4.472e-04 8.234e-09 2.223e-01 8.215e-10 1.804e-09 4.310e-02 1.206e-09 4.050e-10 5.514e-10 -75 TP 24 8.204e-05 2.001e-11 3.185e-11 1.578e-09 4.879e-10 2.997e-04 6.861e-04 3.105e-10 2.167e-11 2.162e-11 2.219e-08 4.744e-04 1.810e-11 3.070e-11 1.330e-10 5.422e-02 1.283e-01 3.603e-11 1.027e-09 5.226e-11 2.742e-10 1.657e-11 3.156e-08 8.159e-01 1.736e-11 4.452e-05 2.239e-11 6.555e-08 2.474e-09 -75 TP 25 1.515e-09 1.224e-09 2.684e-10 2.808e-10 1.605e-10 3.148e-10 4.630e-09 1.579e-09 8.452e-03 2.686e-01 2.691e-10 1.429e-10 2.835e-03 3.332e-03 3.439e-09 1.853e-10 1.635e-10 3.211e-08 5.273e-10 1.232e-07 1.439e-10 8.079e-10 7.321e-10 2.127e-10 7.168e-01 5.008e-09 3.669e-10 1.820e-10 5.551e-10 -75 TP 26 4.113e-10 1.770e-10 1.303e-10 6.704e-10 2.407e-10 5.179e-10 4.389e-01 2.439e-06 2.224e-10 1.805e-10 2.684e-10 1.521e-10 4.269e-10 6.439e-10 1.533e-09 2.483e-10 6.619e-10 7.548e-11 3.358e-10 4.492e-03 9.609e-11 5.618e-06 1.505e-09 8.555e-11 1.284e-06 5.564e-01 5.400e-11 1.946e-04 4.934e-10 -75 TP 27 9.002e-09 1.451e-01 5.826e-07 1.577e-02 1.402e-03 1.139e-08 1.755e-08 6.045e-08 2.565e-09 1.075e-04 8.053e-09 2.467e-09 3.726e-06 3.095e-09 5.584e-09 3.337e-09 8.488e-09 5.245e-01 1.283e-08 4.838e-09 1.048e-01 6.097e-05 8.624e-04 2.400e-09 4.605e-09 6.249e-09 2.074e-01 2.436e-09 5.144e-09 -75 TP 28 2.882e-09 2.195e-10 2.348e-08 8.064e-05 2.982e-07 9.670e-09 2.100e-09 5.626e-09 7.839e-10 4.156e-10 2.747e-09 3.460e-09 2.401e-10 4.023e-10 1.854e-09 3.884e-02 2.033e-01 2.960e-05 4.948e-06 1.066e-09 1.127e-03 1.675e-10 3.582e-07 7.566e-01 2.065e-10 9.444e-10 2.342e-10 1.878e-08 6.881e-06 -75 TP 29 1.512e-09 5.462e-11 7.448e-11 1.079e-07 1.024e-09 1.243e-09 9.000e-10 1.444e-09 9.591e-04 7.588e-08 4.072e-10 3.395e-10 5.298e-11 2.150e-03 6.532e-10 1.790e-03 2.839e-01 5.835e-11 6.854e-10 1.807e-05 1.246e-10 5.493e-11 3.204e-09 2.734e-09 1.400e-10 1.391e-09 5.526e-11 2.387e-02 6.873e-01 -76 IP 1 1.787e-08 -76 IP 2 4.337e-02 -76 IP 3 4.680e-02 -76 IP 4 3.162e-02 -76 IP 5 3.478e-02 -76 IP 6 1.676e-02 -76 IP 7 4.236e-02 -76 IP 8 1.799e-03 -76 IP 9 1.673e-08 -76 IP 10 5.129e-07 -76 IP 11 1.587e-08 -76 IP 12 2.981e-08 -76 IP 13 3.266e-02 -76 IP 14 1.193e-02 -76 IP 15 5.236e-08 -76 IP 16 2.967e-02 -76 IP 17 8.046e-08 -76 IP 18 1.771e-08 -76 IP 19 5.066e-03 -76 IP 20 1.739e-01 -76 IP 21 5.775e-03 -76 IP 22 9.917e-02 -76 IP 23 9.664e-09 -76 IP 24 9.329e-09 -76 IP 25 2.647e-02 -76 IP 26 6.496e-09 -76 IP 27 8.874e-02 -76 IP 28 1.810e-08 -76 IP 29 2.481e-08 -76 IP 30 8.822e-09 -76 IP 31 6.894e-08 -76 IP 32 5.020e-03 -76 IP 33 3.631e-08 -76 IP 34 2.638e-08 -76 IP 35 3.041e-01 -76 IP 36 1.627e-08 -76 IP 37 1.133e-08 -76 EP 1 7.156e-09 2.116e-02 4.279e-02 2.114e-02 2.594e-02 1.757e-02 1.640e-08 5.761e-02 1.060e-01 1.429e-01 2.906e-01 2.742e-01 1.791e-09 3.346e-10 1.182e-10 3.779e-11 -76 EP 2 8.427e-05 5.398e-03 1.290e-02 1.242e-02 1.465e-02 1.848e-02 1.982e-02 2.285e-02 3.497e-02 6.445e-02 5.397e-02 5.439e-02 7.879e-02 1.984e-01 4.084e-01 4.807e-05 -76 EP 3 3.312e-11 6.464e-03 1.322e-02 1.454e-02 1.907e-02 2.518e-02 2.442e-02 2.467e-02 4.753e-02 7.429e-02 6.038e-02 6.709e-02 8.540e-02 2.037e-01 3.340e-01 1.627e-05 -76 EP 4 3.676e-03 1.011e-01 2.994e-01 2.547e-01 1.841e-01 1.033e-01 4.838e-02 5.271e-03 1.036e-04 1.821e-09 3.703e-10 3.793e-10 8.786e-11 5.101e-11 2.836e-11 2.228e-11 -76 EP 5 4.771e-04 1.306e-08 2.368e-05 2.488e-09 3.495e-06 2.147e-02 7.074e-02 1.127e-01 1.192e-01 1.050e-01 1.015e-01 1.564e-01 2.630e-01 4.946e-02 5.280e-10 4.909e-11 -76 EP 6 5.646e-04 3.193e-03 7.465e-03 1.199e-02 1.176e-02 2.533e-02 3.234e-02 3.880e-02 2.294e-09 6.074e-08 2.168e-01 4.594e-01 1.584e-01 9.436e-03 2.449e-02 2.229e-10 -76 EP 7 1.090e-04 2.542e-02 2.834e-02 7.789e-03 3.964e-03 6.275e-02 1.554e-01 3.042e-01 1.320e-01 9.229e-09 4.065e-09 7.019e-02 2.099e-01 1.947e-08 2.430e-09 1.142e-10 -76 EP 8 3.795e-03 8.014e-09 9.407e-03 7.851e-02 2.034e-01 1.395e-01 1.419e-01 1.158e-01 1.299e-01 1.348e-01 4.302e-02 7.603e-08 5.858e-09 6.301e-09 5.464e-09 5.458e-09 -76 EP 9 2.741e-04 9.385e-03 5.513e-02 3.164e-02 1.347e-02 3.231e-02 3.563e-02 4.767e-02 1.568e-01 3.070e-01 2.865e-01 4.654e-09 1.912e-03 2.227e-02 9.590e-10 7.275e-11 -76 EP 10 1.469e-10 1.364e-02 1.573e-02 1.211e-02 1.589e-03 1.020e-02 1.159e-02 1.881e-02 2.501e-02 3.042e-02 4.711e-02 5.165e-02 2.251e-01 5.370e-01 1.406e-09 4.450e-11 -76 EP 11 1.762e-04 4.106e-03 2.192e-02 2.661e-02 3.175e-02 3.689e-02 2.320e-02 1.178e-02 4.246e-02 7.807e-02 1.128e-01 1.079e-01 1.513e-01 3.489e-01 2.208e-03 3.214e-11 -76 EP 12 2.130e-10 2.372e-03 6.623e-03 7.981e-03 9.925e-03 1.541e-02 2.162e-02 2.815e-02 7.457e-02 6.243e-02 4.547e-02 6.592e-02 9.909e-02 3.527e-01 2.077e-01 9.699e-11 -76 EP 13 9.230e-05 2.175e-09 3.775e-02 6.911e-02 1.144e-01 1.383e-01 1.491e-01 1.544e-01 1.306e-01 1.275e-01 7.881e-02 5.517e-10 8.218e-11 3.248e-11 1.738e-11 9.331e-12 -76 EP 14 1.123e-03 7.979e-03 5.127e-02 7.865e-02 1.192e-01 1.329e-01 1.070e-01 7.783e-02 7.781e-02 8.745e-02 1.198e-01 1.227e-01 1.621e-02 9.847e-11 4.575e-11 2.967e-11 -76 EP 15 4.026e-04 1.659e-02 4.895e-02 3.446e-02 2.636e-02 4.245e-02 5.311e-02 7.254e-02 6.239e-02 5.547e-02 5.551e-02 1.211e-01 2.987e-01 1.118e-01 1.895e-04 6.777e-11 -76 EP 16 1.673e-10 1.120e-05 3.677e-02 4.545e-02 8.404e-02 1.199e-01 1.595e-01 1.694e-01 1.267e-01 7.714e-02 3.863e-02 6.439e-02 7.814e-02 4.311e-10 6.326e-11 1.318e-11 -76 EP 17 4.461e-10 1.802e-02 2.116e-02 2.943e-02 1.946e-02 2.773e-02 7.046e-02 2.774e-01 3.595e-01 1.545e-01 1.657e-02 4.980e-09 5.765e-03 3.508e-07 2.459e-09 1.418e-10 -76 EP 18 7.142e-03 7.580e-02 2.271e-01 2.263e-01 1.646e-01 1.241e-01 7.653e-02 4.896e-02 3.389e-02 1.562e-02 7.520e-10 3.458e-10 3.537e-10 2.833e-10 2.740e-10 2.727e-10 -76 EP 19 1.035e-03 6.117e-02 6.393e-02 3.283e-02 3.324e-02 4.254e-02 3.675e-02 4.015e-02 5.094e-02 6.277e-02 7.277e-02 9.395e-02 1.534e-01 2.035e-01 5.097e-02 6.519e-11 -76 EP 20 1.716e-03 6.968e-02 2.106e-01 1.719e-01 1.545e-01 1.227e-01 7.411e-02 3.691e-02 3.029e-02 3.639e-02 4.888e-02 4.238e-02 5.623e-10 1.454e-10 3.413e-11 1.204e-11 -76 EP 21 4.348e-03 2.006e-01 3.658e-01 2.010e-01 9.493e-02 4.659e-02 3.517e-02 2.198e-02 1.334e-02 9.438e-03 5.653e-03 9.216e-04 1.659e-04 1.005e-10 1.006e-10 9.845e-11 -76 EP 22 4.202e-04 2.043e-02 7.458e-02 6.857e-02 7.807e-02 8.291e-02 8.852e-02 1.004e-01 9.202e-02 1.223e-01 1.024e-01 8.193e-02 8.740e-02 6.076e-09 4.986e-10 4.276e-11 -76 EP 23 6.332e-05 8.229e-03 4.284e-02 5.575e-02 9.810e-02 1.158e-01 1.385e-01 1.307e-01 1.193e-01 1.604e-01 1.049e-01 2.378e-02 1.320e-03 3.118e-04 5.215e-09 5.187e-09 -76 EP 24 5.789e-10 1.024e-02 2.354e-02 2.806e-02 2.073e-02 3.320e-02 3.092e-02 1.088e-01 3.244e-01 3.218e-01 7.665e-02 1.257e-04 8.612e-09 2.151e-02 1.946e-08 2.788e-10 -76 EP 25 1.018e-09 1.854e-07 3.258e-02 2.519e-02 3.220e-02 8.500e-02 8.905e-02 9.967e-02 9.336e-02 1.277e-01 1.937e-01 1.938e-01 2.768e-02 1.987e-10 9.915e-11 7.058e-11 -76 EP 26 1.412e-09 8.089e-04 1.618e-02 1.366e-02 1.854e-02 4.767e-02 6.238e-02 5.629e-02 9.427e-02 1.033e-01 1.846e-01 2.414e-01 9.455e-02 3.174e-02 3.467e-02 1.409e-09 -76 EP 27 4.347e-03 1.086e-01 2.401e-01 1.774e-01 1.388e-01 9.521e-02 6.832e-02 5.938e-02 4.923e-02 3.806e-02 2.054e-02 3.526e-10 1.502e-10 2.653e-11 1.598e-11 1.396e-11 -76 EP 28 4.222e-10 6.981e-06 3.253e-05 1.544e-07 7.607e-03 1.411e-02 3.636e-02 1.732e-07 2.418e-08 4.515e-03 6.937e-09 1.717e-01 7.657e-01 5.445e-07 1.067e-09 1.336e-10 -76 EP 29 4.166e-10 1.835e-02 5.960e-02 5.687e-02 6.700e-02 8.465e-02 8.703e-02 8.635e-02 8.249e-02 9.663e-02 1.037e-01 1.073e-01 1.501e-01 2.126e-08 6.416e-10 2.501e-11 -76 EP 30 1.204e-04 6.251e-03 1.125e-02 2.036e-02 3.117e-02 3.445e-02 5.573e-02 3.593e-02 2.343e-09 6.584e-04 2.020e-01 4.405e-01 9.778e-02 1.806e-02 4.571e-02 1.354e-10 -76 EP 31 1.303e-10 1.182e-02 2.081e-02 1.755e-02 1.766e-02 3.347e-02 4.186e-02 4.673e-02 4.638e-02 2.614e-02 5.431e-02 8.229e-02 1.751e-01 3.778e-01 4.817e-02 2.854e-11 -76 EP 32 2.267e-04 1.292e-03 2.064e-02 1.764e-02 6.209e-03 6.863e-03 1.527e-02 3.755e-02 4.315e-02 3.124e-03 7.393e-03 7.132e-03 1.095e-01 6.899e-01 3.409e-02 3.539e-11 -76 EP 33 8.916e-08 1.929e-02 6.355e-02 1.442e-02 7.666e-07 4.488e-08 5.429e-02 1.801e-01 1.933e-01 1.845e-01 1.771e-06 1.688e-04 2.904e-01 2.057e-09 1.922e-10 2.980e-11 -76 EP 34 2.398e-04 1.170e-08 1.691e-02 5.047e-02 9.579e-02 1.642e-01 1.453e-01 1.761e-02 7.859e-04 8.723e-04 1.847e-01 3.230e-01 3.201e-09 3.583e-10 8.978e-11 2.180e-11 -76 EP 35 1.785e-01 3.851e-01 2.451e-01 9.282e-02 5.089e-02 2.826e-02 1.299e-02 4.543e-03 1.379e-03 3.664e-04 3.173e-10 2.432e-10 1.914e-10 1.635e-10 1.588e-10 1.576e-10 -76 EP 36 3.653e-10 3.095e-08 3.875e-09 8.151e-09 7.682e-03 5.690e-02 2.362e-02 3.730e-09 6.627e-09 2.380e-02 1.452e-01 3.510e-01 3.918e-01 8.287e-10 1.710e-10 5.377e-11 -76 EP 37 2.005e-09 2.614e-03 2.522e-02 6.063e-02 9.310e-02 3.934e-01 1.889e-01 1.567e-01 2.871e-02 2.810e-09 2.169e-02 2.901e-02 2.295e-09 3.501e-09 2.110e-09 1.870e-09 -76 TP 1 3.782e-01 1.088e-04 5.425e-10 7.966e-02 1.273e-09 3.631e-10 1.776e-02 3.625e-10 4.225e-10 6.045e-09 6.160e-06 6.173e-10 4.533e-01 7.869e-10 7.964e-09 1.112e-09 1.082e-09 2.042e-10 2.311e-10 1.124e-03 3.515e-10 8.286e-09 2.511e-10 3.558e-09 1.606e-09 6.595e-10 1.665e-09 5.533e-09 7.786e-10 3.288e-10 8.722e-10 5.956e-09 6.957e-02 3.493e-08 2.788e-04 6.372e-10 1.774e-10 -76 TP 2 5.186e-11 8.468e-01 6.815e-10 4.539e-11 4.312e-09 3.649e-02 1.084e-10 1.832e-11 4.535e-10 8.503e-10 1.947e-10 7.748e-09 4.336e-11 1.790e-10 2.113e-10 2.452e-04 7.784e-10 2.040e-11 1.509e-03 9.599e-10 2.416e-11 1.211e-09 1.684e-11 5.043e-05 2.130e-10 1.884e-11 1.933e-10 8.323e-11 3.956e-10 2.535e-10 1.149e-01 4.866e-09 5.607e-11 5.522e-11 2.838e-11 2.760e-10 2.691e-11 -76 TP 3 1.353e-10 1.119e-09 7.788e-01 1.178e-10 5.448e-10 1.117e-09 2.075e-10 2.041e-11 5.648e-10 5.231e-08 2.365e-10 3.239e-10 1.083e-10 2.251e-10 3.047e-10 2.850e-03 8.567e-03 2.021e-11 2.922e-03 2.551e-08 6.554e-11 4.934e-10 1.763e-11 9.841e-04 1.305e-10 3.068e-11 3.234e-10 2.794e-10 7.095e-02 4.215e-02 2.795e-09 9.275e-02 1.569e-10 1.868e-10 2.925e-11 3.584e-05 2.856e-11 -76 TP 4 2.464e-09 1.753e-10 1.130e-10 5.371e-01 2.696e-10 3.517e-10 5.428e-10 1.655e-10 4.931e-05 2.665e-10 4.531e-10 2.149e-10 4.280e-01 7.674e-09 1.631e-09 2.442e-08 1.018e-10 1.077e-06 6.592e-11 8.030e-10 3.509e-10 1.150e-10 6.973e-11 7.948e-11 5.397e-10 1.077e-10 2.915e-08 6.309e-09 5.510e-10 8.208e-10 1.399e-10 7.754e-11 1.750e-09 3.213e-02 2.493e-03 1.065e-09 1.845e-04 -76 TP 5 1.275e-09 1.065e-09 3.746e-09 1.314e-04 3.220e-01 7.555e-10 1.706e-09 6.823e-11 3.756e-06 3.445e-09 1.933e-09 1.833e-09 1.496e-08 1.752e-09 1.085e-09 1.729e-05 1.462e-08 7.404e-11 2.378e-09 6.237e-01 1.418e-07 1.044e-09 5.494e-11 7.060e-10 2.025e-02 5.870e-11 2.491e-02 1.152e-09 5.689e-09 2.016e-08 1.639e-09 8.978e-03 2.418e-09 1.030e-09 1.363e-09 1.533e-09 1.781e-10 -76 TP 6 6.187e-10 1.387e-05 2.491e-09 4.754e-10 1.846e-09 3.406e-01 1.736e-09 1.889e-10 4.130e-08 1.828e-09 1.302e-09 2.229e-09 5.129e-10 1.253e-09 1.161e-09 5.340e-09 2.711e-09 2.588e-10 2.295e-08 3.690e-09 3.199e-10 1.060e-01 1.808e-10 5.533e-01 1.330e-09 7.247e-06 3.580e-09 1.029e-09 1.918e-09 1.913e-09 4.682e-08 2.635e-09 1.036e-09 6.639e-10 3.225e-10 1.035e-09 2.129e-10 -76 TP 7 1.911e-02 3.537e-05 1.068e-09 2.198e-09 5.525e-03 8.559e-10 4.258e-06 7.163e-10 1.132e-08 2.639e-04 6.705e-01 4.682e-02 7.947e-08 4.694e-08 4.773e-09 6.574e-09 1.575e-09 2.222e-10 6.631e-10 2.410e-09 4.687e-10 4.868e-09 3.004e-10 1.751e-09 3.202e-09 1.002e-09 1.672e-09 2.239e-01 2.193e-09 5.292e-08 8.908e-08 1.279e-03 3.253e-02 1.063e-08 3.452e-10 7.010e-09 4.982e-10 -76 TP 8 6.216e-08 7.582e-09 8.978e-09 8.005e-08 1.059e-08 2.102e-08 1.375e-08 4.471e-07 1.059e-08 9.528e-09 1.114e-08 1.026e-08 3.838e-01 2.539e-07 2.179e-08 1.443e-08 1.112e-08 7.265e-08 7.371e-09 1.312e-08 4.973e-07 2.989e-08 4.764e-01 2.701e-03 5.040e-08 9.140e-04 4.774e-02 1.152e-08 1.017e-08 1.331e-08 1.203e-08 8.827e-09 1.542e-08 8.028e-02 8.727e-08 9.570e-09 8.187e-03 -76 TP 9 1.453e-09 1.942e-09 6.258e-09 8.493e-10 5.625e-09 1.079e-06 4.472e-03 9.927e-11 4.020e-01 2.059e-05 3.480e-09 1.252e-09 1.327e-09 1.230e-09 1.463e-09 4.201e-01 1.392e-01 1.070e-10 3.934e-08 4.897e-09 1.213e-09 1.673e-09 8.206e-11 1.977e-09 1.320e-09 1.015e-10 1.246e-09 1.563e-09 1.811e-08 3.263e-02 1.505e-09 7.655e-09 3.465e-09 9.347e-10 1.544e-03 2.245e-09 5.673e-10 -76 TP 10 5.351e-10 1.920e-03 1.534e-01 1.602e-10 6.794e-10 7.532e-10 3.951e-03 5.404e-11 3.543e-02 3.654e-01 3.571e-09 1.670e-03 3.569e-10 5.904e-10 1.306e-09 3.612e-09 5.171e-02 5.313e-11 1.905e-09 9.079e-10 9.556e-11 4.048e-10 4.722e-11 2.538e-09 2.256e-10 5.303e-11 2.270e-10 1.756e-05 3.252e-01 5.643e-02 8.560e-10 3.437e-03 1.049e-09 5.447e-10 7.043e-11 1.409e-03 7.201e-11 -76 TP 11 7.563e-03 6.510e-10 4.343e-10 7.633e-04 1.189e-09 3.812e-10 1.685e-01 7.447e-11 1.728e-09 1.368e-09 5.531e-01 5.409e-02 1.792e-03 4.507e-09 2.514e-07 1.181e-03 9.333e-10 8.593e-11 2.275e-10 8.881e-10 1.093e-10 2.465e-06 5.435e-11 4.156e-10 3.787e-08 4.318e-09 1.466e-09 3.326e-02 2.674e-09 1.408e-09 1.813e-03 3.981e-08 1.059e-01 7.203e-02 8.839e-11 2.322e-09 8.792e-11 -76 TP 12 3.929e-03 1.138e-09 1.229e-09 4.337e-08 1.723e-09 1.992e-03 3.636e-02 1.539e-10 1.673e-06 4.494e-09 1.757e-01 7.638e-01 4.575e-09 8.947e-04 3.875e-09 1.899e-09 1.981e-09 1.451e-04 9.668e-10 8.444e-10 4.124e-10 1.564e-04 1.323e-10 8.727e-10 1.003e-07 7.972e-09 5.800e-09 1.609e-03 3.296e-09 3.363e-09 7.122e-09 8.001e-03 3.377e-09 2.367e-03 2.297e-10 5.073e-03 1.863e-10 -76 TP 13 7.962e-02 3.386e-06 9.821e-11 1.701e-01 1.473e-10 1.283e-10 5.694e-03 5.902e-11 1.972e-10 4.204e-07 8.789e-10 9.224e-10 6.390e-01 2.985e-10 2.949e-10 2.893e-10 1.280e-10 6.639e-04 3.637e-11 7.788e-10 1.128e-10 8.162e-11 4.639e-11 6.724e-11 2.878e-10 1.397e-10 1.110e-04 1.011e-03 2.210e-10 5.855e-10 5.310e-11 1.042e-10 1.379e-02 8.883e-02 1.215e-03 1.920e-10 5.290e-11 -76 TP 14 6.496e-10 1.723e-04 8.405e-09 4.898e-10 1.552e-09 2.382e-09 1.795e-09 1.090e-10 7.280e-10 1.028e-04 8.791e-10 3.422e-10 4.379e-10 5.974e-01 1.100e-01 3.339e-09 6.585e-10 2.220e-09 2.220e-09 3.555e-09 1.997e-09 5.564e-10 8.810e-11 3.521e-10 2.680e-01 3.299e-11 8.929e-09 1.831e-09 1.468e-09 3.761e-10 5.486e-10 4.404e-10 7.553e-10 5.538e-10 2.134e-09 2.432e-02 1.259e-10 -76 TP 15 1.267e-09 5.364e-08 2.602e-09 8.979e-05 3.770e-09 6.436e-10 2.919e-09 4.164e-10 1.069e-09 2.232e-02 8.500e-08 2.218e-03 1.181e-09 1.586e-01 7.458e-01 1.793e-09 2.315e-09 2.026e-10 1.839e-03 2.092e-09 5.441e-10 6.684e-10 1.079e-10 8.372e-10 5.503e-02 7.367e-11 1.403e-02 1.435e-08 2.487e-09 6.595e-10 8.136e-10 6.677e-07 1.512e-09 1.567e-09 2.705e-10 2.713e-09 2.019e-10 -76 TP 16 5.999e-10 1.075e-05 9.761e-03 2.575e-10 1.601e-08 1.798e-10 7.465e-10 1.851e-11 3.185e-02 1.617e-01 8.017e-10 1.532e-10 3.716e-10 1.067e-09 3.390e-10 5.560e-01 3.670e-09 2.131e-11 1.535e-09 1.447e-01 8.061e-04 1.108e-10 1.495e-11 1.634e-10 7.221e-04 1.572e-11 1.819e-09 1.081e-05 1.441e-09 1.102e-09 2.130e-10 6.474e-10 5.031e-10 3.047e-04 4.034e-10 9.411e-02 1.541e-10 -76 TP 17 3.148e-09 4.823e-09 5.296e-01 9.517e-10 2.037e-02 7.605e-04 2.383e-09 1.748e-10 4.409e-09 8.725e-09 3.472e-09 3.308e-09 2.891e-09 1.302e-09 2.148e-09 3.349e-08 5.006e-09 1.712e-10 4.287e-09 3.820e-09 8.102e-04 1.533e-09 1.506e-10 1.055e-09 1.839e-09 1.639e-10 1.049e-09 5.310e-09 1.431e-07 6.721e-09 2.807e-08 4.484e-01 3.543e-09 2.134e-09 5.096e-10 1.191e-08 9.201e-05 -76 TP 18 4.325e-09 3.365e-10 3.612e-10 7.075e-07 4.236e-10 4.462e-10 4.454e-10 4.477e-02 4.712e-10 3.643e-10 4.222e-10 3.477e-10 2.701e-08 4.311e-09 7.863e-10 5.493e-10 4.233e-10 9.279e-01 3.670e-10 5.630e-10 1.067e-02 7.289e-10 4.419e-05 4.864e-10 1.520e-09 4.001e-10 8.434e-07 4.581e-10 4.689e-10 5.413e-10 4.189e-10 3.241e-10 6.047e-10 1.589e-05 1.665e-02 4.665e-10 6.584e-09 -76 TP 19 4.314e-10 4.040e-03 1.038e-02 2.211e-10 6.217e-03 8.471e-04 1.185e-09 9.643e-11 1.473e-09 2.689e-09 1.288e-09 3.531e-10 3.296e-10 6.410e-09 1.406e-03 6.386e-09 3.047e-09 8.256e-11 9.719e-01 3.877e-09 4.710e-10 4.719e-04 1.961e-06 3.778e-09 4.926e-04 1.915e-06 2.081e-09 6.941e-04 9.266e-09 1.185e-09 3.530e-09 3.535e-09 7.122e-10 6.892e-10 1.395e-10 3.584e-03 9.980e-11 -76 TP 20 1.441e-09 2.272e-04 1.104e-09 1.748e-10 5.053e-10 1.498e-10 1.977e-10 1.647e-11 1.718e-08 1.911e-02 4.551e-10 9.704e-11 4.282e-10 2.950e-03 4.661e-10 2.740e-01 6.407e-10 1.874e-11 7.454e-08 6.511e-01 1.344e-06 1.291e-10 1.339e-11 1.698e-10 8.885e-07 1.393e-11 9.674e-08 2.099e-10 7.980e-10 1.319e-09 2.431e-10 2.283e-10 3.635e-10 1.312e-09 3.225e-04 5.220e-02 1.146e-04 -76 TP 21 7.030e-10 3.678e-10 7.234e-10 2.779e-09 3.743e-10 1.488e-09 3.612e-10 1.122e-05 6.333e-10 3.668e-10 2.496e-10 1.616e-10 2.698e-09 4.966e-09 4.546e-10 5.307e-03 8.816e-10 4.348e-03 1.378e-06 5.767e-09 9.542e-01 1.410e-03 2.074e-05 7.722e-10 1.703e-09 1.217e-05 1.836e-02 1.877e-10 1.874e-03 2.486e-09 3.318e-10 1.967e-10 3.278e-09 7.044e-10 1.443e-02 7.212e-10 2.195e-10 -76 TP 22 2.671e-10 3.986e-09 8.695e-10 2.079e-10 5.099e-10 1.755e-09 1.060e-09 6.125e-11 6.918e-10 2.432e-04 6.167e-10 7.861e-10 2.053e-10 5.443e-10 8.088e-04 8.447e-10 5.384e-09 8.257e-05 2.951e-09 5.015e-10 9.146e-10 6.857e-01 5.649e-11 1.198e-02 8.992e-10 4.935e-11 7.613e-10 5.156e-10 9.808e-10 4.761e-10 2.992e-01 2.864e-09 3.380e-10 3.204e-10 2.002e-03 1.050e-09 9.788e-11 -76 TP 23 3.278e-08 6.077e-09 6.565e-09 4.039e-08 6.037e-09 2.250e-03 7.138e-09 8.298e-09 6.481e-09 6.321e-09 7.735e-09 6.279e-09 2.687e-08 9.355e-09 6.854e-04 6.419e-09 1.016e-08 3.879e-01 5.868e-09 6.377e-09 1.568e-08 7.174e-09 4.957e-01 1.374e-08 8.183e-09 7.599e-02 1.207e-08 8.986e-09 6.421e-09 3.259e-04 6.330e-09 6.217e-09 1.007e-08 3.017e-08 3.717e-02 6.035e-09 6.542e-09 -76 TP 24 6.753e-10 7.998e-01 2.432e-09 5.730e-10 2.833e-09 1.462e-08 1.377e-09 2.127e-10 1.212e-03 6.704e-09 6.772e-09 1.192e-02 6.967e-10 1.576e-09 2.090e-09 2.537e-09 2.260e-09 3.390e-10 1.929e-08 2.262e-09 1.476e-03 9.001e-08 2.448e-10 4.918e-09 4.022e-04 2.217e-10 9.909e-10 9.069e-10 2.595e-09 7.091e-09 1.828e-01 2.369e-03 1.537e-09 9.043e-10 9.554e-10 3.126e-09 9.357e-10 -76 TP 25 1.218e-09 6.143e-09 2.845e-09 2.182e-09 7.498e-09 8.645e-10 2.921e-09 2.320e-10 9.415e-10 5.743e-09 3.884e-09 9.943e-10 9.925e-10 9.080e-09 9.229e-07 2.977e-09 1.811e-09 2.331e-09 2.831e-03 1.913e-04 6.314e-08 1.575e-09 1.890e-10 6.553e-10 2.699e-01 7.919e-11 7.225e-01 1.319e-07 1.994e-09 6.339e-10 1.661e-09 1.964e-09 1.770e-09 9.444e-10 4.505e-03 2.747e-09 4.703e-10 -76 TP 26 1.913e-08 1.931e-09 5.126e-09 6.833e-09 2.715e-09 1.922e-09 9.007e-09 1.025e-03 2.434e-09 2.836e-09 4.757e-03 3.563e-09 2.107e-08 1.732e-09 1.688e-09 3.013e-09 2.496e-09 1.895e-09 7.508e-07 2.562e-09 3.777e-09 1.887e-09 1.321e-02 1.928e-09 1.697e-09 9.792e-01 1.676e-09 1.301e-08 2.806e-09 2.385e-04 2.237e-09 1.070e-03 1.469e-08 4.107e-08 1.672e-09 2.676e-09 4.793e-04 -76 TP 27 2.856e-10 3.198e-10 1.101e-10 1.911e-10 2.017e-10 1.216e-06 4.535e-10 7.169e-11 9.935e-04 7.253e-10 1.344e-10 6.913e-11 2.196e-10 1.440e-01 7.782e-10 7.118e-03 1.000e-10 1.047e-04 7.896e-06 1.880e-06 2.389e-03 2.730e-10 6.033e-11 1.338e-10 9.464e-10 1.522e-11 8.413e-01 2.590e-10 4.599e-10 1.892e-10 1.365e-04 9.558e-11 2.575e-10 3.037e-10 3.930e-03 4.841e-08 4.545e-11 -76 TP 28 2.009e-01 1.210e-09 1.127e-09 1.916e-02 3.524e-09 9.240e-10 1.877e-08 1.081e-06 4.815e-09 1.496e-09 2.788e-01 6.252e-03 6.507e-02 4.987e-03 6.215e-09 3.873e-09 3.479e-09 2.366e-10 9.954e-10 2.859e-09 5.281e-10 2.004e-09 3.363e-10 2.000e-09 1.616e-09 2.386e-09 1.260e-09 2.460e-01 3.239e-09 1.321e-03 2.410e-09 2.546e-09 6.807e-02 1.093e-01 3.813e-10 3.245e-09 4.157e-10 -76 TP 29 5.406e-10 3.821e-07 6.549e-02 2.061e-10 1.520e-01 4.235e-10 3.889e-10 3.051e-11 3.016e-02 3.340e-06 6.238e-10 7.272e-10 4.214e-10 6.059e-10 6.317e-10 3.874e-02 3.428e-06 3.074e-11 1.020e-09 1.015e-09 2.061e-10 3.196e-10 2.519e-11 5.855e-10 1.701e-09 2.722e-11 4.853e-10 6.009e-10 4.352e-01 1.149e-07 8.361e-10 2.784e-01 5.376e-10 3.545e-10 1.372e-10 3.894e-09 5.105e-11 -76 TP 30 8.582e-10 4.974e-09 7.332e-09 7.430e-10 3.852e-09 1.316e-09 1.638e-09 1.391e-10 1.531e-01 2.143e-08 1.594e-09 4.202e-09 9.766e-10 1.257e-09 1.792e-09 8.920e-09 4.352e-01 1.310e-10 4.820e-09 3.506e-09 3.299e-10 1.704e-09 1.162e-10 4.891e-09 1.132e-09 1.396e-05 1.100e-09 4.250e-09 2.297e-07 4.082e-01 3.629e-09 3.470e-03 1.897e-09 1.071e-09 4.271e-10 2.864e-09 1.854e-10 -76 TP 31 1.291e-10 1.254e-01 1.495e-03 9.908e-11 1.438e-09 4.234e-02 5.712e-10 7.860e-11 9.348e-10 7.654e-04 1.017e-09 8.211e-04 1.162e-10 7.852e-10 3.213e-09 9.233e-10 4.339e-05 1.077e-10 1.559e-09 8.669e-10 5.943e-11 1.641e-01 5.176e-06 4.141e-02 5.003e-04 3.035e-11 4.776e-10 8.242e-05 1.067e-09 5.710e-10 6.231e-01 2.220e-08 2.214e-10 1.933e-10 5.848e-11 1.309e-09 4.324e-11 -76 TP 32 7.732e-04 2.090e-09 5.833e-02 4.494e-10 4.897e-02 1.389e-09 8.323e-10 1.515e-06 2.562e-02 1.988e-09 2.209e-09 9.381e-04 1.848e-04 4.335e-05 9.252e-09 8.557e-02 5.148e-04 4.493e-11 3.244e-09 5.391e-02 4.963e-05 2.661e-09 3.565e-11 2.078e-08 7.351e-07 4.622e-11 8.746e-06 8.458e-10 2.958e-01 3.374e-02 1.262e-03 3.105e-01 5.818e-10 1.357e-09 5.626e-11 8.385e-02 5.029e-11 -76 TP 33 2.666e-07 4.586e-10 2.822e-10 1.540e-09 6.434e-10 2.532e-10 5.461e-02 3.891e-10 2.128e-03 5.327e-09 7.814e-02 3.016e-03 6.000e-02 8.950e-10 7.053e-10 1.616e-09 5.387e-10 1.522e-10 2.052e-10 1.308e-09 3.277e-10 8.374e-10 1.606e-10 4.713e-04 4.654e-10 5.979e-10 4.022e-10 5.368e-03 8.293e-10 1.173e-09 1.639e-09 2.207e-09 3.903e-01 4.059e-01 1.221e-10 6.875e-10 1.819e-10 -76 TP 34 1.297e-01 2.068e-09 2.980e-10 2.982e-03 1.162e-09 1.385e-10 5.050e-09 1.179e-10 3.162e-10 7.357e-10 3.248e-02 1.163e-09 1.039e-01 5.344e-10 3.415e-09 1.235e-09 4.609e-10 1.067e-10 1.031e-10 9.090e-10 1.011e-10 2.083e-10 9.905e-11 1.322e-10 9.228e-10 1.706e-09 6.670e-10 5.078e-02 4.062e-10 5.382e-10 1.465e-10 5.296e-10 2.844e-01 3.957e-01 5.095e-10 6.028e-10 1.262e-10 -76 TP 35 1.558e-09 2.304e-10 2.685e-10 2.334e-02 5.009e-10 4.403e-10 1.176e-09 2.831e-03 4.800e-09 3.457e-10 6.166e-10 3.100e-10 1.719e-02 1.523e-02 6.406e-10 3.401e-04 6.501e-10 9.265e-03 3.610e-10 1.168e-02 2.794e-02 5.249e-03 1.793e-05 2.746e-10 1.626e-09 2.024e-10 3.283e-02 1.119e-09 1.048e-09 8.087e-10 3.296e-10 2.407e-10 9.090e-10 3.971e-03 8.501e-01 8.158e-10 4.763e-10 -76 TP 36 1.088e-09 2.144e-09 3.395e-09 7.186e-10 2.838e-01 8.228e-10 3.398e-03 7.341e-11 7.174e-02 2.563e-06 9.416e-04 2.917e-09 1.243e-09 2.813e-02 2.643e-09 2.193e-08 1.342e-08 7.696e-11 7.737e-03 1.834e-01 9.682e-10 8.982e-10 5.949e-11 1.365e-09 2.848e-05 6.478e-11 1.736e-07 2.019e-07 1.930e-01 8.772e-03 1.554e-09 3.165e-02 1.834e-05 1.220e-09 3.875e-10 1.874e-01 1.252e-10 -76 TP 37 7.598e-09 2.700e-09 3.275e-09 1.189e-08 1.546e-08 2.731e-09 4.270e-03 2.864e-09 7.506e-09 6.028e-09 5.181e-03 3.725e-09 3.332e-08 1.054e-08 5.412e-09 2.011e-08 8.759e-09 1.096e-02 2.666e-09 1.064e-08 6.337e-09 2.763e-09 2.656e-09 2.659e-09 7.322e-09 2.725e-09 9.132e-09 6.790e-09 8.720e-09 5.975e-09 2.650e-09 9.534e-09 9.986e-03 7.822e-09 3.630e-09 7.621e-03 9.620e-01 -77 IP 1 2.689e-04 -77 IP 2 1.259e-08 -77 IP 3 2.342e-08 -77 IP 4 1.226e-08 -77 IP 5 1.212e-02 -77 IP 6 1.111e-01 -77 IP 7 1.797e-02 -77 IP 8 8.407e-02 -77 IP 9 4.613e-03 -77 IP 10 2.983e-07 -77 IP 11 5.242e-02 -77 IP 12 1.331e-08 -77 IP 13 1.554e-08 -77 IP 14 1.574e-02 -77 IP 15 6.115e-07 -77 IP 16 8.293e-09 -77 IP 17 7.506e-05 -77 IP 18 1.392e-08 -77 IP 19 1.378e-05 -77 IP 20 9.661e-02 -77 IP 21 5.729e-08 -77 IP 22 4.269e-02 -77 IP 23 4.733e-02 -77 IP 24 2.875e-01 -77 IP 25 2.694e-03 -77 IP 26 1.478e-01 -77 IP 27 7.729e-04 -77 IP 28 1.920e-08 -77 IP 29 7.622e-02 -77 EP 1 4.577e-05 3.362e-02 6.352e-02 6.209e-02 5.694e-02 6.853e-02 4.812e-02 4.371e-02 4.434e-02 7.952e-02 7.931e-02 1.270e-01 2.932e-01 8.077e-05 3.968e-09 -77 EP 2 9.261e-03 7.265e-02 5.273e-02 5.302e-02 4.857e-02 5.567e-02 6.947e-02 1.764e-01 2.585e-01 1.253e-01 5.189e-02 1.346e-08 2.653e-02 9.395e-08 1.394e-08 -77 EP 3 7.697e-05 2.714e-08 8.074e-03 8.187e-03 2.003e-08 5.789e-02 8.499e-02 7.500e-02 7.321e-02 8.932e-02 1.004e-01 2.418e-01 2.611e-01 1.439e-08 7.825e-09 -77 EP 4 5.042e-04 2.863e-01 2.306e-01 9.177e-02 1.799e-02 3.661e-08 1.014e-08 7.934e-08 1.749e-02 1.185e-06 1.864e-06 8.537e-09 6.176e-02 2.932e-01 3.395e-04 -77 EP 5 2.547e-10 1.079e-02 2.207e-02 2.605e-02 1.800e-02 3.399e-02 3.576e-02 5.126e-02 5.421e-02 3.089e-02 4.420e-02 5.577e-02 1.678e-01 4.115e-01 3.772e-02 -77 EP 6 6.760e-03 2.211e-01 3.498e-01 1.882e-01 9.602e-02 5.710e-02 3.762e-02 2.194e-02 1.260e-02 4.805e-03 3.178e-03 5.463e-04 3.409e-04 9.173e-11 8.041e-11 -77 EP 7 1.908e-04 1.077e-02 2.577e-02 2.588e-02 2.559e-02 4.111e-02 4.920e-02 7.517e-02 7.393e-02 6.683e-02 8.647e-02 6.644e-02 1.570e-01 2.903e-01 5.403e-03 -77 EP 8 6.918e-05 1.092e-02 5.934e-02 5.238e-02 5.499e-02 8.482e-02 5.265e-02 8.792e-02 9.963e-02 1.135e-01 2.265e-01 1.573e-01 8.505e-10 6.833e-10 8.161e-11 -77 EP 9 1.298e-03 2.158e-01 2.840e-01 1.828e-01 1.206e-01 7.372e-02 3.755e-02 2.656e-02 2.051e-02 1.965e-02 1.753e-02 8.084e-09 5.491e-09 3.060e-09 1.635e-09 -77 EP 10 7.481e-05 1.852e-02 5.672e-02 4.493e-02 5.483e-02 7.317e-02 9.067e-02 7.621e-02 7.146e-02 6.935e-02 5.507e-02 1.627e-01 2.207e-01 4.265e-03 1.357e-03 -77 EP 11 2.853e-03 6.490e-02 2.135e-01 1.875e-01 1.562e-01 1.126e-01 8.680e-02 7.153e-02 5.900e-02 4.288e-02 2.205e-03 1.719e-10 1.524e-06 7.597e-11 2.059e-11 -77 EP 12 4.958e-08 5.172e-08 2.574e-05 5.537e-08 4.910e-08 1.349e-02 5.452e-02 8.102e-02 1.628e-01 2.887e-01 2.967e-01 4.399e-08 3.587e-02 6.686e-02 5.944e-08 -77 EP 13 1.512e-08 5.221e-02 1.123e-01 4.851e-02 5.128e-02 4.404e-02 2.745e-02 2.239e-02 8.523e-09 1.740e-03 1.845e-01 3.013e-01 6.907e-02 1.244e-02 7.282e-02 -77 EP 14 2.298e-06 4.528e-02 1.261e-01 1.201e-01 1.375e-01 1.612e-01 1.036e-01 7.301e-02 5.198e-02 4.095e-02 4.008e-02 6.748e-02 3.273e-02 4.245e-07 3.318e-09 -77 EP 15 6.386e-04 5.121e-02 4.939e-02 4.229e-02 4.962e-02 6.301e-02 5.726e-02 6.637e-02 7.990e-02 8.621e-02 9.604e-02 1.027e-01 1.153e-01 1.118e-01 2.828e-02 -77 EP 16 4.653e-04 1.382e-02 4.086e-02 2.802e-02 2.562e-02 6.963e-02 7.710e-02 6.456e-02 6.695e-02 6.227e-02 9.791e-02 2.714e-01 1.627e-01 1.872e-02 2.005e-08 -77 EP 17 7.259e-09 2.766e-04 1.426e-07 2.094e-02 2.390e-02 3.914e-02 3.939e-02 4.239e-02 2.713e-02 9.780e-03 3.695e-02 4.595e-02 1.314e-01 5.827e-01 3.108e-07 -77 EP 18 2.762e-08 6.151e-03 3.960e-08 3.510e-08 3.593e-08 5.984e-07 7.904e-02 5.780e-02 3.617e-08 6.523e-08 4.861e-08 2.332e-01 6.238e-01 3.097e-08 1.827e-08 -77 EP 19 7.723e-03 7.674e-08 1.307e-01 3.414e-01 2.491e-01 1.554e-01 3.185e-02 1.693e-02 2.810e-02 3.881e-02 1.174e-05 1.835e-08 5.492e-09 3.655e-09 1.590e-09 -77 EP 20 2.516e-03 1.022e-01 2.993e-01 2.374e-01 1.637e-01 7.939e-02 3.231e-02 2.066e-02 2.265e-02 2.161e-02 1.833e-02 3.019e-10 5.482e-10 3.025e-10 2.043e-11 -77 EP 21 1.997e-10 2.539e-03 3.551e-03 5.388e-03 3.446e-03 2.260e-02 3.554e-02 3.357e-02 2.545e-09 1.092e-06 1.856e-01 3.956e-01 1.763e-01 5.660e-02 7.929e-02 -77 EP 22 6.086e-11 6.103e-03 1.914e-02 1.617e-02 2.059e-02 2.488e-02 2.562e-02 2.835e-02 6.346e-02 7.109e-02 5.608e-02 8.598e-02 8.502e-02 2.438e-01 2.537e-01 -77 EP 23 1.052e-04 4.316e-03 1.264e-02 1.239e-02 1.546e-02 1.847e-02 2.119e-02 2.039e-02 3.107e-02 5.994e-02 5.293e-02 5.744e-02 7.428e-02 1.912e-01 4.282e-01 -77 EP 24 1.970e-01 3.515e-01 2.206e-01 1.009e-01 6.171e-02 3.004e-02 2.177e-02 9.455e-03 4.063e-03 2.690e-03 5.721e-10 3.575e-04 4.387e-10 2.069e-10 1.877e-10 -77 EP 25 1.042e-09 1.532e-02 1.973e-02 2.040e-02 3.016e-02 2.620e-02 2.634e-02 1.052e-01 3.200e-01 3.294e-01 8.102e-02 1.234e-02 8.779e-03 1.293e-08 5.033e-03 -77 EP 26 3.777e-04 3.026e-02 9.582e-02 7.392e-02 8.571e-02 9.159e-02 8.966e-02 8.542e-02 8.228e-02 9.689e-02 9.363e-02 9.096e-02 8.348e-02 1.600e-08 4.193e-10 -77 EP 27 3.312e-04 3.897e-02 5.191e-02 3.206e-02 2.253e-02 2.085e-02 1.839e-02 1.663e-02 3.343e-02 6.332e-02 6.403e-02 5.438e-02 9.829e-02 1.849e-01 3.000e-01 -77 EP 28 6.125e-08 6.184e-03 2.857e-02 5.380e-02 9.511e-02 1.145e-01 1.151e-01 1.113e-01 1.117e-01 1.452e-01 1.705e-01 4.796e-02 1.296e-04 8.446e-11 6.388e-11 -77 EP 29 3.493e-09 1.713e-09 2.114e-05 5.061e-02 1.520e-01 1.965e-01 2.238e-01 1.646e-01 1.162e-01 9.575e-02 4.987e-04 6.895e-10 7.141e-10 4.746e-10 3.289e-11 -77 TP 1 3.135e-01 1.926e-04 1.414e-01 3.665e-01 1.435e-08 4.576e-08 1.580e-08 7.774e-09 2.923e-08 1.124e-08 2.285e-09 9.965e-03 3.567e-05 4.142e-02 2.724e-08 2.322e-09 1.691e-02 4.087e-09 2.277e-09 1.282e-08 8.119e-09 2.013e-08 9.381e-09 5.030e-09 4.033e-09 9.341e-09 1.100e-01 2.117e-09 1.647e-08 -77 TP 2 1.057e-07 1.717e-08 1.260e-02 1.796e-08 1.567e-08 8.980e-09 1.895e-03 1.020e-08 1.058e-08 2.327e-08 5.165e-09 3.848e-03 2.687e-06 6.281e-06 3.367e-08 6.199e-09 5.291e-01 1.466e-08 4.895e-09 1.380e-08 1.053e-08 1.576e-04 1.392e-08 7.596e-09 1.167e-08 1.339e-08 4.524e-01 4.983e-09 1.626e-08 -77 TP 3 1.574e-08 1.947e-06 2.754e-01 2.309e-01 1.546e-08 6.066e-04 8.902e-06 1.165e-08 3.882e-01 1.928e-08 8.186e-09 9.959e-09 1.254e-08 9.223e-02 7.085e-08 7.426e-09 1.517e-08 9.321e-09 6.922e-09 8.280e-08 1.902e-08 2.218e-08 1.045e-08 1.265e-02 1.533e-08 1.530e-08 1.525e-08 6.153e-09 1.987e-08 -77 TP 4 4.010e-01 2.625e-02 9.892e-06 3.459e-01 5.743e-07 7.059e-09 7.020e-09 8.295e-09 8.229e-07 9.932e-09 4.063e-04 3.584e-09 3.625e-02 7.874e-02 4.552e-03 3.468e-09 9.888e-02 1.268e-08 5.665e-09 2.601e-08 8.363e-09 8.646e-09 2.023e-08 2.393e-03 5.540e-03 3.747e-08 1.994e-07 2.218e-09 2.232e-08 -77 TP 5 1.560e-10 1.848e-10 1.503e-10 5.190e-07 5.537e-01 2.195e-10 3.527e-03 1.349e-09 1.411e-04 2.971e-09 4.442e-09 7.989e-11 2.434e-10 2.223e-08 1.638e-09 9.331e-08 1.058e-06 1.066e-10 1.908e-09 4.629e-09 5.749e-02 6.030e-03 1.414e-01 8.606e-11 2.380e-02 2.135e-01 3.978e-04 1.109e-09 1.500e-09 -77 TP 6 3.680e-10 1.956e-10 3.292e-10 1.886e-10 1.061e-09 9.111e-01 2.948e-03 9.844e-09 1.571e-03 3.628e-09 2.330e-02 1.715e-10 2.651e-10 4.830e-05 1.647e-09 3.111e-09 2.174e-10 4.642e-10 4.719e-02 9.049e-07 4.711e-10 1.334e-09 1.653e-10 4.569e-03 1.998e-10 9.114e-03 1.455e-10 1.391e-04 3.135e-08 -77 TP 7 1.210e-10 5.752e-11 1.755e-10 1.044e-10 2.372e-09 5.483e-09 6.863e-01 2.029e-02 2.570e-10 2.052e-01 3.773e-08 3.189e-11 7.583e-11 1.159e-10 9.847e-10 3.848e-10 1.163e-10 1.952e-04 6.302e-07 1.415e-04 1.059e-09 7.934e-02 1.337e-09 1.206e-10 1.229e-09 2.080e-03 8.584e-11 3.851e-10 6.416e-03 -77 TP 8 8.066e-11 1.073e-10 7.695e-11 1.437e-10 1.496e-09 3.220e-04 2.326e-03 4.628e-01 1.442e-07 2.020e-01 1.772e-09 3.795e-11 5.391e-11 6.257e-11 8.563e-05 4.023e-10 5.762e-10 9.573e-11 4.246e-10 1.252e-01 1.596e-04 1.067e-04 4.747e-04 2.844e-04 6.885e-10 1.145e-09 1.001e-10 1.309e-09 2.061e-01 -77 TP 9 9.549e-09 8.455e-09 7.586e-09 6.162e-09 1.537e-02 2.755e-02 1.735e-08 1.630e-08 7.017e-01 2.486e-08 6.003e-07 5.846e-09 9.250e-09 2.113e-01 1.521e-02 1.886e-08 1.434e-08 1.580e-02 4.729e-09 1.734e-06 6.079e-09 9.436e-09 3.867e-09 7.693e-03 2.340e-04 1.034e-07 5.156e-09 2.780e-03 2.410e-03 -77 TP 10 8.389e-11 5.648e-11 2.000e-10 7.010e-11 1.786e-09 1.447e-06 1.740e-01 1.620e-01 6.654e-06 6.077e-01 1.064e-09 2.511e-11 3.930e-11 8.959e-11 7.963e-10 2.196e-10 8.316e-11 1.953e-10 2.941e-10 2.436e-02 3.214e-10 2.223e-09 2.906e-04 2.775e-10 4.135e-10 1.649e-09 6.132e-11 4.911e-10 3.172e-02 -77 TP 11 7.330e-11 7.729e-11 6.057e-11 3.883e-07 1.477e-10 1.058e-02 4.129e-10 5.451e-09 9.099e-07 9.647e-10 8.381e-01 3.511e-06 5.867e-11 3.547e-10 7.176e-11 1.779e-07 7.785e-08 1.100e-10 2.837e-07 4.937e-03 1.425e-10 1.726e-10 7.516e-11 2.351e-03 1.999e-10 2.299e-10 5.621e-11 1.440e-01 5.164e-06 -77 TP 12 3.602e-07 4.334e-01 4.689e-08 2.039e-07 4.855e-08 4.651e-08 2.590e-02 4.647e-08 4.337e-08 2.179e-03 2.617e-08 2.348e-01 1.824e-01 1.212e-01 1.106e-07 2.476e-08 5.254e-06 4.551e-08 2.324e-08 5.259e-08 1.100e-07 8.918e-08 3.997e-08 4.111e-08 4.226e-08 4.813e-08 6.616e-08 2.456e-08 6.618e-08 -77 TP 13 1.567e-08 4.771e-01 8.871e-09 7.067e-02 2.754e-08 5.926e-09 3.310e-03 1.142e-08 1.038e-08 1.388e-08 3.735e-09 4.350e-02 3.964e-01 7.691e-03 4.836e-05 4.854e-09 4.042e-07 8.206e-09 3.862e-09 1.112e-08 1.951e-08 2.515e-08 2.849e-08 7.847e-09 1.136e-08 1.951e-08 1.237e-03 5.107e-09 1.029e-08 -77 TP 14 1.287e-02 4.937e-02 9.870e-02 1.002e-08 1.128e-08 1.229e-03 2.026e-08 6.601e-09 1.166e-01 1.125e-08 3.607e-09 1.672e-02 1.293e-03 4.187e-01 5.519e-04 4.942e-09 1.721e-01 1.101e-01 3.624e-09 1.166e-08 6.629e-09 9.931e-04 5.346e-09 6.390e-04 6.202e-09 1.180e-08 1.406e-04 3.452e-09 7.043e-09 -77 TP 15 1.166e-09 6.483e-10 9.690e-07 1.634e-09 1.519e-09 4.718e-04 1.373e-09 7.089e-03 6.154e-10 1.460e-09 1.040e-10 1.577e-10 5.217e-10 1.793e-09 9.861e-01 4.691e-11 2.607e-06 1.301e-04 7.987e-11 2.643e-03 1.156e-09 1.009e-03 1.119e-09 6.985e-05 1.507e-09 1.896e-09 2.517e-03 5.332e-11 7.262e-06 -77 TP 16 2.459e-10 2.839e-10 2.573e-10 2.842e-10 6.343e-09 1.386e-03 6.187e-09 3.472e-09 1.049e-09 3.714e-09 5.151e-03 2.051e-10 3.267e-09 2.713e-10 3.553e-10 7.462e-01 3.732e-10 2.627e-10 8.426e-03 1.361e-03 1.322e-09 1.651e-09 2.399e-09 2.145e-09 4.612e-10 6.666e-04 4.252e-10 2.368e-01 4.292e-09 -77 TP 17 1.727e-01 5.119e-02 1.050e-02 5.976e-02 1.055e-02 2.658e-09 9.971e-09 6.345e-09 5.107e-09 9.052e-09 2.854e-09 8.804e-03 9.105e-02 9.964e-03 2.420e-08 1.994e-09 3.089e-01 1.819e-03 1.619e-09 6.062e-09 4.349e-09 2.073e-08 3.662e-03 2.658e-09 1.871e-03 6.787e-09 2.692e-01 1.507e-09 6.867e-09 -77 TP 18 4.082e-01 6.103e-03 3.229e-02 1.158e-07 2.931e-02 1.488e-07 1.375e-01 4.101e-08 4.130e-08 6.580e-08 2.409e-08 1.631e-02 1.854e-02 4.322e-02 7.290e-08 2.955e-08 2.486e-01 5.552e-02 1.951e-08 4.305e-08 2.171e-03 5.303e-08 2.585e-08 2.712e-08 2.199e-03 5.066e-08 3.746e-06 1.880e-08 3.589e-08 -77 TP 19 1.724e-08 4.296e-09 1.407e-08 5.930e-04 3.075e-08 8.924e-08 2.405e-07 1.112e-01 1.204e-05 1.414e-07 3.354e-01 5.079e-09 5.753e-09 5.821e-06 3.267e-08 9.555e-02 1.224e-08 1.778e-04 7.494e-07 1.126e-07 2.472e-08 2.375e-08 3.730e-09 3.252e-08 4.940e-09 1.158e-06 3.151e-09 3.587e-01 9.841e-02 -77 TP 20 1.507e-10 1.915e-10 1.038e-10 8.947e-11 2.549e-09 2.793e-08 6.317e-09 1.418e-01 1.543e-10 3.496e-03 3.396e-03 9.859e-11 1.220e-10 2.098e-10 9.901e-10 1.291e-09 2.706e-10 1.202e-09 2.282e-04 5.451e-01 1.042e-09 1.025e-09 2.589e-09 2.159e-03 4.054e-07 8.131e-09 1.198e-10 2.634e-09 3.038e-01 -77 TP 21 3.460e-10 6.685e-10 2.759e-10 1.190e-09 1.697e-04 2.041e-04 1.290e-08 3.536e-09 2.832e-04 4.099e-09 9.044e-04 2.298e-10 4.081e-10 3.622e-10 1.056e-08 4.524e-10 7.670e-10 2.586e-10 1.960e-09 2.712e-07 3.888e-01 1.741e-08 9.229e-05 5.238e-10 4.322e-01 1.773e-01 1.178e-09 9.128e-10 2.804e-09 -77 TP 22 2.565e-10 1.982e-10 6.973e-10 3.120e-10 7.780e-03 9.831e-10 2.169e-01 4.656e-03 1.891e-10 2.374e-08 8.764e-10 7.231e-11 1.906e-10 1.400e-05 2.997e-03 6.446e-10 6.821e-05 1.315e-09 2.322e-05 6.751e-09 5.026e-09 7.676e-01 2.519e-09 1.556e-10 4.629e-09 2.983e-06 1.993e-10 5.607e-10 3.621e-09 -77 TP 23 4.215e-05 8.647e-11 4.396e-11 6.274e-06 1.468e-01 2.253e-11 8.727e-10 7.311e-10 4.657e-11 7.141e-10 2.609e-11 2.876e-11 5.953e-11 4.913e-06 1.505e-09 8.211e-11 6.529e-05 8.365e-11 4.312e-11 8.107e-10 4.629e-02 6.798e-10 7.925e-01 2.402e-11 1.426e-02 1.037e-09 3.147e-10 5.242e-11 4.628e-10 -77 TP 24 5.562e-10 7.669e-10 4.777e-10 6.210e-10 1.719e-08 1.394e-02 1.336e-06 1.402e-02 5.695e-04 4.066e-09 1.443e-02 5.090e-10 7.260e-10 5.661e-04 2.479e-08 1.654e-09 2.565e-04 5.444e-10 4.615e-04 3.639e-02 2.483e-03 4.558e-06 8.369e-10 8.336e-01 5.829e-10 1.729e-02 5.251e-10 4.243e-02 2.352e-02 -77 TP 25 4.993e-10 5.772e-10 4.083e-10 9.700e-10 1.716e-02 1.243e-09 6.279e-08 4.240e-09 4.720e-10 7.028e-09 1.766e-07 3.154e-10 4.354e-10 5.941e-10 1.104e-08 1.377e-09 9.823e-10 3.915e-10 2.454e-09 1.314e-08 3.190e-08 3.439e-08 9.815e-01 1.344e-03 1.303e-08 2.016e-08 1.248e-09 7.953e-10 6.750e-09 -77 TP 26 1.527e-10 1.656e-10 1.085e-10 1.815e-10 2.750e-01 1.790e-03 1.642e-08 1.338e-09 2.842e-10 3.163e-09 2.563e-06 8.447e-11 1.076e-10 1.336e-10 2.392e-09 2.389e-04 3.240e-10 1.853e-10 1.119e-05 3.724e-09 1.802e-07 1.622e-08 8.224e-06 1.194e-03 7.120e-03 7.147e-01 2.392e-10 2.953e-10 2.475e-09 -77 TP 27 1.463e-02 1.893e-03 2.106e-09 7.067e-03 8.082e-04 4.586e-10 4.342e-09 1.816e-09 1.083e-09 3.067e-09 3.780e-10 8.810e-10 2.905e-02 1.656e-03 2.988e-02 8.595e-10 9.493e-02 2.806e-06 4.556e-10 1.420e-09 1.591e-09 3.662e-09 2.298e-09 5.405e-10 4.675e-06 3.573e-09 8.201e-01 5.662e-10 1.644e-09 -77 TP 28 1.120e-10 2.093e-10 1.119e-10 3.950e-10 2.345e-10 7.877e-03 3.052e-09 3.043e-09 8.235e-05 1.383e-09 2.279e-01 5.488e-10 8.814e-11 1.155e-10 9.748e-11 6.447e-02 1.351e-09 1.295e-10 1.528e-09 2.973e-05 1.884e-10 4.569e-10 1.152e-10 5.247e-03 2.046e-10 2.813e-10 1.657e-10 6.944e-01 6.543e-09 -77 TP 29 1.394e-10 1.982e-10 9.112e-11 9.740e-11 5.251e-09 1.476e-09 4.124e-02 2.738e-01 1.051e-10 1.018e-01 6.550e-04 4.518e-05 1.037e-10 1.144e-10 5.560e-03 4.672e-10 2.443e-10 3.363e-05 5.002e-06 2.051e-01 1.418e-08 4.099e-09 1.554e-09 2.544e-03 1.383e-04 2.792e-09 1.224e-10 6.415e-09 3.691e-01 -78 IP 1 7.942e-09 -78 IP 2 1.447e-02 -78 IP 3 1.125e-07 -78 IP 4 3.346e-08 -78 IP 5 2.659e-08 -78 IP 6 1.612e-01 -78 IP 7 2.593e-02 -78 IP 8 5.276e-03 -78 IP 9 1.073e-08 -78 IP 10 2.075e-01 -78 IP 11 3.787e-02 -78 IP 12 8.584e-08 -78 IP 13 2.763e-08 -78 IP 14 5.472e-02 -78 IP 15 1.164e-08 -78 IP 16 4.171e-08 -78 IP 17 9.200e-09 -78 IP 18 8.921e-08 -78 IP 19 7.518e-09 -78 IP 20 2.571e-02 -78 IP 21 1.037e-01 -78 IP 22 2.833e-08 -78 IP 23 6.254e-03 -78 IP 24 1.210e-01 -78 IP 25 1.018e-02 -78 IP 26 2.960e-08 -78 IP 27 2.740e-08 -78 IP 28 9.701e-04 -78 IP 29 1.437e-08 -78 IP 30 2.192e-01 -78 IP 31 6.028e-03 -78 IP 32 1.355e-08 -78 EP 1 8.390e-11 1.069e-02 3.970e-02 3.693e-02 4.768e-02 6.720e-02 6.298e-02 6.492e-02 8.233e-02 8.716e-02 2.183e-01 2.569e-01 2.523e-02 1.973e-10 1.062e-10 -78 EP 2 3.131e-10 1.588e-02 4.203e-02 3.616e-02 6.519e-02 9.421e-02 9.568e-02 8.849e-02 8.824e-02 9.318e-02 1.071e-01 1.547e-01 1.191e-01 3.134e-10 5.891e-11 -78 EP 3 9.194e-11 1.116e-02 2.354e-02 2.432e-02 1.643e-02 2.140e-02 2.586e-02 2.402e-02 1.694e-02 6.091e-09 3.707e-02 1.999e-01 2.262e-01 1.842e-01 1.889e-01 -78 EP 4 2.823e-10 1.886e-02 4.957e-02 4.465e-02 4.733e-02 6.222e-02 5.903e-02 4.299e-02 4.784e-02 5.125e-02 1.002e-01 1.342e-01 1.542e-01 1.877e-01 4.073e-09 -78 EP 5 7.223e-04 9.545e-09 5.715e-05 1.632e-08 1.063e-04 2.022e-02 3.582e-02 5.029e-02 1.298e-01 3.063e-01 3.374e-01 1.101e-01 1.532e-08 8.851e-09 9.145e-03 -78 EP 6 1.570e-02 2.706e-01 3.673e-01 1.670e-01 8.379e-02 4.107e-02 2.734e-02 1.121e-02 9.773e-03 4.670e-03 1.449e-03 2.561e-10 2.334e-05 8.213e-11 7.942e-11 -78 EP 7 1.361e-03 5.780e-02 1.656e-01 1.447e-01 1.331e-01 1.172e-01 8.498e-02 7.156e-02 6.047e-02 6.189e-02 6.389e-02 3.742e-02 2.311e-10 3.931e-11 3.065e-11 -78 EP 8 3.627e-04 3.830e-02 4.543e-02 3.509e-02 3.438e-02 4.533e-02 4.499e-02 4.739e-02 5.884e-02 7.227e-02 8.350e-02 9.852e-02 1.311e-01 1.733e-01 9.117e-02 -78 EP 9 1.917e-04 2.499e-02 3.048e-02 2.696e-02 1.605e-02 4.230e-02 3.016e-02 4.869e-02 1.903e-01 3.039e-01 1.362e-01 6.249e-09 4.637e-02 1.033e-01 5.610e-05 -78 EP 10 1.806e-03 9.835e-02 2.660e-01 1.983e-01 1.528e-01 9.145e-02 6.119e-02 3.404e-02 3.165e-02 1.725e-02 3.554e-02 1.173e-02 3.665e-10 1.827e-10 6.003e-11 -78 EP 11 1.590e-04 1.071e-02 1.804e-02 2.160e-02 1.985e-02 2.996e-02 3.950e-02 6.680e-02 7.386e-02 6.629e-02 9.467e-02 9.046e-02 1.676e-01 2.967e-01 3.776e-03 -78 EP 12 1.706e-10 1.496e-09 3.752e-09 3.662e-09 1.617e-02 3.525e-02 5.370e-02 8.127e-02 7.388e-02 1.037e-01 1.063e-01 1.370e-01 2.214e-01 1.695e-01 1.738e-03 -78 EP 13 4.335e-11 3.831e-03 1.589e-02 1.458e-02 1.836e-02 2.462e-02 2.975e-02 3.349e-02 5.775e-02 7.839e-02 6.581e-02 8.039e-02 9.361e-02 2.163e-01 2.672e-01 -78 EP 14 3.867e-10 2.660e-03 3.647e-05 4.637e-03 1.228e-02 2.267e-02 3.192e-02 5.738e-02 5.552e-02 2.154e-02 4.168e-02 4.363e-02 1.496e-01 5.211e-01 3.531e-02 -78 EP 15 4.255e-03 1.051e-01 2.684e-01 2.178e-01 1.628e-01 1.058e-01 7.055e-02 4.000e-02 2.532e-02 3.411e-08 3.024e-10 4.402e-10 8.344e-11 4.682e-11 3.908e-11 -78 EP 16 5.562e-10 1.023e-02 4.514e-04 3.643e-07 1.220e-07 3.428e-03 9.628e-02 1.757e-01 2.131e-01 1.530e-01 2.045e-01 1.420e-01 1.276e-03 6.824e-10 5.099e-10 -78 EP 17 1.009e-10 1.421e-04 3.541e-02 7.046e-02 1.141e-01 1.308e-01 1.395e-01 1.362e-01 1.290e-01 1.538e-01 9.063e-02 6.410e-10 1.138e-10 3.972e-11 2.711e-11 -78 EP 18 7.229e-10 5.811e-10 3.181e-03 2.779e-02 6.144e-02 9.386e-02 8.083e-02 7.208e-02 1.092e-01 1.398e-01 2.107e-01 2.012e-01 1.024e-09 2.253e-10 7.008e-11 -78 EP 19 2.194e-10 5.421e-03 2.036e-02 1.294e-02 1.837e-02 4.401e-02 7.854e-02 7.794e-02 5.629e-02 5.911e-02 4.511e-02 1.424e-01 3.667e-01 7.211e-02 6.134e-04 -78 EP 20 2.048e-10 3.780e-09 6.922e-08 1.626e-08 8.102e-03 3.117e-02 4.476e-02 4.574e-02 4.391e-02 1.524e-01 3.350e-01 3.166e-01 2.547e-09 1.300e-08 2.223e-02 -78 EP 21 1.530e-03 4.166e-02 1.558e-01 1.478e-01 1.567e-01 1.388e-01 1.122e-01 9.443e-02 6.198e-02 5.607e-02 3.280e-02 2.354e-04 1.840e-10 7.975e-11 7.032e-11 -78 EP 22 1.822e-10 3.458e-03 4.109e-02 2.994e-02 4.662e-02 6.393e-02 8.522e-02 9.022e-02 8.344e-02 8.066e-02 9.654e-02 1.629e-01 1.701e-01 4.499e-02 8.762e-04 -78 EP 23 5.509e-04 5.194e-02 4.609e-02 4.813e-02 2.561e-02 3.814e-02 9.847e-02 2.729e-01 2.934e-01 1.243e-01 5.210e-04 5.272e-09 1.194e-08 1.384e-08 5.318e-09 -78 EP 24 6.944e-04 2.813e-02 8.948e-02 7.466e-02 7.722e-02 9.558e-02 9.247e-02 8.152e-02 8.023e-02 9.380e-02 8.122e-02 8.893e-02 1.161e-01 9.701e-09 5.620e-10 -78 EP 25 4.740e-11 1.692e-03 1.212e-02 9.065e-03 1.553e-02 1.550e-02 1.861e-02 1.395e-02 1.088e-02 3.349e-02 4.514e-02 4.991e-02 6.508e-02 1.949e-01 5.142e-01 -78 EP 26 2.020e-10 1.123e-09 6.150e-02 1.016e-01 1.541e-01 1.980e-01 1.758e-01 1.608e-01 8.954e-02 5.295e-02 1.518e-06 1.567e-07 5.764e-03 9.544e-10 2.104e-10 -78 EP 27 5.543e-04 6.768e-02 2.243e-01 1.879e-01 1.484e-01 1.098e-01 9.101e-02 7.397e-02 5.551e-02 3.140e-02 7.770e-03 1.640e-03 3.009e-10 5.728e-11 5.504e-11 -78 EP 28 4.838e-10 1.945e-03 1.555e-02 1.229e-02 1.527e-04 2.066e-04 3.079e-02 4.316e-02 4.863e-02 1.266e-02 2.170e-02 1.761e-02 2.567e-01 5.386e-01 3.476e-09 -78 EP 29 4.560e-05 3.755e-03 1.052e-02 1.071e-02 1.495e-02 1.762e-02 2.449e-02 3.113e-02 6.557e-02 6.149e-02 4.951e-02 7.191e-02 9.180e-02 3.114e-01 2.351e-01 -78 EP 30 2.309e-01 2.975e-01 2.210e-01 1.130e-01 5.842e-02 4.047e-02 1.793e-02 1.198e-02 8.012e-03 5.763e-04 1.223e-04 9.292e-09 2.675e-10 2.521e-10 2.444e-10 -78 EP 31 4.846e-05 8.194e-03 5.578e-02 2.751e-02 4.198e-02 8.049e-02 1.061e-01 9.404e-02 4.995e-02 4.695e-02 3.770e-07 1.375e-01 3.515e-01 8.943e-08 2.097e-10 -78 EP 32 1.052e-09 7.189e-03 4.834e-09 4.368e-02 2.572e-02 1.032e-02 5.264e-02 2.357e-01 4.387e-01 1.601e-01 2.019e-04 1.435e-08 2.575e-02 1.569e-08 1.225e-08 -78 TP 1 6.443e-01 3.689e-10 1.421e-10 4.676e-10 4.352e-10 1.024e-03 2.521e-09 1.187e-10 1.522e-10 3.683e-10 1.090e-09 7.145e-10 3.030e-10 3.149e-10 2.265e-02 4.148e-03 2.334e-01 2.048e-06 8.268e-02 1.687e-10 1.022e-02 9.651e-10 4.166e-10 4.009e-10 1.126e-10 3.397e-10 1.300e-03 3.380e-09 4.972e-10 2.826e-04 1.238e-08 1.563e-10 -78 TP 2 1.049e-10 6.561e-01 4.163e-10 2.753e-04 6.928e-03 5.070e-10 2.660e-03 2.921e-03 3.441e-07 1.578e-01 7.254e-10 1.041e-08 1.152e-02 5.331e-10 8.309e-11 4.692e-04 9.732e-11 7.664e-10 6.761e-11 6.949e-04 3.460e-09 1.484e-09 1.576e-02 2.616e-10 4.401e-10 2.678e-02 2.958e-10 1.179e-01 1.728e-10 2.875e-06 4.053e-10 1.045e-04 -78 TP 3 1.501e-10 1.083e-09 3.921e-01 2.183e-09 1.227e-09 7.774e-11 2.656e-10 2.813e-09 3.358e-01 6.970e-07 5.309e-05 1.691e-04 1.111e-09 3.186e-02 1.102e-10 2.597e-10 1.401e-10 3.673e-10 2.401e-10 9.908e-02 2.020e-10 4.219e-04 1.234e-09 6.379e-02 7.676e-02 1.043e-09 8.851e-11 2.580e-09 9.340e-10 5.902e-11 7.115e-10 4.389e-08 -78 TP 4 9.701e-11 2.018e-03 6.052e-10 5.474e-01 4.876e-02 1.364e-10 3.492e-10 1.529e-08 4.038e-10 7.875e-10 8.884e-10 1.770e-01 9.449e-02 7.950e-10 6.639e-11 5.404e-10 7.891e-11 8.394e-10 9.085e-11 1.385e-09 2.022e-10 8.006e-10 8.147e-02 4.853e-10 3.746e-10 1.063e-02 5.907e-11 3.818e-02 3.684e-10 5.388e-11 5.362e-10 5.370e-10 -78 TP 5 5.175e-10 1.027e-08 1.980e-09 1.464e-08 3.758e-01 2.128e-03 3.534e-09 9.058e-03 3.737e-09 3.602e-08 1.249e-08 6.455e-09 4.299e-02 2.334e-09 4.479e-10 4.758e-09 7.126e-10 3.312e-09 6.071e-10 1.727e-08 2.847e-09 2.027e-09 3.416e-01 2.620e-09 2.199e-09 2.257e-01 6.257e-10 1.572e-08 1.567e-09 3.279e-08 1.215e-08 2.640e-03 -78 TP 6 4.893e-10 3.601e-09 3.252e-10 4.173e-10 5.926e-10 8.945e-01 5.431e-02 5.431e-10 1.509e-10 6.292e-03 3.336e-10 2.357e-10 1.648e-10 3.696e-10 2.363e-03 8.577e-10 1.458e-07 2.706e-04 1.913e-10 3.723e-05 6.500e-03 1.138e-09 2.652e-10 5.917e-03 1.269e-10 8.695e-03 1.833e-02 2.694e-10 1.576e-10 2.752e-03 8.390e-10 2.711e-10 -78 TP 7 1.218e-08 1.139e-07 1.438e-10 4.452e-10 5.320e-10 1.618e-02 9.006e-01 6.392e-11 1.271e-10 1.414e-02 1.858e-10 2.942e-10 1.437e-10 1.235e-10 8.673e-10 1.084e-09 3.184e-07 1.121e-03 1.675e-10 1.916e-10 2.576e-09 6.740e-02 2.636e-10 1.739e-10 6.963e-11 2.003e-08 1.409e-04 3.177e-10 1.049e-10 4.650e-04 8.881e-10 1.269e-10 -78 TP 8 7.058e-11 4.528e-03 7.564e-10 3.901e-06 2.583e-03 6.173e-11 7.657e-11 9.864e-01 4.727e-10 2.129e-03 1.134e-10 9.254e-09 2.973e-03 5.673e-10 6.083e-11 2.534e-10 6.787e-11 2.089e-10 4.690e-11 1.870e-10 1.350e-10 7.781e-11 4.547e-07 2.506e-10 1.092e-03 1.895e-04 6.504e-05 1.538e-07 1.286e-10 6.812e-11 1.522e-10 1.706e-10 -78 TP 9 2.538e-10 1.387e-09 3.880e-04 1.765e-09 1.037e-03 1.823e-10 9.368e-10 3.806e-09 5.272e-08 1.347e-08 1.097e-09 4.052e-04 4.129e-09 1.288e-01 1.636e-10 7.331e-10 3.637e-10 1.130e-09 1.208e-07 5.314e-09 4.649e-10 1.372e-09 9.323e-10 5.441e-09 8.693e-01 8.734e-10 1.137e-10 1.223e-09 1.127e-09 9.939e-11 1.083e-09 5.009e-09 -78 TP 10 4.643e-10 2.754e-01 3.003e-10 1.566e-09 5.238e-09 1.271e-03 1.166e-02 5.545e-10 2.236e-10 5.645e-01 3.367e-10 3.884e-10 3.601e-10 2.760e-10 1.208e-10 2.665e-09 1.413e-10 3.171e-04 1.456e-10 1.001e-09 4.011e-06 8.113e-10 5.749e-10 5.384e-10 1.503e-10 1.467e-01 1.821e-10 3.055e-05 1.155e-10 4.398e-10 9.093e-10 1.046e-04 -78 TP 11 1.045e-08 2.315e-09 3.572e-10 2.699e-09 2.315e-03 9.236e-11 5.506e-10 1.828e-09 3.908e-10 4.300e-04 7.333e-01 1.332e-07 3.913e-10 1.089e-03 4.678e-10 1.523e-09 2.851e-08 4.258e-02 8.702e-04 4.108e-06 4.279e-05 3.925e-10 8.396e-10 1.159e-03 3.387e-10 1.883e-09 1.425e-04 2.602e-09 5.549e-02 9.086e-11 1.621e-01 4.958e-04 -78 TP 12 2.267e-10 4.906e-06 9.000e-10 5.120e-09 4.460e-03 6.689e-04 1.140e-06 2.323e-09 7.738e-10 3.472e-01 2.014e-09 4.526e-01 4.189e-09 9.546e-10 2.408e-10 2.446e-05 1.982e-10 8.033e-03 1.976e-10 2.157e-09 4.598e-06 3.424e-09 6.887e-09 1.813e-09 6.901e-10 1.870e-01 2.671e-10 2.589e-09 7.120e-10 4.422e-10 2.490e-09 1.250e-09 -78 TP 13 5.938e-11 2.229e-09 4.281e-10 1.759e-01 9.413e-10 4.533e-11 1.210e-10 8.074e-04 3.704e-10 1.773e-03 2.869e-10 6.880e-03 7.884e-01 4.480e-10 3.730e-11 2.074e-10 5.580e-11 5.287e-10 5.242e-11 4.330e-10 9.630e-11 2.351e-10 6.916e-03 3.562e-10 2.888e-10 2.882e-03 3.319e-11 1.637e-02 2.189e-10 2.737e-11 3.297e-10 6.504e-10 -78 TP 14 6.937e-11 5.743e-10 1.364e-01 7.657e-10 4.618e-10 6.426e-11 1.496e-04 5.578e-10 3.979e-02 1.166e-08 1.983e-09 5.268e-03 1.774e-09 4.445e-01 4.582e-10 3.253e-10 1.236e-10 3.047e-10 1.303e-10 6.271e-02 2.910e-10 1.670e-09 4.713e-10 2.077e-01 1.006e-01 4.019e-10 6.898e-11 1.201e-09 2.900e-03 3.763e-11 4.408e-10 1.914e-09 -78 TP 15 9.662e-07 3.945e-10 1.357e-10 2.498e-10 1.722e-10 3.610e-09 1.466e-04 6.088e-11 6.630e-11 6.144e-10 4.870e-10 1.473e-10 9.439e-11 7.765e-10 6.758e-01 8.223e-10 3.181e-01 7.261e-04 4.484e-10 9.483e-11 5.472e-04 8.676e-10 2.464e-10 3.686e-10 6.460e-11 4.173e-08 2.326e-03 3.411e-10 1.332e-10 2.414e-03 1.089e-09 9.770e-11 -78 TP 16 3.420e-09 6.338e-09 9.588e-10 5.711e-09 1.728e-09 4.479e-03 1.446e-09 1.074e-09 3.117e-09 2.960e-08 7.706e-02 9.700e-04 2.475e-03 2.752e-09 1.565e-02 2.759e-01 3.955e-03 1.557e-08 2.133e-09 1.008e-06 4.471e-01 6.358e-10 4.712e-09 1.426e-09 5.720e-10 1.293e-08 2.881e-04 1.623e-07 9.452e-09 5.058e-03 1.671e-01 1.068e-05 -78 TP 17 1.140e-01 3.711e-10 6.154e-11 5.540e-10 1.245e-05 2.665e-07 6.101e-10 5.451e-11 5.389e-11 2.804e-10 1.807e-03 6.275e-10 1.570e-10 2.368e-10 1.880e-01 5.457e-08 6.884e-01 7.634e-08 1.149e-03 8.152e-11 9.854e-10 3.231e-04 2.621e-10 3.243e-10 4.669e-11 3.968e-10 1.868e-03 8.668e-05 5.021e-10 4.381e-03 3.322e-06 6.314e-11 -78 TP 18 1.472e-09 7.653e-09 1.996e-10 3.271e-09 1.836e-07 6.450e-10 5.728e-10 2.940e-10 2.142e-10 1.944e-03 8.430e-05 3.782e-04 8.997e-10 5.553e-10 7.059e-06 2.106e-01 3.556e-09 3.994e-01 5.501e-10 5.126e-10 1.344e-01 2.285e-10 2.616e-09 5.848e-10 1.250e-10 7.877e-09 2.101e-04 6.396e-09 8.897e-10 3.018e-10 2.530e-01 5.385e-10 -78 TP 19 2.805e-01 9.703e-10 6.087e-10 1.003e-09 1.769e-09 6.528e-10 4.743e-08 3.822e-10 5.057e-10 2.155e-09 2.982e-09 1.645e-09 6.321e-10 1.828e-09 4.019e-09 1.206e-08 2.729e-03 2.396e-04 7.137e-01 1.004e-09 2.723e-03 2.437e-09 7.592e-10 1.347e-09 5.281e-10 9.497e-10 8.494e-05 1.297e-09 2.663e-09 4.312e-10 7.117e-09 6.218e-10 -78 TP 20 2.832e-10 1.480e-09 2.312e-02 1.979e-09 2.538e-03 1.603e-09 1.058e-09 7.788e-09 7.514e-02 2.865e-09 1.041e-03 1.844e-09 3.388e-09 3.425e-06 2.546e-10 9.436e-10 3.174e-10 1.803e-09 9.087e-10 4.024e-01 1.584e-09 5.200e-04 2.748e-09 1.721e-01 9.718e-09 2.602e-09 1.290e-07 1.928e-09 2.053e-08 1.623e-09 2.609e-09 3.231e-01 -78 TP 21 1.148e-09 1.026e-09 1.858e-10 6.505e-10 1.296e-09 4.238e-04 4.964e-10 1.274e-10 9.506e-11 9.555e-10 1.804e-04 2.492e-10 1.573e-10 2.363e-04 1.759e-03 3.910e-04 2.737e-09 2.539e-01 3.381e-10 2.044e-10 7.112e-01 1.969e-10 3.342e-10 7.151e-10 8.263e-11 4.448e-09 1.533e-09 4.527e-09 3.652e-10 2.685e-03 2.920e-02 1.989e-10 -78 TP 22 7.262e-10 3.300e-09 8.432e-10 1.667e-09 1.048e-09 3.854e-03 1.911e-01 1.850e-10 9.526e-04 1.424e-08 8.852e-10 3.188e-09 2.741e-09 7.668e-10 2.186e-07 9.030e-10 9.893e-04 7.118e-10 5.179e-10 7.347e-10 1.674e-09 8.008e-01 1.559e-09 5.544e-10 2.253e-09 2.619e-09 2.152e-03 1.593e-09 6.267e-10 1.952e-04 7.583e-10 1.036e-09 -78 TP 23 4.901e-10 1.451e-02 2.400e-09 2.824e-03 1.718e-02 3.333e-05 2.250e-09 9.581e-03 6.172e-09 6.153e-09 2.131e-04 1.966e-01 2.657e-01 1.011e-08 5.848e-10 4.244e-07 8.245e-10 3.964e-09 4.357e-10 2.505e-09 2.125e-09 3.813e-09 8.787e-03 1.568e-09 2.702e-08 3.235e-02 4.560e-10 4.522e-01 1.648e-09 1.313e-07 2.607e-09 4.154e-09 -78 TP 24 7.669e-11 5.142e-10 4.754e-04 3.887e-10 5.546e-10 1.748e-03 1.268e-09 3.737e-10 2.484e-09 1.386e-09 5.552e-10 3.886e-10 6.154e-10 2.985e-01 1.421e-09 2.539e-10 1.102e-10 3.079e-10 1.034e-10 2.056e-02 2.584e-10 3.761e-10 4.064e-10 6.595e-01 8.831e-03 4.604e-10 3.973e-04 6.552e-10 4.876e-10 5.133e-04 3.804e-10 9.465e-03 -78 TP 25 7.635e-11 1.191e-09 1.598e-01 5.589e-04 5.920e-10 2.114e-11 5.389e-11 7.115e-04 7.796e-02 1.852e-04 2.866e-10 8.378e-09 5.243e-10 1.236e-01 2.227e-11 8.534e-11 3.792e-11 1.263e-10 9.054e-11 1.576e-03 4.497e-11 2.164e-10 3.569e-10 2.338e-09 6.354e-01 1.779e-04 1.969e-11 1.200e-09 2.594e-10 1.837e-11 1.610e-10 9.600e-06 -78 TP 26 2.404e-10 3.916e-01 1.315e-09 1.515e-08 4.386e-02 1.088e-07 6.488e-09 4.371e-05 8.883e-09 2.830e-08 1.343e-05 1.443e-09 4.270e-03 6.899e-04 1.910e-10 8.808e-09 1.865e-10 2.144e-09 2.457e-10 1.581e-09 6.546e-09 8.968e-10 2.223e-08 1.016e-09 6.791e-04 4.368e-01 2.883e-10 1.211e-01 3.909e-10 4.460e-04 1.646e-09 5.362e-04 -78 TP 27 8.688e-10 7.394e-10 1.480e-10 3.634e-10 1.130e-09 1.057e-02 4.334e-03 8.255e-11 1.223e-10 7.806e-10 7.956e-05 2.734e-10 1.252e-10 1.071e-06 6.621e-03 3.208e-10 1.034e-03 3.749e-10 3.313e-09 5.713e-04 5.038e-10 6.749e-04 4.509e-10 1.837e-04 8.907e-11 6.580e-04 9.744e-01 3.995e-10 1.290e-10 8.632e-04 1.300e-09 3.339e-10 -78 TP 28 8.170e-10 1.772e-06 6.485e-03 5.722e-01 3.598e-02 1.232e-10 3.196e-10 5.108e-03 1.112e-08 9.423e-10 5.395e-04 1.843e-09 1.478e-01 2.718e-03 1.105e-10 5.758e-10 3.024e-10 2.065e-09 2.207e-10 1.185e-08 4.393e-10 1.083e-09 3.318e-02 8.505e-10 2.020e-03 3.507e-02 9.557e-11 1.589e-01 1.376e-09 7.816e-11 2.408e-09 3.310e-09 -78 TP 29 4.254e-09 2.252e-09 1.155e-09 3.788e-09 1.364e-09 1.822e-10 4.324e-10 6.628e-10 8.926e-10 1.219e-09 1.894e-01 1.022e-08 1.129e-09 4.578e-03 3.792e-10 1.663e-09 6.720e-05 2.032e-04 1.063e-04 2.488e-03 1.593e-09 9.467e-10 1.127e-09 2.668e-09 9.811e-10 7.891e-10 1.952e-10 2.174e-09 7.914e-01 1.460e-10 1.175e-02 1.408e-09 -78 TP 30 1.968e-09 4.601e-06 5.413e-10 2.951e-09 6.470e-04 1.391e-02 5.561e-03 3.918e-09 3.687e-10 7.248e-09 8.292e-10 7.392e-10 6.605e-10 5.307e-10 1.287e-02 2.697e-09 4.880e-02 1.244e-02 4.710e-10 3.191e-09 3.325e-02 1.129e-09 6.576e-10 7.705e-03 3.184e-10 3.163e-03 4.425e-08 2.812e-09 3.989e-10 8.617e-01 1.843e-09 5.371e-10 -78 TP 31 1.677e-09 1.371e-09 2.921e-10 9.104e-10 3.030e-09 2.236e-10 9.167e-10 3.300e-10 1.909e-10 2.510e-09 2.406e-01 1.621e-08 4.551e-10 1.496e-05 5.612e-04 6.046e-03 3.176e-09 2.656e-01 1.546e-09 2.389e-09 3.788e-02 2.961e-10 4.290e-10 4.487e-10 1.746e-10 1.486e-09 4.669e-10 2.948e-09 9.142e-04 6.820e-06 4.484e-01 2.988e-10 -78 TP 32 7.746e-10 4.833e-09 7.282e-09 3.979e-09 1.080e-08 7.525e-09 2.589e-09 1.542e-08 1.536e-08 5.115e-09 2.326e-02 3.735e-09 1.708e-08 4.360e-01 6.503e-10 3.772e-09 1.234e-03 4.040e-09 3.690e-04 1.494e-03 1.503e-09 2.128e-09 3.006e-09 5.848e-02 4.786e-01 1.014e-08 2.989e-07 4.068e-09 2.191e-05 4.772e-04 3.852e-09 7.792e-06 -79 IP 1 2.804e-02 -79 IP 2 1.927e-02 -79 IP 3 1.253e-08 -79 IP 4 4.066e-02 -79 IP 5 2.499e-01 -79 IP 6 4.670e-01 -79 IP 7 2.091e-08 -79 IP 8 1.445e-02 -79 IP 9 6.847e-09 -79 IP 10 2.104e-02 -79 IP 11 1.498e-08 -79 IP 12 3.964e-02 -79 IP 13 7.632e-09 -79 IP 14 1.310e-02 -79 IP 15 1.708e-02 -79 IP 16 1.620e-08 -79 IP 17 1.595e-02 -79 IP 18 1.183e-02 -79 IP 19 9.285e-08 -79 IP 20 6.769e-03 -79 IP 21 4.313e-04 -79 IP 22 2.917e-02 -79 IP 23 2.568e-02 -79 IP 24 7.689e-08 -79 EP 1 2.345e-03 1.091e-01 2.728e-01 1.971e-01 1.445e-01 9.542e-02 6.818e-02 5.252e-02 3.382e-02 1.600e-02 6.233e-03 1.960e-03 5.191e-05 7.219e-11 6.899e-11 6.888e-11 -79 EP 2 7.165e-11 3.196e-03 4.049e-02 4.916e-02 6.983e-02 1.022e-01 1.084e-01 1.060e-01 1.014e-01 9.726e-02 9.451e-02 1.222e-01 1.053e-01 2.396e-10 6.803e-11 1.015e-11 -79 EP 3 7.995e-10 6.385e-03 2.235e-03 5.597e-03 3.647e-03 1.244e-02 2.912e-02 3.940e-02 3.085e-09 2.118e-09 1.073e-01 3.520e-01 2.052e-01 1.143e-01 1.224e-01 6.961e-11 -79 EP 4 3.817e-10 3.549e-02 4.407e-02 3.657e-02 1.673e-03 3.628e-02 8.163e-02 2.449e-01 3.818e-01 1.281e-01 9.437e-03 2.793e-09 2.281e-08 8.669e-09 8.565e-09 1.024e-10 -79 EP 5 2.972e-03 8.843e-02 2.426e-01 1.803e-01 1.508e-01 1.107e-01 6.525e-02 4.649e-02 3.348e-02 2.362e-02 3.181e-02 2.353e-02 1.954e-10 1.255e-10 5.411e-11 2.551e-11 -79 EP 6 1.143e-01 3.337e-01 2.904e-01 1.359e-01 6.551e-02 2.897e-02 1.520e-02 1.011e-02 3.912e-03 2.068e-03 4.713e-10 2.148e-10 1.394e-10 1.197e-10 1.163e-10 1.131e-10 -79 EP 7 1.066e-07 2.537e-08 3.686e-02 6.180e-02 9.905e-02 1.203e-01 1.531e-01 1.427e-01 1.394e-01 1.614e-01 8.533e-02 3.973e-06 1.100e-10 1.061e-10 2.341e-05 3.063e-11 -79 EP 8 2.573e-04 1.163e-02 1.283e-02 3.116e-02 2.740e-02 3.985e-02 5.295e-02 8.551e-02 2.971e-01 3.334e-01 7.910e-02 6.538e-09 2.829e-02 5.297e-04 1.546e-08 1.389e-10 -79 EP 9 1.615e-09 7.241e-07 4.300e-02 4.999e-07 6.480e-03 5.065e-07 2.243e-08 4.053e-08 2.242e-08 1.317e-07 4.284e-08 4.023e-08 1.757e-08 6.488e-08 9.505e-01 5.287e-10 -79 EP 10 1.755e-10 3.634e-09 1.772e-08 4.400e-03 1.382e-02 3.048e-02 3.366e-02 5.329e-02 5.074e-02 4.825e-09 3.459e-03 2.961e-03 1.561e-01 6.510e-01 2.331e-09 3.363e-11 -79 EP 11 3.574e-10 8.963e-03 3.322e-02 3.567e-02 4.928e-02 6.677e-02 7.823e-02 8.158e-02 6.772e-02 8.216e-02 1.933e-01 2.449e-01 5.391e-02 4.304e-03 2.237e-10 9.517e-11 -79 EP 12 5.331e-04 4.392e-02 6.654e-02 5.896e-02 6.979e-02 8.367e-02 7.938e-02 7.882e-02 8.064e-02 7.921e-02 8.478e-02 9.279e-02 1.021e-01 7.888e-02 2.581e-10 1.662e-11 -79 EP 13 8.337e-10 4.060e-03 2.858e-02 6.116e-02 1.253e-01 2.763e-01 2.136e-01 1.929e-01 4.156e-02 1.839e-02 2.731e-02 1.079e-02 1.033e-09 8.050e-10 8.151e-10 7.785e-10 -79 EP 14 4.142e-05 2.925e-03 9.735e-03 9.532e-03 1.239e-02 1.693e-02 1.741e-02 2.111e-02 3.342e-02 5.752e-02 4.832e-02 4.765e-02 7.844e-02 2.339e-01 4.107e-01 1.112e-11 -79 EP 15 2.791e-04 1.368e-02 5.037e-02 4.422e-02 4.622e-02 5.970e-02 6.575e-02 7.806e-02 7.813e-02 6.776e-02 8.332e-02 7.744e-02 1.230e-01 2.069e-01 5.214e-03 1.938e-11 -79 EP 16 1.006e-10 6.417e-03 1.003e-02 1.117e-02 1.509e-02 2.390e-02 3.110e-02 6.017e-02 7.464e-02 6.501e-02 7.140e-02 6.595e-02 1.648e-01 3.716e-01 2.876e-02 3.331e-11 -79 EP 17 4.468e-03 8.766e-02 2.384e-01 2.159e-01 1.708e-01 1.216e-01 7.163e-02 5.113e-02 3.374e-02 4.696e-03 2.029e-10 2.589e-10 4.351e-10 4.057e-11 3.984e-11 3.092e-11 -79 EP 18 7.323e-05 3.998e-03 1.378e-02 1.441e-02 1.813e-02 2.160e-02 2.202e-02 2.133e-02 4.406e-02 7.256e-02 6.044e-02 7.571e-02 7.840e-02 2.040e-01 3.494e-01 1.659e-11 -79 EP 19 8.633e-04 3.898e-02 1.548e-01 1.632e-01 1.561e-01 1.308e-01 1.129e-01 8.456e-02 6.895e-02 6.632e-02 2.254e-02 2.762e-10 1.533e-10 5.170e-11 3.162e-06 1.556e-11 -79 EP 20 3.561e-10 3.617e-03 1.422e-02 1.687e-02 3.011e-02 2.746e-02 3.475e-02 1.466e-02 5.902e-09 1.130e-01 3.647e-01 3.804e-01 2.354e-04 3.807e-08 3.146e-07 1.335e-10 -79 EP 21 1.178e-04 2.284e-02 3.268e-02 2.506e-02 2.723e-02 3.725e-02 4.021e-02 4.678e-02 6.233e-02 7.637e-02 8.608e-02 1.029e-01 1.343e-01 1.898e-01 1.160e-01 8.943e-06 -79 EP 22 2.869e-10 5.063e-10 4.876e-08 5.705e-07 4.646e-02 9.472e-02 9.405e-02 1.168e-01 1.358e-01 1.369e-01 2.146e-01 1.606e-01 4.579e-10 1.457e-10 1.912e-10 1.800e-11 -79 EP 23 1.424e-04 1.076e-02 3.889e-02 3.323e-02 3.752e-02 5.541e-02 7.841e-02 8.036e-02 6.446e-02 7.619e-02 7.251e-02 1.769e-01 2.514e-01 2.384e-02 9.867e-11 1.573e-11 -79 EP 24 6.952e-11 1.774e-02 4.524e-02 3.417e-02 3.138e-02 4.092e-02 4.970e-02 4.729e-02 4.519e-02 6.237e-02 7.977e-02 9.676e-02 2.096e-01 2.399e-01 6.491e-09 1.281e-11 -79 TP 1 9.660e-01 2.626e-09 3.846e-10 2.894e-10 4.686e-03 1.414e-02 3.625e-09 2.041e-10 4.160e-10 2.348e-10 2.896e-03 1.708e-03 2.070e-05 2.346e-10 3.535e-05 2.491e-10 9.000e-03 3.658e-10 8.859e-05 5.282e-10 7.113e-09 1.126e-03 2.682e-04 4.326e-10 -79 TP 2 7.531e-04 6.847e-01 2.604e-10 8.255e-03 1.200e-01 8.944e-04 7.601e-11 1.081e-08 1.965e-10 7.732e-02 7.381e-11 4.890e-10 8.778e-11 1.747e-05 2.051e-10 1.180e-09 1.086e-10 1.569e-03 3.480e-09 3.543e-03 2.508e-08 5.934e-08 3.945e-07 1.030e-01 -79 TP 3 2.501e-09 2.565e-09 3.749e-01 6.501e-09 3.202e-09 7.902e-10 3.925e-10 4.644e-01 1.562e-04 1.375e-09 5.249e-05 1.320e-09 5.156e-10 5.534e-06 1.467e-01 3.311e-10 2.088e-08 2.022e-09 2.052e-10 1.379e-02 9.226e-10 2.701e-10 2.849e-10 1.488e-09 -79 TP 4 2.529e-09 6.595e-08 1.655e-09 1.363e-08 3.526e-09 1.811e-09 7.190e-10 4.710e-09 7.454e-03 3.866e-01 1.479e-09 5.047e-09 2.259e-08 1.266e-02 6.646e-09 2.402e-02 4.837e-10 3.546e-01 3.332e-09 1.077e-02 2.499e-03 2.631e-09 2.600e-08 2.013e-01 -79 TP 5 9.087e-07 3.407e-01 3.209e-04 2.347e-09 6.392e-01 5.523e-03 2.356e-10 1.466e-07 9.369e-11 9.748e-05 2.140e-10 3.624e-03 1.821e-10 4.372e-10 8.308e-10 4.612e-10 2.746e-10 8.801e-10 9.870e-03 1.930e-09 8.488e-09 6.737e-04 1.438e-08 1.264e-09 -79 TP 6 2.758e-02 8.097e-03 7.536e-04 1.065e-09 3.018e-02 8.256e-01 2.424e-02 3.231e-04 1.835e-10 3.105e-10 1.797e-03 1.345e-09 9.816e-05 4.100e-10 6.528e-04 4.266e-10 2.219e-02 3.452e-10 5.444e-02 4.447e-09 3.825e-10 4.066e-03 9.157e-10 5.558e-10 -79 TP 7 9.554e-07 4.268e-10 6.627e-10 2.142e-10 6.499e-10 7.991e-03 7.175e-01 6.394e-11 4.899e-11 4.014e-04 6.567e-02 4.786e-09 1.573e-10 8.529e-11 1.817e-10 5.248e-10 2.068e-01 1.094e-10 1.593e-09 1.785e-10 1.138e-10 1.062e-08 1.664e-03 3.989e-10 -79 TP 8 2.104e-04 2.643e-07 1.462e-08 2.502e-09 5.964e-09 1.376e-03 4.078e-04 1.996e-08 4.312e-03 1.713e-08 1.131e-08 6.459e-10 7.737e-04 9.622e-01 3.068e-02 9.546e-10 4.432e-10 9.015e-09 3.970e-10 5.792e-09 1.693e-09 7.654e-10 6.141e-10 3.814e-09 -79 TP 9 6.404e-10 1.443e-01 1.310e-08 4.364e-01 6.663e-09 6.481e-10 3.015e-09 1.658e-08 4.018e-09 2.283e-01 2.186e-09 3.464e-07 7.262e-10 1.878e-08 1.553e-02 9.801e-09 8.528e-10 2.403e-08 1.966e-09 1.730e-01 7.155e-08 2.565e-09 3.620e-09 2.479e-03 -79 TP 10 1.808e-10 7.207e-09 9.018e-03 4.379e-02 7.797e-10 6.757e-11 1.968e-10 1.908e-09 1.721e-02 3.015e-01 3.473e-10 1.309e-03 8.534e-11 8.727e-03 4.209e-05 2.196e-08 1.411e-10 2.042e-01 3.474e-10 6.161e-02 4.583e-09 8.565e-10 3.183e-03 3.494e-01 -79 TP 11 1.440e-06 9.756e-10 3.810e-08 5.235e-10 6.708e-07 2.326e-03 1.845e-01 4.721e-10 2.090e-10 9.977e-10 7.644e-01 2.019e-04 2.916e-10 1.279e-04 4.800e-09 2.401e-09 4.617e-02 3.976e-10 1.201e-08 6.918e-10 3.562e-10 2.980e-09 2.246e-03 9.372e-10 -79 TP 12 3.598e-04 2.667e-10 5.889e-11 1.895e-10 1.470e-03 8.307e-05 1.913e-10 7.225e-11 1.249e-10 3.283e-10 1.749e-05 9.157e-01 1.699e-11 1.064e-10 4.591e-11 3.230e-04 1.270e-10 3.063e-10 2.830e-10 4.755e-10 8.205e-02 1.134e-09 1.404e-08 4.160e-10 -79 TP 13 1.425e-09 4.630e-03 1.063e-03 1.507e-03 1.696e-09 1.272e-09 2.502e-09 1.450e-09 2.172e-08 2.038e-09 1.865e-09 1.138e-09 9.828e-01 1.231e-09 1.767e-03 2.507e-03 1.522e-03 1.414e-09 3.610e-09 1.597e-09 1.131e-09 4.159e-03 1.836e-08 4.464e-09 -79 TP 14 3.647e-10 8.166e-04 7.914e-02 8.673e-10 2.134e-10 2.037e-11 2.997e-11 4.126e-08 1.922e-09 3.607e-03 5.004e-11 7.799e-11 2.589e-11 8.438e-01 7.240e-02 5.340e-11 2.388e-11 6.645e-10 2.429e-11 4.980e-10 1.927e-04 3.431e-11 4.193e-11 5.329e-09 -79 TP 15 5.516e-09 4.851e-10 3.057e-02 5.333e-10 9.884e-05 7.224e-05 1.985e-05 9.791e-03 1.231e-09 1.976e-03 2.794e-05 1.318e-10 3.624e-10 1.299e-01 8.274e-01 1.129e-10 4.431e-10 1.157e-09 6.555e-11 9.608e-05 5.333e-10 8.191e-11 8.806e-11 4.713e-10 -79 TP 16 7.435e-05 5.239e-09 1.772e-10 3.868e-09 6.636e-10 1.045e-10 5.571e-10 1.900e-10 6.958e-09 7.327e-09 4.132e-07 5.919e-10 1.235e-10 1.745e-10 1.703e-10 7.559e-01 2.122e-10 1.019e-02 1.917e-09 3.217e-03 2.247e-10 6.312e-03 2.243e-01 7.340e-09 -79 TP 17 4.051e-03 1.843e-09 9.377e-11 1.433e-10 2.862e-04 4.158e-03 2.177e-01 6.510e-11 4.530e-11 1.935e-10 7.898e-03 1.739e-09 1.811e-04 5.626e-11 7.742e-11 1.696e-10 7.541e-01 8.223e-11 1.115e-02 2.119e-10 9.173e-11 4.939e-04 6.694e-10 3.067e-10 -79 TP 18 4.373e-11 2.966e-04 1.037e-09 6.605e-08 3.551e-10 3.055e-11 6.762e-11 7.079e-10 1.759e-09 9.997e-02 1.508e-10 6.218e-10 3.164e-11 9.444e-10 4.823e-04 5.083e-03 3.711e-11 7.775e-01 1.164e-10 1.047e-02 6.142e-10 3.052e-10 1.222e-09 1.062e-01 -79 TP 19 1.594e-06 2.186e-09 2.438e-10 6.034e-10 2.558e-09 4.968e-03 1.726e-09 4.448e-11 5.057e-11 3.159e-10 4.711e-10 1.995e-04 1.683e-10 4.138e-11 4.901e-11 4.224e-10 3.902e-03 8.969e-11 7.208e-01 4.437e-10 2.334e-10 2.368e-01 3.331e-02 3.776e-10 -79 TP 20 8.556e-04 7.437e-03 3.114e-08 5.483e-01 1.985e-02 5.416e-04 1.084e-09 2.324e-03 1.409e-02 9.364e-09 1.599e-04 7.084e-09 2.471e-04 3.424e-09 7.070e-09 6.670e-09 1.192e-09 8.437e-09 2.681e-09 4.060e-01 4.766e-09 2.324e-04 1.474e-08 2.029e-06 -79 TP 21 3.213e-11 5.443e-10 2.602e-10 1.425e-10 3.028e-04 1.863e-05 2.671e-11 1.960e-10 1.638e-10 3.032e-10 4.148e-11 6.294e-02 1.284e-11 2.195e-04 1.712e-10 5.289e-05 2.214e-11 1.829e-04 8.384e-11 4.131e-05 9.360e-01 2.542e-04 2.365e-10 9.110e-10 -79 TP 22 7.723e-06 9.410e-10 8.079e-11 5.051e-05 8.279e-03 3.558e-03 6.433e-06 8.278e-11 1.025e-10 8.075e-10 8.179e-10 1.233e-03 1.387e-04 7.101e-11 5.989e-11 4.548e-09 2.642e-03 2.180e-10 2.586e-01 6.363e-10 3.485e-10 5.412e-01 1.843e-01 1.038e-09 -79 TP 23 2.338e-10 1.681e-09 8.424e-11 7.096e-10 4.672e-09 4.230e-09 5.805e-04 7.258e-11 1.222e-10 5.073e-03 2.512e-04 1.323e-09 9.607e-11 6.930e-11 6.775e-11 1.062e-01 1.796e-09 1.614e-09 3.728e-02 9.953e-10 1.617e-10 1.539e-01 6.967e-01 3.295e-08 -79 TP 24 7.257e-11 2.207e-01 2.849e-10 3.471e-02 1.505e-02 5.214e-11 1.092e-10 8.948e-10 1.496e-02 2.766e-02 1.418e-10 1.632e-09 3.962e-11 1.169e-09 6.753e-10 5.923e-09 7.149e-11 4.353e-02 1.162e-09 1.152e-02 3.562e-09 2.146e-03 1.760e-06 6.298e-01 -80 IP 1 4.569e-02 -80 IP 2 1.871e-04 -80 IP 3 1.488e-05 -80 IP 4 2.211e-02 -80 IP 5 1.822e-03 -80 IP 6 4.798e-07 -80 IP 7 8.774e-09 -80 IP 8 1.565e-08 -80 IP 9 1.646e-03 -80 IP 10 1.278e-02 -80 IP 11 2.500e-01 -80 IP 12 1.497e-02 -80 IP 13 8.185e-02 -80 IP 14 4.907e-03 -80 IP 15 4.466e-03 -80 IP 16 5.070e-06 -80 IP 17 3.150e-08 -80 IP 18 8.551e-09 -80 IP 19 2.269e-08 -80 IP 20 7.485e-08 -80 IP 21 5.353e-03 -80 IP 22 1.496e-08 -80 IP 23 4.845e-03 -80 IP 24 2.252e-08 -80 IP 25 3.860e-02 -80 IP 26 4.224e-06 -80 IP 27 5.683e-08 -80 IP 28 8.496e-02 -80 IP 29 3.321e-01 -80 IP 30 1.362e-04 -80 IP 31 1.639e-07 -80 IP 32 3.833e-06 -80 IP 33 2.259e-02 -80 IP 34 7.092e-02 -80 EP 1 8.377e-10 2.645e-03 5.170e-03 1.519e-02 1.898e-02 4.696e-02 5.376e-02 9.042e-02 2.545e-01 3.668e-01 1.454e-01 4.813e-09 4.786e-07 2.579e-08 7.777e-05 -80 EP 2 7.556e-09 5.554e-03 8.130e-03 1.890e-02 1.240e-02 2.307e-02 5.962e-02 1.456e-01 3.556e-01 2.310e-01 5.651e-02 1.185e-08 1.370e-08 8.356e-02 1.469e-08 -80 EP 3 3.567e-09 1.012e-02 6.756e-03 3.243e-07 1.733e-04 3.099e-02 5.357e-02 3.590e-02 1.137e-01 2.829e-01 1.216e-01 2.610e-02 1.206e-01 1.977e-01 5.132e-08 -80 EP 4 2.968e-03 9.767e-02 2.680e-01 2.053e-01 1.495e-01 1.043e-01 7.769e-02 4.991e-02 3.032e-02 1.388e-02 4.157e-10 2.486e-10 4.656e-04 3.238e-11 2.793e-11 -80 EP 5 8.981e-05 6.181e-03 2.556e-02 2.908e-02 2.904e-02 4.537e-02 6.606e-02 7.266e-02 7.072e-02 7.320e-02 1.178e-01 2.377e-01 1.873e-01 3.881e-02 4.362e-04 -80 EP 6 4.179e-08 4.567e-02 9.531e-07 5.853e-06 1.213e-07 5.011e-08 4.982e-08 4.712e-08 4.615e-08 2.923e-08 2.634e-08 2.866e-07 4.940e-05 1.902e-04 9.541e-01 -80 EP 7 5.306e-06 2.921e-04 1.353e-02 5.564e-03 1.025e-02 2.564e-02 3.926e-02 4.580e-02 1.725e-07 5.693e-02 1.890e-01 3.740e-01 1.487e-01 7.085e-05 9.099e-02 -80 EP 8 2.873e-04 2.927e-03 1.660e-02 4.984e-05 5.435e-09 1.456e-02 7.799e-02 7.427e-02 5.793e-02 2.641e-02 7.119e-09 1.605e-01 5.685e-01 3.897e-09 6.597e-10 -80 EP 9 5.601e-06 3.140e-03 1.331e-02 1.213e-02 1.312e-02 2.313e-02 4.034e-02 5.795e-02 5.404e-02 2.803e-02 3.138e-02 3.755e-02 1.453e-01 5.404e-01 2.327e-04 -80 EP 10 1.052e-06 9.084e-06 8.904e-03 7.032e-03 1.033e-02 1.241e-02 3.189e-03 3.292e-03 1.413e-05 5.336e-03 1.567e-02 3.839e-02 3.964e-02 1.851e-01 6.707e-01 -80 EP 11 5.254e-02 2.664e-01 3.540e-01 1.731e-01 7.969e-02 4.754e-02 2.087e-02 5.877e-03 3.506e-09 2.853e-09 4.707e-09 1.127e-09 8.090e-10 5.072e-10 4.934e-10 -80 EP 12 6.123e-10 1.223e-03 2.158e-02 7.323e-09 9.217e-03 3.043e-02 5.662e-02 9.057e-02 1.220e-01 1.159e-01 2.106e-01 2.719e-01 6.995e-02 5.414e-10 3.004e-10 -80 EP 13 1.468e-03 6.220e-02 5.821e-02 5.488e-02 7.329e-02 8.954e-02 9.752e-02 9.621e-02 9.498e-02 8.732e-02 9.700e-02 8.922e-02 6.877e-02 2.938e-02 2.248e-10 -80 EP 14 2.923e-05 1.502e-02 7.591e-02 6.108e-02 7.428e-02 8.289e-02 9.165e-02 9.250e-02 8.012e-02 8.022e-02 7.204e-02 8.566e-02 1.350e-01 5.364e-02 1.503e-09 -80 EP 15 5.948e-07 9.516e-10 1.767e-02 3.708e-02 7.915e-02 1.323e-01 1.160e-01 9.114e-02 8.529e-02 9.579e-02 1.556e-01 1.899e-01 2.437e-09 4.741e-10 2.350e-10 -80 EP 16 4.332e-10 9.705e-06 5.632e-03 8.600e-09 6.134e-04 7.671e-04 1.264e-06 2.233e-03 4.080e-03 5.288e-03 6.848e-03 1.495e-04 2.434e-05 2.501e-01 7.243e-01 -80 EP 17 3.372e-03 8.768e-09 1.972e-08 1.596e-01 3.321e-01 1.387e-01 1.155e-01 9.598e-02 1.012e-01 5.337e-02 1.162e-08 5.673e-09 2.629e-04 6.886e-10 4.652e-10 -80 EP 18 5.040e-05 7.170e-07 1.417e-02 6.432e-03 1.838e-02 1.199e-02 2.903e-02 8.552e-06 5.237e-02 2.671e-01 4.047e-01 1.823e-01 1.392e-05 1.511e-06 1.349e-02 -80 EP 19 5.870e-04 3.220e-02 1.504e-01 1.496e-01 1.423e-01 1.197e-01 1.007e-01 8.576e-02 7.309e-02 6.864e-02 5.747e-02 1.949e-02 4.832e-10 1.445e-10 1.073e-10 -80 EP 20 1.974e-04 1.611e-02 8.899e-02 8.411e-02 9.760e-02 1.078e-01 1.058e-01 1.037e-01 9.160e-02 8.190e-02 7.298e-02 6.281e-02 6.602e-02 2.043e-02 6.902e-11 -80 EP 21 3.716e-09 4.440e-04 1.608e-07 1.088e-08 2.370e-03 8.806e-03 1.937e-02 2.772e-02 2.227e-02 3.634e-02 8.306e-02 8.573e-02 1.771e-01 4.985e-01 3.830e-02 -80 EP 22 1.962e-09 8.060e-03 3.803e-02 3.263e-02 4.074e-02 6.946e-02 6.991e-02 6.099e-02 5.307e-02 6.263e-02 6.086e-02 1.374e-01 3.041e-01 6.210e-02 3.417e-10 -80 EP 23 1.464e-05 4.068e-03 6.690e-03 1.014e-02 9.588e-03 1.935e-02 2.060e-02 2.797e-02 5.990e-02 5.160e-02 3.209e-02 5.374e-02 8.738e-02 3.670e-01 2.499e-01 -80 EP 24 6.259e-05 3.243e-02 3.704e-02 2.526e-02 2.422e-02 3.158e-02 3.744e-02 5.176e-02 7.794e-02 9.896e-02 1.082e-01 1.291e-01 1.496e-01 1.474e-01 4.895e-02 -80 EP 25 1.401e-04 4.011e-03 5.614e-04 2.946e-03 1.565e-05 1.136e-02 3.426e-02 5.941e-02 7.229e-02 6.272e-02 7.219e-02 1.497e-01 2.529e-01 2.773e-01 2.934e-04 -80 EP 26 1.230e-04 9.348e-03 2.217e-02 2.078e-02 2.116e-02 2.519e-02 2.752e-02 2.925e-02 3.519e-02 4.774e-02 6.367e-02 8.064e-02 1.192e-01 2.396e-01 2.584e-01 -80 EP 27 1.914e-09 6.203e-03 3.032e-02 3.850e-02 2.733e-02 2.375e-02 5.617e-02 5.838e-02 8.377e-07 3.765e-06 1.772e-01 4.677e-01 1.118e-01 1.112e-08 2.667e-03 -80 EP 28 1.467e-01 3.884e-01 2.645e-01 1.089e-01 4.911e-02 2.214e-02 1.327e-02 4.089e-03 1.777e-03 1.090e-03 7.005e-10 7.576e-10 2.459e-10 2.186e-10 2.167e-10 -80 EP 29 1.223e-03 5.361e-02 1.449e-01 1.219e-01 1.258e-01 1.152e-01 9.108e-02 7.208e-02 5.017e-02 5.038e-02 6.413e-02 6.707e-02 4.248e-02 2.725e-09 3.502e-10 -80 EP 30 6.522e-09 1.721e-02 1.221e-02 2.474e-02 2.474e-02 4.763e-02 1.195e-01 3.539e-01 2.537e-01 9.465e-02 8.117e-03 9.382e-09 4.355e-02 2.441e-08 7.985e-09 -80 EP 31 2.235e-04 2.305e-03 9.186e-03 4.222e-02 6.188e-02 9.325e-02 1.179e-01 1.285e-01 1.285e-01 1.089e-01 7.141e-02 5.881e-02 7.470e-02 1.022e-01 1.095e-07 -80 EP 32 8.193e-04 1.166e-01 2.054e-01 9.872e-02 9.456e-02 9.986e-02 1.943e-02 1.722e-03 2.936e-03 4.067e-02 1.119e-01 5.659e-02 4.573e-02 6.727e-02 3.791e-02 -80 EP 33 4.919e-05 1.195e-02 6.618e-02 7.676e-02 1.073e-01 1.233e-01 1.186e-01 1.186e-01 1.138e-01 1.237e-01 1.061e-01 3.361e-02 2.787e-09 6.861e-11 1.162e-06 -80 EP 34 3.036e-09 8.719e-05 1.659e-02 1.892e-02 2.594e-02 3.978e-02 5.623e-02 7.157e-02 8.216e-02 8.495e-02 1.015e-01 1.290e-01 1.560e-01 2.173e-01 1.779e-09 -80 TP 1 6.762e-02 1.782e-10 5.004e-10 7.986e-10 6.964e-10 2.447e-09 1.555e-10 1.675e-10 2.723e-10 5.228e-10 1.301e-09 2.423e-10 7.662e-10 8.884e-11 2.144e-10 3.564e-01 8.184e-10 1.114e-10 2.948e-10 1.941e-09 1.700e-10 2.158e-10 2.207e-10 1.427e-03 1.659e-01 3.156e-01 1.109e-02 4.714e-09 1.773e-05 1.467e-10 7.726e-02 4.726e-03 6.667e-10 5.475e-09 -80 TP 2 2.769e-08 1.083e-01 1.169e-08 3.030e-08 1.069e-08 2.234e-08 1.062e-02 1.029e-08 1.646e-01 5.375e-01 2.407e-08 1.589e-08 8.992e-09 5.438e-06 1.076e-08 2.660e-08 1.239e-08 8.606e-07 5.525e-03 1.620e-08 1.663e-01 1.768e-08 1.116e-08 1.105e-08 3.216e-08 4.199e-08 1.876e-08 7.189e-03 1.672e-08 9.244e-09 2.569e-08 2.116e-08 2.136e-08 4.046e-08 -80 TP 3 1.948e-08 3.917e-04 7.495e-02 5.196e-09 5.570e-09 1.327e-08 1.023e-05 8.948e-09 2.483e-05 8.317e-01 4.269e-09 2.401e-08 4.600e-09 2.300e-08 5.095e-09 3.957e-02 4.960e-09 4.884e-09 4.494e-09 7.434e-09 4.231e-02 6.596e-07 4.627e-09 5.613e-09 1.439e-08 5.741e-08 1.200e-08 3.932e-09 1.503e-08 4.012e-09 1.319e-08 1.109e-02 5.823e-09 1.284e-08 -80 TP 4 1.407e-09 4.189e-11 1.990e-09 8.441e-01 2.674e-04 3.426e-11 5.096e-11 2.171e-10 6.202e-11 2.727e-11 1.943e-09 2.325e-10 3.067e-10 1.568e-10 1.642e-03 6.605e-11 5.745e-02 8.028e-11 8.794e-10 4.980e-03 4.864e-11 1.653e-10 3.792e-11 1.341e-10 4.334e-09 3.492e-10 4.796e-10 2.168e-03 5.745e-04 7.220e-11 1.668e-08 8.443e-10 8.879e-02 1.375e-09 -80 TP 5 3.542e-08 1.213e-10 1.383e-10 1.089e-08 8.345e-01 6.584e-10 2.122e-10 5.057e-10 4.007e-10 1.396e-10 7.353e-10 1.283e-09 8.935e-09 1.101e-10 6.515e-10 3.019e-09 3.858e-09 4.396e-10 8.379e-10 3.022e-03 1.846e-10 5.579e-10 2.729e-04 6.041e-04 3.503e-08 5.847e-09 1.493e-08 2.564e-10 5.134e-05 2.539e-10 2.437e-08 5.323e-09 1.589e-01 2.712e-03 -80 TP 6 1.169e-08 7.533e-10 1.333e-09 3.746e-04 2.546e-09 1.771e-01 2.888e-10 5.506e-10 1.007e-09 7.877e-10 2.199e-10 1.885e-10 1.718e-04 8.857e-10 3.685e-04 1.103e-08 6.431e-10 2.712e-10 2.584e-10 7.135e-05 1.183e-09 9.524e-10 8.599e-10 3.015e-10 7.166e-09 1.706e-08 5.496e-09 1.718e-10 1.149e-03 7.638e-04 9.517e-03 4.932e-09 5.455e-10 8.105e-01 -80 TP 7 2.181e-08 5.433e-01 2.434e-02 8.135e-09 9.077e-09 1.632e-08 3.534e-01 9.023e-09 1.582e-02 1.808e-08 1.204e-08 2.944e-08 7.232e-09 6.020e-02 9.205e-09 4.414e-07 9.920e-09 2.985e-03 2.266e-08 1.401e-08 2.883e-08 1.636e-08 7.945e-09 8.182e-09 2.365e-08 2.195e-07 2.153e-08 6.874e-09 1.863e-08 8.607e-09 2.539e-08 2.047e-08 1.057e-08 4.797e-08 -80 TP 8 1.171e-08 9.546e-10 1.015e-09 5.182e-09 1.157e-08 2.088e-09 2.263e-09 2.752e-01 9.756e-02 9.653e-10 2.121e-09 7.317e-09 2.245e-09 2.697e-08 3.030e-01 5.631e-08 1.243e-08 2.014e-02 6.200e-09 4.071e-08 1.916e-09 3.039e-01 1.288e-04 2.261e-09 1.921e-07 3.059e-08 2.356e-08 9.399e-10 2.161e-08 3.693e-09 4.059e-08 1.596e-08 5.878e-09 9.175e-08 -80 TP 9 6.774e-08 6.964e-03 3.753e-02 2.697e-09 2.477e-09 3.959e-09 3.564e-02 4.185e-05 3.688e-01 7.857e-02 1.339e-09 3.750e-03 1.543e-08 1.181e-02 9.757e-04 1.245e-08 2.095e-09 2.219e-02 7.768e-09 4.031e-03 8.017e-02 2.823e-01 5.635e-02 2.850e-09 4.248e-08 2.484e-08 5.336e-06 7.590e-10 4.205e-09 3.860e-06 6.798e-09 1.082e-02 2.317e-09 7.198e-09 -80 TP 10 6.324e-09 2.848e-04 1.690e-01 1.052e-09 1.237e-09 2.367e-09 3.764e-02 1.457e-09 1.437e-01 6.479e-01 2.940e-05 1.138e-09 9.197e-10 1.489e-03 5.096e-09 2.626e-08 9.934e-10 9.596e-10 1.570e-06 1.948e-09 1.391e-08 1.613e-08 1.137e-09 1.108e-09 8.736e-09 4.459e-07 5.126e-09 8.493e-10 5.094e-09 1.033e-09 5.295e-09 8.567e-09 9.947e-10 3.120e-09 -80 TP 11 4.966e-09 5.480e-10 5.111e-10 1.053e-08 5.341e-09 5.477e-10 6.547e-10 1.025e-09 6.124e-10 4.789e-10 7.114e-01 2.358e-09 5.564e-04 2.004e-03 2.406e-02 7.684e-10 7.104e-02 1.842e-09 1.192e-01 2.240e-02 5.619e-10 1.198e-09 5.335e-10 3.134e-09 5.284e-09 3.188e-09 3.785e-09 1.526e-03 4.787e-02 6.774e-10 2.157e-08 5.662e-09 2.550e-08 6.034e-09 -80 TP 12 3.544e-09 1.856e-07 5.320e-10 8.984e-03 3.126e-09 6.670e-04 5.308e-10 7.971e-08 5.511e-09 4.851e-08 4.099e-02 4.033e-01 8.925e-10 5.547e-10 7.363e-08 3.736e-09 7.547e-09 1.800e-09 5.017e-01 7.400e-09 5.141e-10 2.902e-02 2.834e-09 8.337e-10 1.260e-08 1.089e-08 4.884e-09 4.169e-04 8.621e-09 1.142e-05 7.328e-09 8.144e-04 1.406e-02 2.130e-05 -80 TP 13 1.408e-09 2.822e-06 4.992e-11 1.150e-09 1.430e-09 6.914e-11 4.272e-11 6.748e-11 5.382e-11 4.374e-11 9.509e-11 8.680e-11 9.033e-01 4.508e-11 7.498e-11 3.401e-10 1.613e-04 4.849e-11 7.779e-11 2.327e-10 4.578e-11 6.918e-11 4.604e-11 9.587e-02 8.249e-10 4.591e-10 1.041e-09 6.211e-04 2.549e-09 4.538e-11 1.056e-09 5.839e-10 2.577e-08 1.659e-10 -80 TP 14 4.306e-09 3.535e-03 2.003e-09 1.037e-08 3.141e-09 3.321e-09 7.699e-04 8.383e-09 1.873e-01 2.318e-09 2.113e-02 4.278e-09 4.007e-09 7.728e-01 3.225e-09 4.868e-09 4.668e-09 3.029e-03 1.906e-08 4.798e-09 3.210e-09 4.553e-05 2.251e-09 3.533e-09 5.812e-09 6.818e-09 4.311e-09 8.160e-09 3.696e-09 8.656e-03 5.540e-09 4.250e-09 7.287e-09 2.776e-03 -80 TP 15 3.279e-09 9.640e-06 7.726e-10 6.223e-09 6.175e-09 5.088e-10 8.169e-10 1.949e-01 2.033e-02 4.795e-10 3.868e-09 3.294e-01 8.208e-10 6.101e-10 4.521e-01 1.959e-09 3.972e-09 2.918e-03 1.347e-06 6.403e-09 4.183e-10 3.894e-04 6.101e-10 7.601e-10 1.932e-08 1.384e-06 9.468e-09 1.825e-09 7.186e-09 1.137e-05 7.949e-09 1.215e-08 1.170e-08 7.174e-07 -80 TP 16 4.421e-02 2.909e-10 6.093e-10 1.747e-04 3.628e-10 3.542e-09 2.390e-10 5.063e-07 2.624e-04 4.982e-10 9.706e-11 1.339e-10 5.157e-04 1.507e-10 2.255e-10 2.042e-05 4.401e-05 1.467e-10 3.268e-10 1.588e-09 3.661e-10 3.000e-10 3.388e-10 6.013e-09 1.213e-01 6.633e-01 1.704e-02 6.470e-11 1.393e-08 2.576e-10 1.067e-01 4.643e-02 5.835e-07 6.412e-09 -80 TP 17 1.597e-07 1.216e-09 6.602e-10 2.390e-08 5.734e-08 4.868e-10 3.013e-09 3.830e-09 6.972e-04 4.399e-10 7.722e-09 1.239e-08 6.597e-07 6.269e-04 1.117e-02 1.539e-09 3.017e-07 2.018e-09 8.628e-09 2.496e-03 1.157e-09 2.804e-09 7.099e-10 3.082e-09 3.474e-04 7.493e-09 2.213e-08 1.889e-08 8.402e-02 7.483e-10 9.288e-08 1.748e-08 9.001e-01 5.077e-04 -80 TP 18 1.784e-05 1.607e-08 5.836e-09 3.013e-08 1.582e-08 1.803e-08 1.655e-04 1.269e-06 3.267e-03 5.596e-09 1.717e-08 1.400e-06 9.984e-09 1.166e-08 7.075e-07 3.027e-08 2.282e-08 3.804e-01 7.223e-04 2.919e-07 7.127e-09 9.666e-02 2.061e-02 1.227e-08 1.175e-07 7.015e-08 5.104e-08 1.850e-08 5.495e-08 4.887e-01 1.460e-05 1.995e-07 4.016e-08 9.447e-03 -80 TP 19 6.635e-09 2.165e-10 1.761e-10 4.191e-09 1.321e-09 1.667e-10 1.758e-10 2.706e-02 1.031e-03 1.213e-10 2.985e-02 2.763e-09 3.455e-10 3.589e-10 1.866e-01 3.756e-10 1.176e-06 5.894e-04 7.496e-01 3.603e-09 1.645e-10 9.295e-10 1.839e-10 4.112e-10 3.400e-09 1.061e-08 2.173e-09 2.365e-03 1.909e-09 1.765e-03 2.822e-09 1.571e-09 1.204e-03 8.083e-09 -80 TP 20 6.129e-10 3.028e-11 2.968e-11 7.335e-10 2.576e-03 8.140e-11 2.218e-11 1.948e-10 1.821e-10 2.453e-11 7.524e-04 2.001e-10 7.983e-11 2.876e-11 1.747e-10 5.584e-10 7.049e-10 6.544e-11 2.156e-10 9.000e-01 3.653e-11 2.083e-10 9.203e-11 4.323e-11 1.213e-09 6.703e-10 8.125e-10 1.494e-04 4.129e-04 8.201e-05 9.660e-10 6.290e-10 7.328e-10 9.606e-02 -80 TP 21 1.434e-08 4.961e-02 7.887e-07 8.400e-08 8.893e-09 9.457e-09 3.147e-02 7.006e-09 5.626e-02 7.589e-06 9.857e-04 1.493e-03 1.841e-08 4.390e-01 1.417e-08 5.362e-08 4.506e-08 2.986e-05 4.345e-04 1.448e-08 4.171e-01 2.473e-08 5.864e-09 5.365e-08 1.575e-08 3.176e-08 1.479e-08 4.043e-09 1.035e-08 7.019e-09 1.312e-08 1.446e-08 3.593e-03 2.797e-08 -80 TP 22 3.607e-07 6.929e-10 4.360e-10 1.686e-09 1.618e-09 1.035e-09 5.368e-10 3.404e-07 3.701e-02 3.875e-10 1.537e-09 1.571e-01 5.652e-10 9.553e-04 2.771e-04 3.369e-09 2.075e-09 8.824e-03 9.659e-02 1.322e-06 6.043e-10 6.902e-01 1.324e-09 6.917e-10 1.233e-08 7.494e-09 3.269e-09 4.148e-10 4.635e-09 9.044e-03 8.422e-09 5.381e-09 2.499e-09 1.160e-08 -80 TP 23 1.646e-08 2.364e-09 1.914e-09 2.936e-09 3.162e-09 3.343e-04 2.172e-05 4.585e-09 1.226e-01 1.888e-09 1.866e-09 4.697e-09 1.862e-09 7.412e-07 3.785e-05 4.547e-08 5.878e-09 7.349e-03 2.996e-09 7.738e-03 3.787e-03 3.940e-02 8.179e-01 8.378e-04 2.780e-08 5.914e-08 1.559e-08 1.525e-09 6.484e-09 5.765e-09 1.529e-08 1.385e-07 2.705e-09 1.380e-08 -80 TP 24 4.746e-10 2.113e-11 2.188e-11 7.863e-11 2.751e-10 4.647e-11 2.127e-11 3.476e-11 2.551e-11 2.177e-11 3.238e-11 3.554e-11 4.466e-02 2.085e-11 3.286e-11 1.900e-10 1.378e-10 2.201e-11 3.070e-11 8.095e-11 2.337e-11 3.239e-11 2.428e-11 9.543e-01 3.453e-10 2.544e-10 1.052e-03 6.370e-11 2.775e-10 2.202e-11 2.788e-10 2.285e-10 1.514e-10 7.709e-11 -80 TP 25 5.215e-02 5.421e-11 8.854e-11 2.571e-10 2.710e-10 1.504e-09 4.117e-11 6.974e-11 6.154e-06 7.378e-11 1.560e-10 1.521e-10 4.536e-10 2.953e-11 8.938e-11 6.099e-02 2.844e-10 5.963e-11 1.335e-10 1.246e-09 7.903e-11 1.108e-10 4.963e-05 1.412e-09 4.607e-01 1.440e-02 3.507e-02 1.433e-10 6.041e-02 7.250e-11 8.487e-02 2.313e-01 2.589e-10 5.666e-08 -80 TP 26 4.667e-02 9.081e-11 6.614e-08 8.051e-11 8.567e-11 4.598e-10 5.630e-11 3.800e-11 1.782e-07 2.957e-10 2.856e-11 5.993e-11 6.935e-11 3.536e-11 4.177e-11 1.767e-02 1.613e-10 2.014e-11 6.002e-11 6.115e-10 3.952e-09 4.909e-11 4.627e-11 1.103e-10 3.855e-02 8.424e-01 2.834e-02 2.420e-11 1.141e-06 3.534e-11 9.020e-03 1.735e-02 8.346e-11 2.047e-09 -80 TP 27 6.097e-01 4.806e-10 7.384e-10 1.947e-09 1.210e-09 2.090e-09 2.990e-10 3.523e-10 8.287e-10 6.556e-10 4.158e-06 1.179e-09 1.092e-09 2.502e-10 4.667e-10 2.460e-03 1.570e-09 2.115e-10 9.034e-04 1.277e-08 3.089e-10 5.854e-10 4.552e-10 1.918e-09 8.081e-09 1.515e-08 2.567e-01 1.403e-03 8.948e-04 3.342e-10 1.279e-01 3.145e-06 1.215e-09 1.649e-08 -80 TP 28 1.610e-03 2.375e-10 2.305e-10 2.167e-02 3.859e-03 2.664e-10 1.392e-04 3.522e-10 2.584e-10 2.257e-10 1.023e-08 7.374e-10 2.810e-03 1.678e-04 2.392e-08 3.968e-10 2.018e-02 3.234e-04 5.971e-03 8.402e-09 3.553e-10 4.511e-10 2.451e-10 5.573e-10 3.073e-09 2.936e-09 9.102e-09 9.272e-01 6.422e-03 2.983e-10 2.255e-07 6.010e-09 9.647e-03 3.010e-09 -80 TP 29 2.117e-05 9.163e-06 6.492e-11 3.278e-03 1.035e-09 2.709e-10 3.623e-11 7.764e-04 4.582e-10 4.527e-11 1.236e-03 2.600e-10 4.461e-10 3.965e-11 2.210e-10 5.043e-10 4.532e-10 6.821e-11 2.766e-10 1.252e-03 4.191e-11 3.618e-05 6.124e-11 1.825e-06 6.381e-02 1.682e-09 2.438e-09 4.339e-04 8.193e-01 3.015e-09 1.099e-01 2.148e-09 5.617e-10 4.179e-09 -80 TP 30 4.038e-08 1.501e-08 9.647e-09 2.422e-08 2.360e-08 8.534e-08 7.381e-09 1.135e-01 5.316e-01 8.043e-03 2.205e-08 1.127e-04 1.156e-08 1.235e-08 6.769e-02 1.255e-07 6.952e-08 3.942e-02 2.252e-03 9.514e-08 2.227e-08 2.105e-02 1.856e-01 1.365e-08 1.372e-07 1.654e-07 3.034e-08 9.900e-03 6.282e-08 1.277e-08 3.657e-03 9.111e-03 8.066e-03 2.416e-06 -80 TP 31 9.405e-04 4.037e-11 5.881e-11 3.993e-10 2.972e-10 2.693e-10 3.834e-11 9.977e-11 6.243e-06 6.893e-11 2.012e-10 1.050e-10 2.984e-10 2.551e-11 9.376e-11 1.656e-02 2.852e-10 5.546e-11 1.128e-10 1.291e-09 4.390e-11 1.250e-10 1.617e-10 8.034e-07 2.466e-01 4.940e-02 2.307e-03 2.400e-09 3.351e-02 1.173e-10 5.757e-01 7.381e-02 2.494e-10 1.135e-03 -80 TP 32 5.345e-03 1.894e-10 1.317e-10 1.201e-09 6.368e-10 4.386e-10 5.700e-11 4.366e-10 5.061e-08 1.503e-10 3.505e-10 3.212e-10 1.554e-08 5.325e-11 2.856e-10 4.140e-02 2.488e-09 6.545e-11 3.355e-10 1.531e-08 6.719e-11 4.829e-10 1.981e-10 5.147e-05 3.559e-01 5.769e-02 1.008e-03 4.893e-09 6.431e-03 3.382e-10 3.277e-01 2.045e-01 7.680e-10 1.449e-09 -80 TP 33 1.399e-09 4.972e-11 8.136e-11 1.304e-01 5.895e-02 7.539e-11 4.136e-11 2.204e-10 1.917e-10 3.783e-11 3.755e-05 1.849e-03 5.148e-10 5.304e-11 4.402e-05 2.382e-10 2.313e-09 1.233e-10 4.041e-07 4.187e-06 6.784e-11 2.354e-10 5.752e-11 2.873e-10 1.298e-08 8.601e-10 2.934e-05 2.936e-03 3.519e-09 7.965e-11 5.976e-09 1.401e-09 8.058e-01 3.380e-07 -80 TP 34 8.212e-10 4.589e-11 4.621e-11 4.778e-10 5.391e-04 7.279e-02 5.783e-11 3.501e-09 2.112e-07 1.138e-10 2.214e-10 2.802e-10 4.368e-11 5.823e-11 2.212e-10 1.538e-09 4.880e-10 1.019e-10 1.823e-10 9.200e-02 3.692e-05 5.176e-10 1.569e-10 3.675e-11 1.912e-09 1.463e-09 1.032e-09 3.807e-10 1.752e-09 1.160e-10 1.654e-09 7.833e-10 6.183e-10 8.346e-01 -81 IP 1 1.086e-03 -81 IP 2 6.534e-08 -81 IP 3 2.244e-02 -81 IP 4 1.625e-02 -81 IP 5 6.543e-02 -81 IP 6 3.561e-02 -81 IP 7 3.329e-01 -81 IP 8 4.880e-02 -81 IP 9 4.728e-08 -81 IP 10 2.430e-01 -81 IP 11 8.383e-08 -81 IP 12 2.040e-08 -81 IP 13 1.975e-08 -81 IP 14 7.947e-03 -81 IP 15 1.231e-02 -81 IP 16 4.929e-08 -81 IP 17 1.086e-08 -81 IP 18 4.024e-05 -81 IP 19 4.972e-08 -81 IP 20 1.382e-08 -81 IP 21 1.173e-01 -81 IP 22 6.768e-08 -81 IP 23 1.345e-08 -81 IP 24 3.951e-08 -81 IP 25 3.378e-02 -81 IP 26 3.046e-02 -81 IP 27 3.270e-02 -81 EP 1 6.074e-03 1.054e-01 2.721e-01 2.248e-01 1.635e-01 9.352e-02 6.514e-02 3.841e-02 2.576e-02 5.306e-03 2.538e-10 1.066e-05 6.349e-11 4.800e-11 3.661e-11 -81 EP 2 9.366e-04 2.522e-02 1.495e-01 1.557e-01 1.764e-01 1.472e-01 1.117e-01 8.487e-02 5.544e-02 4.399e-02 3.712e-02 1.199e-02 4.426e-10 1.567e-10 5.100e-11 -81 EP 3 1.736e-10 1.164e-02 3.748e-02 3.167e-02 2.511e-02 3.349e-02 3.526e-02 5.448e-02 7.376e-02 1.132e-01 1.634e-01 1.247e-01 1.047e-01 1.794e-01 1.157e-02 -81 EP 4 4.736e-11 2.013e-03 1.060e-02 1.212e-02 1.200e-02 1.837e-02 2.327e-02 2.791e-02 6.722e-02 7.481e-02 5.597e-02 7.912e-02 9.173e-02 2.301e-01 2.948e-01 -81 EP 5 8.329e-04 3.490e-02 1.265e-01 1.037e-01 1.058e-01 1.052e-01 9.688e-02 7.478e-02 7.325e-02 6.113e-02 5.862e-02 8.534e-02 7.301e-02 9.807e-10 2.012e-10 -81 EP 6 4.014e-04 1.432e-02 7.914e-02 1.008e-01 1.197e-01 1.355e-01 1.342e-01 1.281e-01 1.102e-01 1.161e-01 6.142e-02 6.921e-10 1.137e-10 6.050e-11 2.369e-11 -81 EP 7 1.545e-01 3.638e-01 2.725e-01 1.067e-01 5.438e-02 2.373e-02 1.556e-02 6.327e-03 1.740e-03 6.504e-10 6.102e-04 2.384e-04 1.958e-10 1.790e-10 1.766e-10 -81 EP 8 2.600e-10 3.725e-02 8.615e-02 9.482e-02 9.613e-02 7.470e-02 5.869e-02 4.527e-02 3.647e-02 3.980e-05 6.442e-02 2.287e-02 7.493e-09 2.773e-08 3.832e-01 -81 EP 9 2.010e-10 1.166e-09 1.739e-02 1.957e-03 2.607e-02 2.892e-02 2.619e-02 6.443e-04 2.962e-06 2.391e-08 5.223e-02 5.093e-02 1.917e-01 6.040e-01 7.239e-09 -81 EP 10 6.668e-03 2.028e-01 3.767e-01 1.889e-01 9.501e-02 5.014e-02 3.004e-02 9.993e-03 1.960e-02 9.183e-03 1.090e-02 1.677e-09 1.148e-09 2.886e-10 1.751e-10 -81 EP 11 3.283e-10 5.835e-03 1.399e-02 5.741e-09 1.388e-02 6.801e-02 7.760e-02 1.213e-01 1.619e-01 1.602e-01 1.925e-01 1.848e-01 2.196e-09 4.533e-10 8.321e-11 -81 EP 12 1.190e-04 9.649e-03 2.012e-02 8.315e-03 9.629e-03 3.832e-02 5.157e-02 4.581e-02 1.325e-01 3.039e-01 1.110e-01 5.414e-03 4.601e-02 1.249e-01 9.287e-02 -81 EP 13 7.801e-11 3.939e-03 2.347e-02 3.049e-02 5.496e-02 8.132e-02 7.818e-02 8.004e-02 9.854e-02 1.067e-01 1.998e-01 2.079e-01 3.467e-02 1.434e-10 7.195e-11 -81 EP 14 3.992e-10 1.678e-03 6.548e-03 1.244e-02 1.643e-02 9.774e-03 3.924e-03 7.356e-03 1.023e-03 5.699e-04 2.742e-02 5.651e-02 5.017e-02 1.171e-01 6.890e-01 -81 EP 15 9.512e-11 6.262e-03 2.334e-02 1.407e-02 2.232e-02 4.042e-02 7.263e-02 7.680e-02 7.010e-02 7.133e-02 5.881e-02 1.501e-01 2.941e-01 9.686e-02 2.854e-03 -81 EP 16 6.093e-11 7.124e-03 1.696e-02 1.322e-02 1.970e-02 3.962e-02 4.580e-02 7.273e-02 7.113e-02 7.183e-02 6.895e-02 1.047e-01 1.822e-01 2.823e-01 3.754e-03 -81 EP 17 1.915e-10 1.480e-09 1.215e-02 1.072e-02 2.283e-02 2.853e-02 4.016e-02 3.572e-02 9.304e-03 7.650e-09 1.607e-01 6.582e-01 2.172e-02 5.660e-09 7.124e-09 -81 EP 18 9.511e-05 1.637e-02 2.249e-02 4.481e-02 2.838e-02 6.311e-02 9.540e-02 2.523e-01 2.225e-01 8.798e-02 4.149e-09 6.343e-09 4.961e-02 1.169e-01 2.048e-09 -81 EP 19 2.512e-04 1.955e-02 2.752e-02 2.682e-02 2.846e-02 4.028e-02 4.137e-02 4.807e-02 5.963e-02 6.806e-02 8.182e-02 9.458e-02 1.255e-01 2.000e-01 1.381e-01 -81 EP 20 2.254e-10 2.012e-03 4.885e-09 1.952e-02 1.308e-02 2.003e-02 4.861e-02 2.019e-01 5.293e-01 1.317e-01 1.457e-08 4.305e-09 6.574e-09 3.378e-02 6.753e-09 -81 EP 21 8.542e-04 4.482e-02 6.014e-02 5.845e-02 7.880e-02 1.006e-01 9.997e-02 9.599e-02 8.970e-02 8.318e-02 8.438e-02 8.437e-02 8.042e-02 3.834e-02 2.038e-10 -81 EP 22 2.134e-05 5.928e-04 3.624e-02 3.178e-02 3.089e-02 7.113e-02 9.435e-02 1.192e-01 8.889e-02 7.764e-02 3.221e-02 7.192e-02 1.975e-01 1.476e-01 1.271e-09 -81 EP 23 2.835e-10 1.676e-09 1.210e-02 1.785e-02 3.583e-02 2.858e-02 6.430e-02 5.705e-02 7.915e-02 2.910e-01 4.141e-01 3.550e-05 3.862e-09 4.263e-09 9.424e-09 -81 EP 24 3.682e-05 3.777e-03 6.705e-03 5.622e-03 7.686e-03 2.098e-02 2.117e-02 3.626e-02 2.434e-02 1.351e-08 4.697e-02 1.607e-01 2.159e-01 1.862e-01 2.637e-01 -81 EP 25 1.023e-08 1.106e-04 1.945e-03 4.174e-03 2.134e-03 6.023e-03 1.772e-02 1.752e-02 4.599e-02 3.933e-02 5.491e-02 4.416e-02 9.183e-02 6.741e-01 6.564e-09 -81 EP 26 2.588e-04 3.097e-02 3.760e-02 2.491e-02 2.483e-02 3.194e-02 3.348e-02 4.652e-02 7.063e-02 8.979e-02 1.007e-01 1.208e-01 1.480e-01 1.696e-01 6.999e-02 -81 EP 27 6.852e-10 2.181e-04 2.956e-02 3.431e-02 4.627e-02 7.099e-02 1.033e-01 6.613e-02 3.632e-02 4.770e-02 3.369e-02 1.668e-01 3.648e-01 2.715e-09 1.535e-10 -81 TP 1 8.098e-01 4.492e-09 3.440e-10 1.072e-10 5.068e-10 1.771e-01 3.202e-03 6.772e-11 1.390e-10 5.640e-09 5.843e-03 6.764e-11 3.648e-03 5.044e-11 3.205e-10 1.074e-10 2.395e-10 5.082e-10 8.189e-11 6.336e-11 2.279e-04 1.343e-10 1.086e-04 8.224e-11 6.607e-11 3.560e-10 5.096e-10 -81 TP 2 4.413e-09 5.916e-01 2.335e-09 3.724e-10 7.887e-10 6.924e-04 2.605e-03 1.852e-10 7.868e-03 2.080e-02 2.401e-01 2.688e-04 2.695e-03 1.181e-10 1.132e-09 3.994e-10 3.058e-10 6.281e-03 5.684e-04 2.620e-10 1.081e-09 4.192e-03 1.336e-09 2.846e-10 9.748e-10 8.880e-10 1.222e-01 -81 TP 3 4.946e-10 4.909e-02 4.895e-01 3.997e-02 1.088e-03 1.676e-09 6.713e-11 1.338e-09 3.114e-03 5.888e-10 3.141e-02 8.416e-10 1.958e-08 7.040e-10 2.417e-09 4.037e-09 4.827e-10 2.492e-01 1.756e-08 1.180e-09 1.699e-09 1.378e-09 1.433e-09 1.207e-09 2.062e-09 3.935e-10 1.366e-01 -81 TP 4 9.986e-11 1.018e-09 6.058e-02 7.467e-01 2.926e-09 3.391e-10 4.391e-11 1.571e-09 1.370e-01 2.455e-10 1.481e-09 8.842e-10 1.748e-04 5.611e-10 2.795e-10 9.403e-09 3.448e-03 5.076e-02 6.407e-10 2.412e-09 6.387e-07 3.286e-09 2.008e-09 8.056e-10 3.782e-09 2.981e-10 1.385e-03 -81 TP 5 3.874e-10 6.438e-07 1.505e-09 1.032e-04 7.263e-01 2.754e-09 8.975e-04 4.580e-07 1.308e-02 4.984e-03 1.222e-09 1.230e-09 1.883e-10 3.582e-09 8.739e-11 8.032e-08 2.434e-08 6.373e-03 8.285e-04 8.677e-10 1.757e-10 2.348e-01 1.259e-02 3.137e-09 3.744e-06 2.287e-10 1.636e-05 -81 TP 6 9.613e-02 1.492e-09 5.516e-10 2.941e-10 1.438e-10 7.740e-01 4.371e-03 5.674e-11 1.354e-09 1.453e-09 1.472e-03 9.753e-11 1.236e-01 4.693e-11 1.167e-09 1.161e-10 2.956e-05 6.023e-05 1.188e-10 6.185e-11 1.270e-04 1.545e-10 1.522e-10 1.051e-10 1.435e-10 1.622e-04 4.974e-09 -81 TP 7 2.560e-02 9.717e-03 1.098e-09 5.207e-10 5.610e-03 3.219e-02 8.991e-01 3.576e-10 6.136e-10 4.681e-03 1.879e-02 3.092e-10 1.841e-03 2.410e-10 4.078e-10 1.121e-09 6.874e-04 7.677e-10 5.298e-10 3.192e-10 1.015e-03 9.113e-09 6.468e-04 5.362e-10 9.622e-05 1.456e-09 7.812e-10 -81 TP 8 1.088e-10 2.184e-09 1.747e-09 1.006e-09 4.272e-06 2.253e-10 9.144e-11 1.436e-01 7.870e-09 2.510e-10 1.012e-09 7.861e-02 2.030e-04 4.210e-02 2.517e-10 3.931e-08 1.183e-02 7.896e-09 1.864e-08 2.462e-03 4.031e-10 3.227e-01 7.417e-03 3.984e-02 3.512e-01 3.827e-10 1.922e-09 -81 TP 9 2.031e-10 6.298e-09 2.697e-01 1.496e-01 1.098e-02 4.881e-10 5.149e-11 1.358e-09 3.260e-01 2.770e-05 2.465e-09 4.763e-09 3.614e-04 8.053e-10 7.544e-04 4.528e-03 1.202e-03 8.245e-02 3.825e-07 1.659e-03 1.413e-03 5.961e-07 4.432e-07 1.978e-09 4.510e-09 1.756e-09 1.514e-01 -81 TP 10 5.709e-09 3.725e-01 2.498e-09 7.512e-10 1.448e-03 4.850e-09 3.280e-08 1.123e-09 1.662e-09 6.091e-01 2.794e-08 7.855e-10 3.752e-09 3.920e-10 1.364e-09 1.946e-09 8.723e-04 3.335e-09 1.108e-09 9.580e-10 4.451e-03 9.845e-03 1.798e-03 1.112e-09 1.746e-09 1.012e-09 1.039e-08 -81 TP 11 4.130e-03 2.832e-01 3.534e-03 2.191e-03 8.826e-10 1.390e-08 1.664e-04 4.766e-10 6.359e-03 3.042e-02 4.073e-01 1.947e-09 4.778e-09 8.210e-10 3.551e-03 5.667e-10 1.500e-08 6.481e-02 1.579e-08 7.394e-10 4.373e-10 9.392e-10 9.467e-04 6.301e-04 1.496e-09 4.394e-10 1.928e-01 -81 TP 12 7.680e-11 5.814e-10 6.589e-10 7.408e-10 1.834e-08 5.045e-10 6.749e-11 1.276e-02 1.513e-09 1.655e-10 1.843e-09 9.519e-02 1.689e-04 6.896e-01 1.212e-09 3.522e-02 1.049e-02 9.308e-10 3.519e-04 6.946e-09 2.801e-10 8.210e-09 1.704e-09 5.616e-02 1.000e-01 6.387e-10 7.163e-10 -81 TP 13 9.669e-03 3.398e-03 1.260e-09 8.185e-10 1.694e-10 2.146e-01 7.102e-10 1.196e-10 2.579e-09 1.791e-03 4.364e-03 3.557e-10 6.778e-01 1.458e-10 8.702e-02 1.500e-10 3.080e-10 1.176e-09 1.848e-10 1.854e-10 5.662e-10 1.728e-10 1.532e-10 2.168e-10 9.936e-10 6.280e-06 1.290e-03 -81 TP 14 2.663e-11 3.165e-10 3.473e-10 2.639e-10 4.450e-03 4.900e-11 1.011e-09 1.092e-07 3.704e-10 5.067e-11 4.326e-10 1.200e-01 1.357e-10 4.723e-01 1.002e-10 4.486e-08 2.075e-09 1.418e-09 1.545e-05 1.517e-08 1.362e-10 3.895e-02 6.747e-10 1.976e-01 1.665e-01 1.821e-10 4.253e-10 -81 TP 15 3.374e-09 4.827e-09 8.656e-09 2.745e-09 2.405e-10 6.587e-03 2.060e-10 2.442e-10 3.869e-03 1.280e-09 4.386e-03 3.570e-10 1.819e-01 2.769e-10 8.021e-01 2.630e-10 2.534e-10 4.242e-09 5.441e-10 3.121e-10 9.096e-10 2.471e-10 2.437e-10 2.615e-10 3.295e-10 4.273e-04 6.478e-04 -81 TP 16 1.108e-10 2.054e-05 1.106e-09 9.871e-10 1.844e-01 1.778e-04 7.286e-11 1.528e-01 3.749e-09 7.983e-04 8.880e-10 5.357e-03 2.675e-10 4.393e-09 1.561e-10 5.591e-01 8.949e-03 1.353e-09 2.689e-10 1.985e-02 1.629e-10 2.330e-02 4.517e-02 4.446e-06 1.746e-08 2.945e-10 1.442e-09 -81 TP 17 3.774e-10 5.458e-03 2.062e-09 1.857e-09 2.741e-02 1.068e-08 3.806e-04 4.674e-03 1.513e-09 5.927e-09 3.045e-09 1.348e-07 1.094e-09 6.747e-09 1.112e-09 2.645e-08 3.038e-01 8.485e-09 5.675e-09 4.736e-01 3.135e-09 1.690e-03 1.825e-01 9.970e-09 4.490e-04 5.408e-10 1.932e-09 -81 TP 18 5.249e-10 6.752e-09 1.013e-01 1.160e-01 6.697e-09 1.928e-09 2.583e-10 1.283e-09 4.973e-01 6.478e-10 2.077e-02 1.103e-09 2.662e-09 1.258e-09 1.481e-09 4.802e-09 8.341e-10 3.907e-02 2.398e-08 1.016e-09 1.943e-09 2.040e-09 2.590e-09 1.557e-09 4.227e-09 8.979e-10 2.256e-01 -81 TP 19 1.031e-10 3.590e-04 6.526e-10 6.598e-10 3.589e-06 8.658e-11 3.920e-06 8.428e-04 3.812e-10 2.543e-04 1.795e-09 6.482e-10 2.852e-10 1.145e-09 4.278e-05 2.805e-06 5.281e-09 7.525e-10 9.901e-01 1.747e-10 7.916e-03 1.996e-09 3.186e-10 1.598e-09 1.077e-09 4.797e-04 1.650e-09 -81 TP 20 6.140e-10 4.767e-09 4.286e-09 1.702e-02 3.415e-08 1.955e-09 1.076e-03 5.735e-02 2.761e-02 1.450e-09 2.794e-09 1.383e-08 1.258e-09 4.907e-01 1.146e-09 3.668e-02 3.092e-09 5.357e-09 1.901e-08 2.208e-02 1.027e-09 1.495e-08 3.999e-09 8.439e-09 3.475e-01 1.502e-09 2.201e-09 -81 TP 21 6.009e-04 4.149e-09 8.616e-10 7.096e-10 1.433e-10 8.168e-08 1.301e-10 1.052e-10 7.035e-08 3.470e-08 1.151e-09 1.075e-10 1.830e-04 8.803e-11 9.713e-06 1.265e-10 6.794e-11 1.705e-03 1.148e-02 1.125e-10 8.668e-01 1.220e-10 8.247e-11 1.115e-10 1.207e-10 1.192e-01 2.278e-09 -81 TP 22 1.006e-10 8.774e-10 1.193e-09 3.268e-09 4.117e-03 2.070e-10 9.694e-11 1.059e-02 7.539e-04 3.640e-10 6.710e-10 4.637e-09 1.422e-10 3.731e-02 1.102e-10 2.188e-01 6.250e-06 2.465e-09 5.252e-09 7.855e-09 1.864e-10 3.595e-01 4.778e-02 4.049e-02 2.806e-01 2.820e-10 2.239e-09 -81 TP 23 7.419e-10 2.753e-06 2.378e-09 1.003e-04 5.677e-02 1.556e-07 5.513e-04 4.451e-08 1.949e-09 3.619e-09 5.710e-09 2.984e-02 8.620e-10 6.672e-09 4.729e-10 1.037e-08 3.702e-02 5.102e-03 2.103e-08 1.304e-01 4.908e-10 3.154e-01 3.753e-01 3.110e-02 1.834e-02 8.689e-10 2.033e-09 -81 TP 24 4.389e-11 7.765e-10 6.857e-10 4.913e-10 1.219e-07 1.312e-10 4.097e-11 1.478e-01 8.157e-10 1.576e-10 1.085e-09 3.958e-01 9.177e-10 1.843e-02 2.305e-10 9.363e-03 6.650e-02 1.538e-09 3.805e-09 1.085e-06 1.792e-10 1.144e-02 2.797e-02 3.227e-01 6.628e-09 1.946e-10 6.414e-10 -81 TP 25 4.784e-11 7.654e-10 9.756e-10 1.096e-09 1.880e-09 1.738e-10 3.180e-11 9.273e-02 9.070e-09 1.653e-10 7.236e-10 6.104e-02 3.486e-10 1.153e-01 7.437e-10 2.104e-01 1.560e-02 1.746e-09 4.119e-10 8.156e-09 1.620e-10 3.667e-05 3.865e-03 2.307e-01 2.703e-01 3.076e-10 1.477e-09 -81 TP 26 3.382e-10 1.737e-10 1.544e-10 1.496e-10 6.493e-11 1.389e-10 2.803e-05 6.069e-11 2.253e-10 1.472e-10 1.599e-10 4.949e-11 1.573e-10 5.075e-11 1.024e-10 6.284e-11 3.269e-11 1.684e-10 4.963e-04 4.056e-11 5.770e-02 5.315e-11 3.830e-11 5.562e-11 5.072e-11 9.418e-01 1.572e-10 -81 TP 27 7.904e-10 1.039e-01 1.976e-01 3.674e-06 2.145e-03 5.444e-04 6.176e-11 3.737e-10 8.087e-02 5.220e-03 1.793e-01 1.852e-05 4.114e-05 4.493e-10 2.398e-09 1.477e-09 2.496e-10 2.823e-02 1.449e-06 5.864e-10 6.105e-10 6.664e-10 7.871e-10 9.769e-10 1.876e-09 4.944e-10 4.022e-01 -82 IP 1 3.248e-03 -82 IP 2 8.764e-09 -82 IP 3 9.305e-03 -82 IP 4 7.114e-03 -82 IP 5 7.506e-03 -82 IP 6 9.352e-09 -82 IP 7 2.454e-02 -82 IP 8 1.276e-08 -82 IP 9 3.423e-02 -82 IP 10 1.499e-01 -82 IP 11 1.966e-08 -82 IP 12 1.044e-08 -82 IP 13 1.223e-02 -82 IP 14 1.202e-08 -82 IP 15 1.168e-08 -82 IP 16 7.909e-05 -82 IP 17 1.148e-08 -82 IP 18 1.101e-01 -82 IP 19 3.605e-01 -82 IP 20 1.016e-08 -82 IP 21 1.411e-08 -82 IP 22 1.431e-08 -82 IP 23 2.787e-01 -82 IP 24 2.610e-03 -82 EP 1 2.204e-10 3.603e-03 1.045e-02 9.881e-03 1.327e-02 1.827e-02 2.233e-02 2.645e-02 3.922e-02 3.102e-02 2.893e-02 5.899e-02 1.132e-01 2.666e-01 3.577e-01 2.278e-10 -82 EP 2 3.606e-06 6.971e-04 6.417e-03 1.073e-05 6.064e-03 2.377e-02 2.203e-02 4.201e-02 1.927e-06 7.135e-02 2.273e-01 4.804e-01 9.037e-02 1.785e-08 2.958e-02 1.754e-09 -82 EP 3 2.088e-04 6.338e-09 5.485e-02 1.122e-01 1.720e-01 1.996e-01 1.617e-01 1.062e-01 3.968e-02 6.202e-09 3.071e-02 1.229e-01 7.305e-08 1.943e-10 1.384e-10 3.875e-11 -82 EP 4 6.465e-10 3.536e-09 7.064e-03 1.158e-02 2.169e-02 9.384e-03 2.602e-02 1.144e-06 8.613e-08 2.357e-01 5.471e-01 9.277e-02 4.552e-08 4.870e-02 3.457e-08 5.980e-10 -82 EP 5 7.420e-11 6.179e-03 3.342e-02 2.794e-02 3.413e-02 5.431e-02 6.321e-02 7.390e-02 6.289e-02 8.484e-02 8.539e-02 1.743e-01 2.946e-01 4.938e-03 4.004e-10 2.358e-11 -82 EP 6 1.625e-09 1.578e-02 1.464e-02 2.544e-02 3.122e-02 4.369e-02 4.899e-02 1.346e-01 4.680e-01 1.912e-01 1.912e-02 6.116e-09 7.243e-03 2.524e-05 1.825e-08 1.896e-09 -82 EP 7 2.042e-04 2.676e-02 1.226e-01 9.284e-02 1.036e-01 1.029e-01 8.947e-02 6.633e-02 5.902e-02 6.312e-02 5.305e-02 9.095e-02 1.292e-01 2.803e-09 9.496e-10 6.293e-10 -82 EP 8 2.805e-10 1.784e-02 8.685e-02 2.783e-02 5.038e-05 9.550e-06 6.962e-02 1.188e-01 2.330e-01 2.551e-01 1.908e-01 5.567e-05 1.074e-06 5.686e-10 3.209e-10 7.153e-11 -82 EP 9 5.555e-04 2.639e-02 1.128e-01 1.264e-01 1.370e-01 1.238e-01 1.097e-01 9.664e-02 9.012e-02 9.193e-02 7.102e-02 1.359e-02 6.945e-11 4.655e-11 3.461e-11 2.038e-11 -82 EP 10 2.580e-03 1.046e-01 3.247e-01 1.999e-01 1.273e-01 5.760e-02 2.938e-02 2.871e-02 3.485e-02 4.828e-02 4.212e-02 1.734e-09 3.008e-09 2.690e-10 2.386e-10 1.228e-10 -82 EP 11 1.356e-04 6.913e-03 1.991e-02 1.838e-02 3.746e-02 7.010e-02 7.965e-02 8.587e-02 8.712e-02 9.511e-02 1.466e-01 2.068e-01 1.223e-01 2.247e-02 1.193e-03 3.548e-11 -82 EP 12 5.749e-10 4.415e-03 3.436e-02 4.716e-02 3.816e-02 8.913e-02 4.315e-02 1.519e-06 9.338e-08 1.860e-08 3.699e-03 2.477e-01 4.940e-02 1.935e-03 4.409e-01 5.327e-10 -82 EP 13 6.866e-11 2.067e-03 1.353e-02 1.768e-02 1.509e-02 2.242e-02 2.288e-02 2.367e-02 5.588e-02 2.021e-02 5.076e-02 4.247e-04 8.794e-02 6.675e-01 5.509e-09 5.081e-11 -82 EP 14 4.201e-09 8.080e-03 3.058e-08 3.351e-08 1.004e-08 1.325e-05 2.924e-08 1.607e-08 1.772e-08 2.320e-08 2.139e-01 7.773e-01 1.039e-07 3.017e-08 6.821e-04 4.177e-09 -82 EP 15 6.061e-09 6.530e-07 1.109e-02 3.952e-02 7.300e-03 2.129e-08 4.889e-03 1.165e-01 6.543e-01 1.399e-01 2.389e-08 2.646e-02 4.315e-08 4.075e-08 4.227e-08 7.012e-09 -82 EP 16 5.095e-10 5.647e-03 9.747e-03 5.214e-03 9.334e-03 2.885e-02 2.223e-02 3.172e-02 2.830e-02 4.849e-03 8.946e-03 6.942e-02 1.650e-01 5.670e-01 4.378e-02 5.060e-10 -82 EP 17 3.071e-03 2.160e-08 4.157e-08 4.663e-08 1.137e-07 3.060e-01 1.883e-01 3.121e-01 1.725e-01 4.052e-08 3.129e-08 1.567e-06 1.797e-02 8.841e-08 3.650e-08 1.324e-08 -82 EP 18 6.618e-05 1.378e-02 2.593e-02 2.175e-02 2.257e-02 3.111e-02 3.479e-02 4.281e-02 5.876e-02 7.236e-02 7.725e-02 9.283e-02 1.244e-01 2.110e-01 1.705e-01 1.015e-05 -82 EP 19 5.606e-04 2.864e-02 5.681e-02 5.356e-02 6.413e-02 7.854e-02 8.227e-02 8.598e-02 8.698e-02 8.025e-02 8.996e-02 9.612e-02 1.035e-01 8.921e-02 3.530e-03 4.854e-12 -82 EP 20 1.641e-09 1.480e-04 1.902e-02 3.268e-08 8.901e-03 2.393e-02 5.690e-02 7.141e-05 8.201e-04 5.113e-01 2.682e-01 3.014e-02 1.185e-03 7.912e-02 5.631e-05 2.017e-04 -82 EP 21 2.703e-10 1.374e-02 2.389e-02 2.605e-02 4.477e-02 6.309e-02 1.508e-01 3.028e-01 2.108e-01 9.781e-02 2.917e-08 1.111e-03 6.512e-02 1.501e-08 3.912e-09 1.823e-10 -82 EP 22 8.488e-10 5.913e-09 5.344e-02 6.266e-02 6.251e-02 7.000e-02 1.108e-01 1.328e-01 1.552e-01 1.686e-01 1.599e-01 3.639e-08 7.936e-03 1.616e-02 2.304e-08 8.321e-10 -82 EP 23 4.349e-02 2.380e-01 3.165e-01 1.754e-01 9.569e-02 5.494e-02 3.831e-02 2.275e-02 1.222e-02 2.701e-03 2.322e-10 4.274e-05 5.173e-10 9.660e-11 9.290e-11 9.009e-11 -82 EP 24 2.222e-07 5.990e-10 1.921e-03 7.363e-03 7.556e-03 6.503e-03 4.493e-03 4.850e-03 3.541e-05 8.778e-03 1.702e-02 2.919e-02 3.256e-02 1.594e-01 7.203e-01 1.090e-04 -82 TP 1 3.798e-01 4.642e-02 2.166e-09 7.196e-05 2.102e-08 4.100e-02 1.562e-03 2.044e-09 3.909e-10 5.713e-10 5.588e-10 8.269e-02 1.845e-01 1.093e-02 1.441e-09 5.920e-02 1.652e-09 3.625e-04 3.985e-09 6.397e-02 1.298e-08 3.136e-02 2.844e-10 9.813e-02 -82 TP 2 3.263e-02 3.494e-01 3.538e-09 1.603e-06 3.289e-09 4.262e-01 5.904e-03 3.997e-09 2.424e-09 3.939e-09 2.352e-09 4.359e-09 4.068e-09 6.663e-09 5.322e-09 3.734e-07 4.862e-09 5.655e-08 1.225e-08 3.985e-06 5.209e-09 1.841e-01 1.795e-03 1.221e-08 -82 TP 3 4.558e-05 1.618e-10 4.763e-01 7.810e-10 2.073e-01 7.525e-09 3.302e-10 2.013e-01 2.897e-08 8.349e-02 7.832e-03 4.766e-10 8.035e-03 2.584e-10 1.008e-08 1.124e-03 3.330e-09 5.391e-03 4.083e-03 1.055e-07 1.596e-07 3.010e-10 4.795e-03 3.240e-04 -82 TP 4 2.013e-04 7.172e-09 3.099e-08 3.412e-01 2.126e-02 7.292e-03 3.073e-04 6.572e-02 4.160e-09 1.710e-08 4.534e-09 1.853e-02 1.350e-03 6.365e-03 1.776e-02 4.261e-09 1.135e-08 2.783e-08 4.392e-08 3.158e-09 5.200e-01 5.244e-09 2.322e-09 2.287e-09 -82 TP 5 1.172e-03 2.329e-10 9.540e-02 9.351e-03 5.491e-01 5.295e-10 2.123e-05 9.303e-02 3.872e-09 1.242e-02 7.526e-03 1.584e-02 1.857e-01 4.369e-10 4.184e-10 2.377e-10 3.247e-10 2.560e-09 2.759e-09 1.142e-10 3.047e-02 1.776e-10 2.045e-10 1.831e-10 -82 TP 6 1.219e-02 1.497e-06 4.167e-09 8.321e-09 5.758e-09 4.675e-02 6.885e-09 3.944e-07 2.223e-09 4.081e-09 2.649e-09 9.379e-09 2.122e-04 1.021e-03 4.499e-09 1.713e-01 4.805e-09 4.888e-08 7.190e-09 1.076e-08 6.248e-08 4.535e-04 1.908e-04 7.679e-01 -82 TP 7 4.873e-04 5.712e-09 4.058e-09 2.715e-07 3.074e-09 1.002e-07 7.185e-01 3.494e-09 1.049e-09 1.241e-02 1.009e-09 2.617e-09 1.046e-02 1.448e-06 1.344e-08 1.388e-01 2.847e-02 2.243e-08 4.576e-09 1.534e-09 8.294e-03 7.890e-02 3.658e-03 4.685e-09 -82 TP 8 9.328e-10 6.880e-10 3.987e-01 3.787e-04 1.478e-01 9.419e-04 4.308e-10 3.309e-01 8.717e-08 3.517e-02 5.315e-09 6.806e-10 1.976e-09 9.187e-10 1.617e-09 4.703e-10 1.019e-09 3.191e-03 3.609e-07 2.305e-08 7.845e-02 3.752e-10 4.561e-03 7.530e-07 -82 TP 9 5.659e-11 4.015e-11 3.930e-05 2.072e-09 1.419e-08 3.595e-11 4.100e-11 6.717e-06 9.001e-01 1.169e-08 7.569e-02 1.389e-10 3.731e-10 2.340e-09 7.540e-11 3.739e-11 7.032e-11 2.115e-07 3.389e-03 4.870e-11 2.232e-09 3.735e-11 2.082e-02 4.149e-11 -82 TP 10 6.733e-10 4.962e-10 3.893e-01 1.266e-03 2.704e-02 6.388e-10 7.216e-06 1.277e-06 7.960e-07 5.748e-01 2.376e-03 5.291e-10 5.101e-09 5.504e-10 2.278e-04 6.809e-10 3.727e-03 1.608e-08 4.831e-04 1.155e-09 9.453e-06 7.819e-04 2.755e-09 3.509e-10 -82 TP 11 1.169e-10 7.436e-11 1.233e-03 1.193e-09 1.274e-02 7.386e-11 6.758e-11 1.173e-03 1.337e-01 4.356e-03 8.468e-01 3.929e-10 4.060e-09 4.052e-10 1.746e-10 6.700e-11 1.034e-10 1.704e-05 5.702e-09 6.366e-11 1.441e-06 5.958e-11 1.815e-07 8.910e-11 -82 TP 12 4.217e-02 6.033e-09 5.993e-03 5.609e-02 2.992e-01 1.404e-07 1.467e-04 4.106e-09 1.576e-09 2.752e-09 2.082e-09 4.882e-04 1.839e-01 8.957e-03 1.601e-02 1.172e-08 7.188e-09 2.125e-08 1.185e-03 2.338e-09 3.859e-01 2.292e-07 1.165e-09 1.995e-09 -82 TP 13 3.643e-02 5.233e-09 1.631e-02 2.563e-02 4.168e-01 2.176e-09 2.825e-03 2.008e-07 3.049e-10 2.500e-03 3.737e-08 3.967e-02 3.790e-01 4.907e-03 6.398e-10 4.299e-04 6.803e-10 2.421e-09 3.289e-09 4.970e-10 7.553e-02 4.590e-08 1.048e-10 4.666e-10 -82 TP 14 4.223e-05 2.766e-08 2.535e-08 2.788e-01 4.164e-08 5.332e-08 3.490e-04 2.641e-08 1.585e-08 2.830e-08 1.286e-08 2.246e-06 6.256e-07 2.704e-01 4.380e-01 1.832e-08 1.623e-08 9.777e-08 6.350e-08 9.067e-09 2.370e-07 1.697e-08 1.239e-02 8.429e-09 -82 TP 15 3.689e-01 1.550e-08 3.333e-08 2.697e-08 5.297e-08 1.074e-08 1.791e-08 2.328e-08 1.770e-08 1.907e-08 2.260e-08 3.127e-02 3.124e-01 2.293e-08 1.546e-08 4.668e-08 1.670e-08 2.857e-01 1.771e-03 9.634e-09 2.818e-08 1.201e-08 1.280e-08 2.259e-06 -82 TP 16 1.885e-01 3.690e-02 5.020e-09 4.623e-03 2.707e-09 2.400e-04 1.478e-01 3.719e-08 7.993e-10 1.626e-06 7.957e-10 3.335e-09 3.544e-08 1.826e-09 2.218e-09 4.327e-01 1.766e-09 8.870e-03 5.824e-09 4.505e-09 4.306e-09 1.660e-01 7.531e-10 1.441e-02 -82 TP 17 6.570e-03 4.618e-08 5.163e-08 4.910e-08 5.119e-08 3.571e-06 4.493e-08 4.290e-08 2.483e-08 4.464e-08 2.443e-08 8.159e-08 4.611e-02 9.334e-04 3.974e-08 4.139e-01 2.697e-07 5.324e-01 1.438e-07 2.760e-08 1.458e-07 4.704e-08 4.887e-08 5.171e-05 -82 TP 18 1.525e-09 3.185e-11 4.579e-04 1.211e-10 9.583e-11 4.170e-11 6.272e-10 1.323e-06 6.731e-11 3.035e-10 8.529e-11 6.278e-11 1.840e-10 2.873e-11 2.915e-11 1.288e-06 2.547e-11 9.577e-01 4.174e-02 7.250e-05 1.321e-10 5.960e-11 3.509e-11 2.427e-05 -82 TP 19 5.321e-11 2.024e-11 1.238e-09 1.151e-10 1.843e-10 3.722e-11 3.823e-11 1.139e-06 2.176e-04 2.929e-04 2.903e-04 1.313e-10 4.288e-10 3.376e-11 5.448e-11 5.561e-11 4.124e-11 9.360e-02 9.050e-01 1.134e-05 2.408e-10 3.753e-11 5.829e-04 1.747e-10 -82 TP 20 8.770e-02 5.886e-03 3.627e-09 6.386e-09 8.856e-09 4.890e-09 1.526e-08 8.068e-03 2.154e-09 2.342e-09 3.552e-09 4.983e-09 1.800e-08 3.213e-09 3.468e-09 6.242e-02 3.689e-09 6.461e-07 1.256e-08 3.352e-02 4.943e-09 5.056e-09 1.815e-09 8.024e-01 -82 TP 21 4.844e-02 1.714e-09 5.172e-09 2.440e-07 4.234e-01 2.136e-09 1.474e-09 7.057e-08 2.289e-09 1.864e-09 2.256e-09 2.374e-03 5.258e-01 3.105e-09 1.516e-09 2.340e-08 1.619e-08 2.168e-08 1.780e-08 6.987e-10 1.790e-07 2.872e-09 7.267e-10 4.884e-05 -82 TP 22 1.224e-01 5.248e-02 4.668e-09 2.999e-07 3.591e-09 2.072e-05 6.304e-02 2.435e-04 1.196e-09 4.049e-09 1.264e-09 2.992e-09 5.661e-08 3.077e-08 6.756e-09 3.526e-01 6.986e-07 1.939e-08 4.864e-09 3.526e-09 5.274e-03 4.029e-01 1.657e-09 1.060e-03 -82 TP 23 1.624e-10 9.065e-05 1.029e-02 2.067e-04 3.519e-04 1.343e-10 5.422e-04 6.067e-03 9.889e-02 9.751e-04 1.855e-05 2.698e-10 3.629e-10 2.484e-10 1.751e-10 4.428e-05 3.823e-10 2.109e-09 7.360e-03 1.780e-10 3.192e-10 4.070e-04 8.748e-01 1.152e-10 -82 TP 24 2.718e-01 4.684e-03 1.520e-09 1.115e-09 1.599e-09 3.398e-02 1.784e-05 1.459e-09 4.496e-10 4.171e-10 5.567e-10 1.321e-09 9.949e-09 1.266e-09 1.466e-09 2.518e-04 6.205e-09 3.298e-05 4.621e-09 6.644e-02 4.754e-09 1.406e-03 2.900e-10 6.214e-01 -83 IP 1 5.392e-08 -83 IP 2 3.727e-03 -83 IP 3 1.370e-08 -83 IP 4 3.175e-01 -83 IP 5 1.635e-01 -83 IP 6 3.912e-08 -83 IP 7 2.714e-02 -83 IP 8 3.529e-02 -83 IP 9 1.692e-01 -83 IP 10 7.194e-02 -83 IP 11 9.287e-02 -83 IP 12 1.390e-08 -83 IP 13 1.435e-08 -83 IP 14 1.903e-02 -83 IP 15 2.012e-08 -83 IP 16 1.513e-08 -83 IP 17 5.569e-08 -83 IP 18 1.249e-08 -83 IP 19 1.445e-08 -83 IP 20 1.715e-08 -83 IP 21 5.389e-02 -83 IP 22 1.412e-02 -83 IP 23 3.174e-02 -83 IP 24 5.044e-08 -83 EP 1 1.388e-09 6.534e-03 3.501e-02 3.542e-02 4.088e-02 7.317e-02 8.805e-02 1.005e-01 1.090e-01 1.222e-01 1.163e-01 1.321e-01 1.408e-01 2.168e-09 9.812e-11 1.363e-11 -83 EP 2 7.670e-11 4.492e-03 1.748e-02 1.778e-02 1.885e-02 3.036e-02 4.724e-02 6.949e-02 6.115e-02 7.051e-02 8.232e-02 1.529e-01 2.817e-01 1.413e-01 4.365e-03 4.220e-11 -83 EP 3 4.043e-10 6.635e-07 7.382e-03 2.478e-03 1.933e-02 4.882e-02 5.018e-02 2.477e-02 2.754e-05 1.031e-01 3.931e-01 3.042e-01 2.733e-08 6.291e-09 4.645e-02 1.372e-04 -83 EP 4 5.790e-02 2.683e-01 3.187e-01 1.684e-01 9.005e-02 4.970e-02 2.209e-02 1.228e-02 7.189e-03 3.767e-03 1.554e-03 1.759e-08 1.532e-10 1.205e-04 1.164e-10 1.155e-10 -83 EP 5 6.349e-04 5.337e-02 6.695e-02 5.060e-02 5.511e-02 7.067e-02 6.842e-02 6.490e-02 6.791e-02 7.353e-02 9.139e-02 9.357e-02 1.249e-01 1.112e-01 6.867e-03 2.385e-11 -83 EP 6 1.573e-10 6.612e-03 1.434e-02 1.256e-02 1.376e-02 1.980e-02 1.969e-02 3.118e-02 1.613e-02 3.796e-09 1.647e-02 2.327e-01 2.210e-01 1.747e-01 2.210e-01 3.610e-11 -83 EP 7 2.655e-04 1.788e-02 8.915e-02 7.766e-02 8.295e-02 9.076e-02 9.452e-02 8.940e-02 8.699e-02 1.028e-01 7.092e-02 7.877e-02 1.178e-01 4.020e-05 6.228e-10 2.340e-11 -83 EP 8 3.136e-05 2.626e-03 1.082e-02 1.558e-02 1.768e-02 2.564e-02 2.977e-02 3.435e-02 6.654e-02 7.572e-02 6.439e-02 7.456e-02 8.754e-02 2.358e-01 2.589e-01 1.902e-11 -83 EP 9 1.421e-03 4.972e-02 1.801e-01 1.452e-01 1.596e-01 1.323e-01 1.044e-01 6.791e-02 5.139e-02 2.812e-02 3.630e-02 4.344e-02 9.093e-10 2.785e-10 7.365e-11 3.431e-11 -83 EP 10 5.514e-04 2.514e-02 5.333e-02 5.826e-02 7.318e-02 9.320e-02 9.521e-02 9.285e-02 9.153e-02 8.447e-02 8.938e-02 8.635e-02 8.607e-02 7.048e-02 2.305e-10 1.742e-11 -83 EP 11 7.664e-04 5.718e-02 1.952e-01 1.724e-01 1.494e-01 1.190e-01 9.246e-02 8.429e-02 5.989e-02 4.869e-02 2.076e-02 3.456e-10 1.220e-10 4.854e-11 3.194e-11 2.911e-11 -83 EP 12 3.323e-04 3.821e-09 5.683e-03 1.900e-02 1.866e-02 2.698e-02 5.540e-02 6.993e-02 7.478e-02 1.287e-01 3.249e-01 2.756e-01 3.541e-09 5.022e-09 7.054e-09 6.574e-11 -83 EP 13 1.450e-04 3.548e-02 4.185e-02 3.159e-02 1.786e-02 1.668e-02 9.780e-03 2.868e-02 3.340e-02 6.128e-04 4.082e-03 1.972e-01 2.606e-01 1.815e-01 1.406e-01 3.604e-10 -83 EP 14 8.322e-11 2.932e-03 7.886e-03 9.768e-03 8.360e-03 2.799e-02 3.782e-02 5.314e-02 5.911e-02 1.673e-02 4.518e-02 3.643e-02 1.350e-01 5.136e-01 4.599e-02 1.646e-11 -83 EP 15 3.795e-10 1.147e-06 1.480e-02 6.755e-08 3.006e-04 5.517e-03 1.787e-02 1.889e-03 1.487e-02 1.699e-03 2.827e-02 8.728e-02 2.231e-01 6.044e-01 1.405e-06 7.716e-11 -83 EP 16 3.496e-04 6.323e-02 8.077e-02 3.756e-02 2.670e-02 4.724e-02 2.611e-02 4.650e-02 1.198e-01 2.843e-01 1.832e-01 1.751e-02 5.774e-02 8.929e-03 2.888e-07 6.758e-05 -83 EP 17 9.731e-11 1.516e-02 1.574e-02 2.528e-02 1.887e-02 3.909e-02 5.723e-02 9.688e-02 3.092e-01 2.833e-01 6.563e-02 1.726e-09 4.761e-02 2.598e-02 6.467e-09 4.295e-11 -83 EP 18 1.436e-10 3.049e-04 1.216e-06 2.001e-02 2.717e-02 2.504e-02 2.181e-02 1.613e-02 2.928e-07 6.962e-04 6.261e-02 7.986e-02 5.928e-02 1.047e-01 5.824e-01 1.914e-10 -83 EP 19 3.122e-05 1.688e-02 2.181e-02 1.905e-02 2.319e-02 3.389e-02 4.197e-02 4.835e-02 6.514e-02 7.622e-02 8.739e-02 1.102e-01 1.381e-01 1.894e-01 1.283e-01 7.461e-06 -83 EP 20 5.756e-10 3.997e-06 1.294e-02 2.772e-02 3.659e-02 4.298e-02 8.225e-02 1.909e-01 3.197e-01 2.869e-01 9.878e-07 5.799e-09 2.652e-07 6.053e-09 1.162e-06 2.023e-10 -83 EP 21 2.168e-11 1.116e-03 1.110e-02 8.690e-03 1.492e-02 1.524e-02 1.354e-02 1.097e-02 2.707e-04 4.504e-02 5.320e-02 5.334e-02 6.882e-02 1.883e-01 5.154e-01 9.243e-12 -83 EP 22 4.257e-05 1.541e-02 2.482e-02 2.194e-02 3.037e-02 7.937e-02 1.235e-01 2.331e-01 2.308e-01 9.386e-02 2.855e-09 1.431e-05 1.468e-01 7.237e-06 1.510e-09 6.755e-11 -83 EP 23 7.292e-10 5.563e-03 2.532e-02 2.495e-02 2.339e-02 1.501e-02 2.278e-02 1.736e-02 1.205e-08 1.168e-06 6.655e-02 1.007e-01 2.016e-01 4.968e-01 1.206e-09 2.184e-11 -83 EP 24 2.389e-04 6.171e-03 4.338e-02 4.592e-02 7.585e-02 9.700e-02 1.019e-01 1.001e-01 1.083e-01 1.245e-01 1.463e-01 1.228e-01 2.747e-02 7.637e-11 7.001e-11 2.204e-11 -83 TP 1 6.772e-01 1.036e-09 2.380e-10 4.707e-04 2.746e-10 1.107e-09 5.716e-10 5.328e-07 1.175e-01 2.650e-10 1.438e-07 1.245e-03 2.001e-10 1.514e-09 4.556e-10 3.042e-10 6.028e-04 4.408e-05 5.354e-10 2.439e-10 7.383e-10 1.010e-01 9.999e-02 1.928e-03 -83 TP 2 1.001e-08 8.444e-01 5.954e-10 1.673e-10 4.696e-10 3.577e-10 1.617e-10 1.116e-07 2.593e-09 7.435e-06 1.082e-09 3.477e-10 2.992e-10 2.268e-10 4.551e-10 2.626e-10 4.699e-10 5.618e-09 3.332e-09 3.130e-10 2.244e-10 3.361e-09 1.286e-02 1.427e-01 -83 TP 3 1.505e-09 9.242e-10 3.577e-01 6.388e-04 2.134e-07 5.155e-10 7.807e-10 8.972e-10 4.838e-08 4.461e-03 1.163e-09 5.082e-10 7.862e-02 6.993e-10 5.686e-09 1.422e-01 6.872e-10 3.855e-08 2.466e-09 4.164e-01 5.628e-10 6.932e-09 8.877e-10 4.942e-10 -83 TP 4 6.265e-09 4.158e-10 4.646e-10 9.025e-01 3.071e-03 3.483e-10 5.013e-03 1.120e-09 1.484e-02 1.015e-03 5.328e-02 2.912e-03 4.526e-10 3.239e-10 4.443e-10 2.730e-10 2.869e-10 2.856e-10 3.684e-10 4.919e-04 1.778e-10 1.046e-09 8.235e-10 1.691e-02 -83 TP 5 4.218e-10 1.316e-10 1.041e-02 8.944e-05 7.998e-01 1.535e-10 1.252e-10 2.853e-10 6.508e-05 7.860e-10 3.604e-10 1.479e-10 4.274e-02 3.706e-10 1.006e-01 4.250e-06 1.378e-04 1.682e-05 5.263e-10 4.612e-02 1.797e-10 6.608e-10 5.673e-10 1.281e-10 -83 TP 6 2.748e-09 1.208e-10 3.086e-10 9.259e-11 3.004e-10 2.811e-01 1.119e-01 1.508e-09 2.141e-09 2.176e-10 5.267e-10 1.625e-01 3.078e-08 9.054e-09 9.406e-10 1.945e-08 3.589e-01 4.135e-10 1.851e-10 4.504e-10 8.566e-02 1.670e-09 1.831e-09 2.492e-10 -83 TP 7 1.663e-09 7.973e-11 9.168e-11 1.546e-03 9.305e-11 1.213e-09 6.249e-01 1.470e-09 4.633e-03 1.391e-10 2.824e-10 1.851e-02 1.402e-10 3.495e-01 2.359e-10 1.291e-10 1.288e-07 2.165e-10 1.146e-10 1.698e-10 1.109e-08 9.725e-04 2.143e-09 1.473e-10 -83 TP 8 2.149e-02 1.041e-09 7.348e-07 4.059e-11 3.465e-10 1.489e-09 4.016e-07 7.926e-01 3.613e-10 1.418e-09 1.683e-10 9.764e-04 5.184e-10 2.093e-09 2.987e-09 3.065e-10 8.450e-10 2.600e-10 5.171e-07 3.353e-04 4.083e-10 4.112e-02 1.435e-01 1.340e-07 -83 TP 9 2.824e-01 5.574e-03 7.594e-10 2.372e-03 9.700e-10 2.474e-09 8.213e-03 9.678e-10 6.685e-01 7.008e-10 2.601e-09 8.399e-10 2.247e-10 1.408e-09 3.288e-10 2.811e-10 1.136e-09 1.834e-10 5.811e-10 9.325e-10 1.204e-09 9.702e-03 1.697e-02 6.195e-03 -83 TP 10 2.481e-10 2.712e-04 5.280e-07 3.572e-04 7.039e-10 1.577e-10 2.821e-10 2.788e-09 4.073e-10 8.605e-01 3.605e-04 1.181e-10 5.208e-10 1.609e-09 1.317e-09 4.528e-10 1.552e-10 3.710e-10 1.380e-01 9.033e-10 1.333e-10 4.020e-05 5.092e-04 2.317e-09 -83 TP 11 3.583e-09 4.571e-10 9.049e-11 1.388e-02 6.381e-05 1.304e-10 1.610e-10 1.981e-10 2.439e-09 1.501e-03 8.569e-01 1.184e-10 1.442e-10 9.135e-11 1.692e-10 1.618e-04 6.638e-11 2.721e-10 1.770e-10 2.292e-10 5.598e-11 6.370e-10 2.686e-10 1.275e-01 -83 TP 12 2.891e-09 2.707e-10 3.077e-10 1.420e-08 2.818e-10 5.622e-09 1.569e-01 5.799e-09 2.937e-03 2.573e-10 5.210e-10 4.040e-01 3.728e-10 7.842e-02 3.382e-10 3.332e-10 3.277e-01 8.686e-10 2.618e-10 4.123e-10 3.247e-09 3.017e-02 5.340e-09 3.753e-10 -83 TP 13 4.349e-10 1.481e-10 1.122e-01 1.929e-10 1.077e-01 4.327e-10 2.719e-10 4.902e-10 4.320e-10 1.171e-09 2.938e-10 2.415e-10 2.657e-01 1.609e-06 9.808e-02 3.671e-01 3.789e-10 1.972e-08 5.755e-10 4.924e-02 3.735e-10 3.358e-10 6.459e-10 2.288e-10 -83 TP 14 1.909e-08 6.586e-11 9.164e-11 6.461e-11 9.492e-11 1.319e-01 1.683e-01 9.685e-04 2.448e-09 1.073e-10 4.622e-10 5.941e-02 2.675e-10 4.584e-01 1.339e-06 1.686e-10 2.549e-02 3.463e-10 1.069e-10 9.087e-11 1.555e-01 1.286e-05 8.707e-07 1.513e-10 -83 TP 15 1.322e-03 1.508e-10 3.057e-02 7.318e-11 9.419e-02 2.876e-10 2.617e-10 4.731e-10 4.497e-10 7.560e-10 3.136e-04 1.678e-10 1.868e-01 4.429e-10 2.759e-01 1.228e-01 1.952e-10 2.881e-01 4.218e-10 3.833e-09 3.650e-10 1.972e-10 9.228e-10 2.401e-08 -83 TP 16 7.066e-10 6.105e-05 3.034e-03 1.129e-10 3.559e-02 2.402e-10 2.068e-10 4.465e-10 9.712e-09 9.149e-10 2.456e-10 2.649e-10 1.064e-01 3.604e-10 2.544e-01 1.418e-01 2.056e-10 4.568e-01 8.411e-10 1.932e-03 2.979e-10 8.845e-10 5.175e-10 3.016e-10 -83 TP 17 3.985e-03 1.884e-10 2.672e-10 2.017e-10 2.006e-10 2.876e-09 5.625e-09 1.232e-08 1.400e-09 1.920e-10 5.434e-05 5.129e-09 2.038e-10 1.157e-01 3.126e-10 3.458e-10 1.507e-08 1.873e-05 2.768e-10 1.605e-09 8.797e-01 1.120e-09 5.213e-04 5.300e-10 -83 TP 18 1.372e-10 9.305e-11 5.002e-07 4.833e-11 8.407e-03 1.597e-10 1.333e-10 2.662e-10 7.385e-11 4.647e-10 7.560e-11 1.079e-10 1.584e-01 2.302e-10 2.645e-01 1.659e-01 2.291e-10 3.920e-01 4.057e-10 1.085e-02 2.365e-10 2.040e-10 2.986e-07 9.246e-11 -83 TP 19 2.287e-10 9.040e-11 1.169e-03 1.883e-11 4.890e-09 8.690e-11 3.472e-05 2.411e-10 1.184e-09 6.091e-02 4.754e-11 6.374e-11 7.152e-09 4.934e-08 2.725e-10 3.071e-10 5.872e-11 1.822e-10 9.379e-01 5.501e-10 6.161e-11 1.095e-09 2.053e-10 2.486e-10 -83 TP 20 1.572e-09 2.471e-09 7.409e-02 1.203e-09 1.578e-01 5.467e-10 1.619e-09 9.253e-10 2.295e-09 1.283e-03 5.296e-04 2.555e-09 3.928e-08 7.332e-10 2.791e-01 1.234e-03 3.917e-09 2.508e-01 1.039e-02 2.248e-01 1.522e-09 4.728e-05 6.732e-06 5.810e-10 -83 TP 21 1.201e-09 3.685e-11 1.523e-10 1.564e-11 1.112e-10 1.099e-01 1.228e-09 3.913e-10 1.491e-10 5.072e-11 3.608e-10 8.529e-10 3.855e-10 1.260e-01 3.183e-10 2.376e-05 6.250e-02 4.958e-05 5.454e-11 1.117e-10 7.015e-01 4.336e-10 1.073e-09 6.789e-09 -83 TP 22 3.128e-04 2.462e-09 3.041e-09 8.305e-10 1.119e-09 3.540e-09 3.394e-09 2.656e-01 3.494e-09 1.543e-09 2.433e-09 5.194e-06 9.821e-10 2.979e-02 2.416e-09 6.820e-10 5.381e-09 1.824e-09 2.194e-05 9.484e-10 2.640e-06 1.907e-03 7.023e-01 5.332e-09 -83 TP 23 3.078e-01 6.328e-03 7.017e-10 6.831e-11 4.112e-04 1.592e-04 7.925e-04 1.510e-01 6.764e-03 1.409e-09 3.249e-10 1.383e-08 1.117e-09 1.911e-09 7.108e-10 3.716e-10 1.716e-09 4.009e-10 7.869e-04 4.693e-10 5.115e-10 9.638e-02 4.296e-01 6.717e-10 -83 TP 24 1.958e-03 7.094e-02 7.663e-11 3.011e-03 1.813e-10 2.152e-10 1.142e-10 6.231e-09 7.552e-03 1.212e-08 9.736e-02 2.067e-10 1.265e-10 1.488e-10 2.966e-05 1.498e-10 1.583e-10 2.304e-10 3.170e-04 8.765e-11 8.056e-11 9.255e-10 1.091e-09 8.188e-01 -84 IP 1 3.909e-03 -84 IP 2 2.142e-08 -84 IP 3 1.887e-08 -84 IP 4 8.280e-08 -84 IP 5 1.056e-01 -84 IP 6 3.063e-03 -84 IP 7 1.113e-07 -84 IP 8 1.670e-04 -84 IP 9 1.689e-02 -84 IP 10 9.430e-07 -84 IP 11 1.115e-07 -84 IP 12 3.249e-08 -84 IP 13 8.280e-02 -84 IP 14 3.910e-01 -84 IP 15 1.170e-07 -84 IP 16 9.400e-04 -84 IP 17 2.115e-07 -84 IP 18 1.811e-02 -84 IP 19 8.844e-08 -84 IP 20 5.076e-04 -84 IP 21 2.947e-02 -84 IP 22 2.423e-01 -84 IP 23 1.395e-02 -84 IP 24 9.128e-02 -84 IP 25 2.820e-08 -84 IP 26 4.538e-08 -84 EP 1 1.356e-04 5.443e-02 9.238e-02 1.042e-01 1.057e-01 7.080e-02 6.458e-02 5.934e-02 3.695e-06 6.742e-02 3.613e-07 6.526e-09 4.649e-08 5.318e-09 3.811e-01 -84 EP 2 4.130e-10 1.470e-08 4.664e-03 3.192e-02 1.575e-02 2.278e-02 5.693e-02 2.092e-01 5.530e-01 1.057e-01 2.878e-09 3.372e-09 7.648e-08 7.685e-09 3.003e-09 -84 EP 3 9.787e-05 1.077e-02 2.199e-02 7.503e-09 1.010e-02 4.166e-02 4.191e-02 3.935e-02 1.586e-01 4.177e-01 1.593e-01 7.014e-09 2.968e-02 6.888e-02 4.065e-08 -84 EP 4 2.011e-10 7.767e-10 4.109e-03 5.131e-03 3.506e-03 2.889e-02 4.523e-02 5.878e-02 7.081e-02 3.642e-02 4.477e-02 6.012e-02 1.724e-01 4.697e-01 1.148e-04 -84 EP 5 2.505e-10 1.173e-02 9.729e-03 1.030e-02 1.310e-02 1.057e-02 1.992e-02 2.256e-02 1.644e-02 1.007e-05 5.002e-02 1.375e-01 2.029e-01 1.812e-01 3.140e-01 -84 EP 6 1.070e-04 5.920e-02 5.279e-02 3.742e-02 4.371e-02 5.825e-02 5.714e-02 5.757e-02 7.021e-02 8.592e-02 9.352e-02 1.092e-01 1.262e-01 1.193e-01 2.952e-02 -84 EP 7 1.699e-10 1.312e-02 1.779e-02 2.010e-02 2.617e-02 3.694e-02 4.418e-02 5.961e-02 5.467e-02 4.813e-02 6.894e-02 7.315e-02 1.907e-01 3.464e-01 1.149e-04 -84 EP 8 1.682e-04 1.344e-01 7.537e-02 2.839e-02 5.300e-02 6.248e-02 4.807e-02 6.494e-02 1.602e-01 2.724e-01 1.005e-01 5.009e-09 1.652e-06 3.885e-08 8.140e-06 -84 EP 9 3.634e-05 2.907e-03 1.107e-02 1.359e-02 1.669e-02 1.399e-02 3.970e-03 6.161e-03 4.086e-03 1.548e-02 4.032e-02 4.761e-02 4.487e-02 1.675e-01 6.117e-01 -84 EP 10 3.200e-04 1.420e-02 6.515e-02 7.793e-02 1.156e-01 1.408e-01 1.388e-01 1.283e-01 1.084e-01 8.445e-02 7.048e-02 5.560e-02 3.398e-09 2.995e-10 1.910e-10 -84 EP 11 4.455e-04 3.542e-02 8.786e-02 7.198e-02 8.098e-02 9.366e-02 8.826e-02 8.621e-02 7.759e-02 7.356e-02 6.881e-02 9.628e-02 1.207e-01 1.824e-02 2.784e-10 -84 EP 12 5.354e-10 3.050e-03 2.217e-03 8.493e-03 1.775e-02 2.817e-02 3.162e-02 4.920e-02 1.098e-02 2.048e-06 1.533e-01 6.583e-01 3.691e-02 7.518e-09 6.276e-09 -84 EP 13 3.046e-04 2.480e-02 3.251e-02 2.508e-02 1.205e-02 4.881e-02 1.212e-01 1.987e-01 1.755e-01 1.064e-01 6.670e-05 3.778e-04 1.248e-01 1.288e-01 6.443e-04 -84 EP 14 5.727e-03 1.360e-01 3.065e-01 2.178e-01 1.481e-01 7.916e-02 4.521e-02 1.975e-02 1.288e-02 1.352e-02 1.542e-02 1.035e-08 7.971e-10 4.840e-10 3.085e-10 -84 EP 15 9.742e-11 4.826e-03 1.528e-02 8.596e-03 6.515e-03 2.319e-02 2.408e-02 2.913e-02 5.499e-02 5.172e-02 8.863e-02 1.193e-01 1.742e-01 3.261e-01 7.348e-02 -84 EP 16 3.154e-09 7.838e-05 2.026e-02 1.915e-02 1.211e-02 1.533e-02 1.738e-02 1.288e-02 1.877e-03 4.020e-03 7.532e-02 1.084e-01 1.827e-01 2.782e-01 2.523e-01 -84 EP 17 2.634e-03 5.384e-02 1.742e-01 1.707e-01 1.541e-01 1.230e-01 1.061e-01 8.123e-02 7.095e-02 4.923e-02 1.392e-02 2.404e-10 1.084e-10 6.530e-11 6.163e-11 -84 EP 18 2.699e-10 4.303e-03 3.223e-02 3.330e-02 3.088e-02 4.210e-02 4.686e-02 4.973e-02 9.340e-02 1.563e-01 2.023e-01 1.876e-01 1.210e-01 1.691e-05 1.011e-09 -84 EP 19 4.518e-10 5.059e-09 8.864e-03 2.173e-08 1.476e-02 4.242e-02 5.144e-02 5.436e-02 1.037e-02 1.500e-08 1.249e-01 5.954e-01 9.758e-02 8.378e-09 1.885e-08 -84 EP 20 6.179e-04 2.534e-02 2.778e-02 1.585e-02 2.065e-02 2.419e-02 2.039e-02 3.406e-02 7.510e-08 2.079e-02 1.968e-01 4.330e-01 1.770e-01 7.395e-08 3.591e-03 -84 EP 21 1.001e-09 2.482e-09 2.825e-02 1.683e-02 9.797e-09 5.075e-09 2.260e-02 1.901e-08 2.213e-02 1.559e-02 4.665e-09 5.045e-02 1.611e-01 6.135e-01 6.959e-02 -84 EP 22 1.141e-01 2.893e-01 2.817e-01 1.523e-01 7.177e-02 4.323e-02 2.504e-02 1.231e-02 5.834e-03 4.359e-03 1.121e-09 8.775e-10 2.546e-10 2.344e-10 2.304e-10 -84 EP 23 1.471e-04 9.005e-04 3.567e-02 3.710e-02 6.716e-02 9.618e-02 9.723e-02 1.178e-01 1.130e-01 1.382e-01 1.759e-01 1.015e-01 1.868e-02 4.803e-04 1.894e-10 -84 EP 24 4.367e-10 4.239e-03 3.718e-02 2.326e-02 4.366e-02 6.246e-02 4.949e-02 1.922e-02 5.075e-03 1.929e-02 7.881e-02 2.999e-01 3.575e-01 1.169e-08 9.910e-09 -84 EP 25 1.421e-09 1.140e-09 1.072e-02 1.733e-02 2.468e-02 2.427e-02 5.908e-02 6.629e-02 1.055e-01 2.729e-01 3.642e-01 3.804e-02 1.705e-02 7.120e-09 5.023e-09 -84 EP 26 1.083e-04 6.194e-03 1.598e-02 1.416e-02 1.755e-02 2.409e-02 2.216e-02 3.394e-02 7.018e-02 8.007e-02 7.539e-02 9.588e-02 9.656e-02 2.093e-01 2.384e-01 -84 TP 1 1.818e-01 1.278e-02 2.087e-02 6.464e-01 5.054e-03 3.864e-11 3.692e-08 2.036e-10 9.329e-02 1.333e-09 6.828e-09 7.190e-03 7.148e-05 3.211e-10 8.552e-09 2.776e-10 7.544e-11 6.611e-09 6.552e-09 1.499e-10 3.386e-09 6.329e-11 3.141e-10 1.525e-03 3.107e-02 1.029e-09 -84 TP 2 3.504e-07 1.303e-02 5.495e-09 7.989e-06 1.705e-08 1.242e-10 4.204e-09 2.564e-10 5.719e-01 6.587e-09 1.224e-08 2.989e-09 5.831e-09 4.700e-09 2.135e-08 4.025e-10 5.350e-10 2.366e-09 3.061e-09 2.641e-10 4.133e-01 1.730e-03 1.987e-09 2.704e-09 4.729e-09 9.555e-09 -84 TP 3 7.323e-03 8.533e-03 3.591e-02 9.341e-03 3.101e-08 3.733e-11 1.939e-09 1.253e-10 8.121e-01 1.992e-09 5.476e-09 3.187e-03 1.232e-09 2.332e-10 1.028e-01 1.178e-10 8.266e-11 5.877e-05 2.061e-02 7.974e-11 6.341e-09 8.269e-11 8.568e-05 2.127e-09 2.536e-09 7.998e-10 -84 TP 4 4.517e-02 1.228e-08 8.077e-03 3.906e-01 1.176e-01 9.854e-12 2.979e-04 3.545e-11 1.215e-01 4.267e-10 8.017e-03 7.641e-09 8.907e-09 2.063e-10 2.355e-01 6.690e-11 2.987e-11 9.259e-10 2.964e-02 3.503e-11 2.317e-09 2.023e-11 1.165e-10 4.833e-10 4.370e-02 1.147e-09 -84 TP 5 1.225e-01 3.749e-09 3.153e-01 5.820e-09 3.362e-01 1.894e-11 1.598e-09 1.086e-10 1.201e-01 1.548e-09 1.508e-03 1.988e-02 1.345e-09 9.437e-05 2.188e-08 1.011e-04 5.293e-11 2.252e-09 8.420e-02 9.171e-11 1.529e-09 3.127e-11 4.869e-10 6.110e-10 6.601e-09 5.272e-10 -84 TP 6 1.444e-08 1.218e-08 1.286e-08 1.321e-08 1.358e-08 5.006e-01 2.566e-02 7.353e-02 1.456e-08 4.988e-02 1.259e-08 1.227e-08 3.127e-08 1.148e-02 1.298e-08 2.722e-01 5.941e-04 1.348e-06 1.259e-08 6.386e-02 1.377e-08 2.168e-03 1.097e-08 1.864e-08 1.224e-08 1.120e-06 -84 TP 7 1.703e-09 3.584e-09 1.326e-09 3.275e-09 7.164e-10 4.786e-08 6.207e-01 1.329e-09 4.330e-10 8.708e-06 4.320e-03 7.161e-04 3.391e-02 9.627e-10 1.328e-05 5.947e-08 2.310e-04 1.483e-01 1.234e-03 1.276e-04 3.578e-03 3.494e-11 2.309e-10 5.279e-02 2.778e-03 1.313e-01 -84 TP 8 3.905e-09 2.625e-09 3.465e-03 3.585e-09 9.093e-09 4.541e-03 4.545e-03 2.337e-01 8.889e-09 2.485e-08 2.406e-09 3.217e-09 1.889e-03 1.511e-09 3.158e-09 7.339e-01 9.687e-10 1.082e-08 3.165e-09 1.788e-02 4.054e-09 6.542e-05 9.995e-10 1.190e-08 3.239e-09 1.230e-07 -84 TP 9 1.710e-03 7.373e-10 4.992e-02 2.172e-01 2.400e-01 1.022e-11 8.214e-10 3.439e-11 4.847e-01 2.057e-10 6.589e-03 3.043e-09 3.443e-10 1.693e-10 6.131e-08 1.037e-10 2.654e-11 2.814e-10 8.842e-09 6.711e-11 1.368e-09 1.675e-11 2.005e-10 4.281e-10 2.397e-09 2.768e-10 -84 TP 10 4.673e-10 1.349e-09 1.128e-09 1.258e-07 7.594e-10 1.135e-04 4.063e-02 6.553e-11 1.175e-09 6.588e-01 6.428e-10 5.151e-04 5.365e-05 4.827e-02 5.540e-10 2.459e-04 4.989e-09 1.541e-01 6.840e-10 1.988e-09 8.308e-10 1.721e-03 9.727e-10 9.124e-02 3.202e-04 3.956e-03 -84 TP 11 7.323e-04 2.329e-05 1.317e-09 2.264e-01 5.305e-04 1.342e-11 3.690e-03 3.884e-11 2.876e-03 8.637e-10 7.229e-01 1.941e-03 2.893e-08 3.025e-03 4.011e-09 5.547e-11 9.064e-11 9.480e-10 2.075e-09 4.002e-11 2.532e-09 7.067e-04 1.454e-10 5.240e-09 3.722e-02 1.346e-09 -84 TP 12 1.191e-04 5.857e-01 4.055e-02 2.544e-07 8.332e-09 1.708e-10 2.863e-09 4.583e-10 3.644e-09 5.705e-09 5.013e-08 2.981e-01 3.077e-09 1.685e-03 2.674e-08 4.919e-10 5.422e-10 2.564e-09 1.289e-08 4.943e-10 1.779e-08 2.890e-04 1.044e-09 1.467e-09 7.354e-02 2.443e-09 -84 TP 13 1.767e-09 8.450e-10 1.183e-08 2.496e-07 1.567e-09 7.971e-11 4.146e-01 3.878e-10 1.242e-09 1.441e-01 1.679e-09 3.123e-09 1.173e-01 7.179e-03 5.213e-09 7.362e-07 2.068e-04 8.302e-02 1.051e-09 2.257e-10 6.715e-05 2.762e-10 1.389e-09 1.828e-01 4.692e-09 5.075e-02 -84 TP 14 1.027e-09 8.251e-10 6.948e-10 1.115e-09 8.665e-10 8.843e-10 3.324e-09 2.128e-10 8.002e-10 3.509e-01 3.241e-02 2.180e-04 9.960e-09 5.854e-01 8.303e-10 3.252e-10 4.712e-04 2.012e-07 4.333e-05 5.678e-05 7.659e-10 7.030e-04 4.393e-03 2.547e-02 5.475e-09 1.727e-08 -84 TP 15 1.805e-01 1.898e-02 4.890e-02 6.493e-09 1.136e-03 1.970e-11 4.298e-09 6.948e-11 5.261e-09 1.204e-09 2.887e-01 1.629e-02 5.313e-07 3.072e-09 4.344e-01 1.131e-10 7.492e-11 1.458e-09 2.257e-04 6.523e-11 2.641e-09 6.019e-11 1.382e-10 6.109e-10 1.090e-02 3.299e-09 -84 TP 16 3.465e-09 7.024e-10 1.629e-09 9.415e-08 2.750e-09 8.732e-03 6.336e-06 2.268e-01 5.069e-04 1.066e-09 1.232e-09 9.588e-10 4.412e-09 5.092e-10 2.698e-09 7.128e-01 2.579e-10 3.121e-09 1.037e-08 5.028e-02 9.326e-04 2.560e-10 5.149e-10 1.570e-09 1.153e-09 6.841e-09 -84 TP 17 1.994e-10 1.955e-10 2.514e-10 2.049e-10 2.493e-10 4.869e-11 8.806e-09 4.664e-06 3.963e-09 1.634e-03 4.411e-10 1.541e-10 4.557e-04 7.460e-09 2.082e-10 5.265e-11 8.973e-01 4.624e-06 1.876e-10 5.240e-11 1.814e-10 4.813e-03 9.538e-02 1.365e-09 9.580e-05 2.952e-04 -84 TP 18 7.385e-10 1.270e-09 7.590e-10 1.509e-09 6.039e-10 4.196e-11 1.207e-07 1.401e-10 4.241e-10 1.673e-01 1.056e-09 5.613e-09 3.487e-01 4.116e-02 9.126e-10 1.444e-10 2.560e-09 4.299e-01 1.022e-09 1.023e-09 1.090e-09 4.507e-10 2.306e-07 1.310e-08 7.546e-09 1.291e-02 -84 TP 19 1.152e-05 2.135e-02 1.353e-01 9.592e-02 6.688e-08 1.225e-10 2.766e-09 4.018e-10 7.300e-02 9.943e-09 6.228e-02 1.451e-01 4.166e-09 3.902e-09 1.039e-01 2.550e-09 4.673e-10 3.529e-09 7.913e-07 4.534e-10 1.820e-08 4.427e-10 9.498e-10 1.647e-09 3.631e-01 2.668e-09 -84 TP 20 2.217e-08 7.331e-09 1.990e-08 1.642e-08 1.276e-08 4.730e-04 1.175e-07 6.154e-01 1.226e-08 8.882e-06 1.401e-08 8.967e-09 2.102e-06 8.328e-03 1.335e-08 1.107e-08 3.674e-09 2.128e-08 1.090e-08 3.749e-01 2.089e-08 8.943e-04 4.332e-09 7.810e-09 1.699e-08 2.822e-08 -84 TP 21 5.628e-02 8.545e-09 1.152e-08 2.012e-01 9.685e-03 2.518e-10 5.272e-02 5.309e-10 1.427e-08 2.436e-09 8.118e-08 3.779e-03 7.129e-09 1.276e-09 4.819e-01 1.068e-09 4.545e-10 5.340e-09 2.933e-08 1.515e-09 1.297e-01 4.917e-10 7.059e-10 1.283e-02 2.855e-08 5.195e-02 -84 TP 22 6.140e-10 1.131e-08 5.535e-10 9.625e-10 6.551e-10 5.832e-05 7.156e-10 2.644e-10 4.253e-10 2.983e-02 1.101e-02 1.312e-09 1.170e-09 4.143e-05 8.572e-10 2.771e-10 3.269e-02 1.628e-08 2.747e-03 3.743e-10 5.775e-10 9.039e-01 1.712e-02 2.602e-03 2.812e-06 6.361e-10 -84 TP 23 7.330e-10 6.070e-10 5.182e-10 1.078e-09 5.788e-10 6.086e-11 7.859e-08 7.873e-11 1.442e-04 4.571e-09 3.460e-10 4.502e-10 2.653e-07 1.673e-03 4.512e-10 6.735e-11 1.164e-01 6.292e-09 2.928e-10 6.971e-11 1.523e-09 7.519e-03 8.373e-01 3.698e-02 7.590e-10 8.019e-10 -84 TP 24 1.630e-09 1.346e-09 7.923e-10 1.723e-09 8.782e-10 1.350e-10 1.611e-01 1.871e-10 6.718e-10 2.617e-03 1.500e-09 1.860e-09 1.006e-01 1.238e-02 1.592e-09 9.300e-07 2.097e-05 2.768e-01 1.049e-09 4.392e-10 1.864e-09 1.344e-05 2.600e-02 4.205e-01 1.498e-09 3.093e-09 -84 TP 25 5.127e-02 1.030e-01 4.082e-03 2.313e-01 4.060e-02 5.158e-11 2.615e-09 2.582e-10 4.548e-09 1.736e-07 1.218e-01 2.096e-02 8.039e-03 4.351e-09 6.461e-09 1.695e-10 2.270e-10 2.010e-09 1.397e-08 1.516e-10 4.138e-09 2.077e-09 7.642e-10 1.461e-09 4.190e-01 1.865e-09 -84 TP 26 7.071e-10 1.261e-09 4.925e-10 1.827e-09 4.723e-10 2.307e-05 1.859e-01 1.406e-10 3.501e-10 3.963e-03 1.809e-07 5.653e-03 2.857e-06 2.264e-10 3.921e-09 1.319e-10 1.597e-07 1.429e-08 3.830e-09 9.652e-10 4.221e-04 3.507e-11 2.867e-10 1.801e-02 1.695e-09 7.860e-01 -85 IP 1 1.861e-01 -85 IP 2 1.227e-07 -85 IP 3 8.650e-04 -85 IP 4 2.469e-08 -85 IP 5 1.804e-08 -85 IP 6 2.364e-03 -85 IP 7 1.851e-01 -85 IP 8 4.630e-06 -85 IP 9 5.707e-08 -85 IP 10 5.119e-07 -85 IP 11 1.005e-07 -85 IP 12 4.462e-02 -85 IP 13 6.102e-02 -85 IP 14 2.437e-02 -85 IP 15 2.919e-08 -85 IP 16 4.955e-01 -85 IP 17 1.970e-07 -85 IP 18 1.800e-08 -85 IP 19 1.724e-07 -85 IP 20 1.671e-08 -85 EP 1 1.261e-03 6.117e-02 1.978e-01 1.793e-01 1.730e-01 1.343e-01 1.001e-01 6.720e-02 4.198e-02 2.919e-02 1.465e-02 2.632e-09 5.017e-10 2.927e-10 3.717e-10 5.594e-11 -85 EP 2 7.301e-10 9.586e-03 3.497e-02 2.980e-02 3.709e-02 3.503e-02 5.659e-02 6.824e-02 6.317e-02 4.306e-02 8.881e-02 9.515e-02 1.520e-01 2.850e-01 1.530e-03 9.265e-11 -85 EP 3 1.434e-10 9.732e-09 1.448e-03 4.396e-06 3.161e-04 2.774e-02 2.230e-02 2.361e-02 5.288e-02 3.493e-02 1.233e-01 1.868e-01 1.977e-01 3.290e-01 1.993e-08 5.064e-11 -85 EP 4 5.858e-04 4.333e-02 3.630e-02 2.092e-02 1.766e-02 2.164e-02 1.436e-02 1.999e-02 3.174e-02 6.263e-02 8.133e-02 9.018e-02 1.496e-01 2.049e-01 2.048e-01 4.474e-05 -85 EP 5 4.891e-04 2.456e-02 1.066e-01 1.262e-01 1.338e-01 1.223e-01 1.061e-01 1.005e-01 9.396e-02 8.856e-02 7.327e-02 2.220e-02 1.359e-03 8.552e-11 6.552e-11 6.138e-11 -85 EP 6 7.146e-04 6.006e-02 5.100e-02 3.068e-02 3.529e-02 5.597e-02 4.142e-02 4.820e-02 5.989e-02 7.805e-02 8.936e-02 1.162e-01 1.438e-01 1.413e-01 4.819e-02 2.755e-06 -85 EP 7 1.787e-04 6.222e-03 3.314e-02 3.319e-02 5.402e-02 8.257e-02 1.013e-01 1.020e-01 1.109e-01 1.148e-01 1.334e-01 1.530e-01 7.524e-02 2.269e-10 2.576e-10 1.725e-11 -85 EP 8 2.087e-10 7.072e-10 3.516e-03 4.291e-03 7.935e-03 8.770e-03 7.459e-04 9.144e-05 2.575e-09 1.737e-02 4.403e-02 5.535e-02 5.320e-02 1.599e-01 6.447e-01 5.216e-05 -85 EP 9 1.517e-10 9.010e-03 1.287e-02 1.682e-02 1.648e-02 2.571e-02 2.626e-02 3.675e-02 6.852e-02 6.535e-02 6.364e-02 7.407e-02 9.398e-02 3.103e-01 1.802e-01 4.257e-11 -85 EP 10 7.655e-10 7.205e-09 2.548e-02 5.716e-09 4.202e-03 2.318e-02 4.598e-02 3.889e-02 4.089e-02 2.105e-08 9.514e-02 3.331e-01 3.931e-01 2.209e-08 2.232e-07 1.234e-10 -85 EP 11 5.254e-10 3.578e-02 3.616e-02 2.029e-02 2.506e-02 2.099e-02 1.058e-03 3.448e-08 4.572e-02 8.899e-02 8.628e-02 2.370e-02 7.773e-02 5.654e-02 4.817e-01 3.445e-10 -85 EP 12 5.297e-10 5.897e-09 1.211e-02 7.382e-03 1.219e-04 3.687e-02 4.878e-02 6.235e-02 4.476e-02 4.288e-02 8.581e-04 4.592e-02 1.834e-01 5.145e-01 2.045e-09 5.399e-11 -85 EP 13 7.296e-10 2.589e-02 4.424e-03 2.326e-02 1.502e-02 5.801e-03 2.009e-08 3.237e-07 6.887e-06 3.953e-02 1.915e-04 1.893e-04 6.160e-02 2.788e-01 5.453e-01 1.159e-10 -85 EP 14 3.602e-09 2.432e-09 4.802e-03 1.327e-02 3.084e-02 3.190e-02 5.840e-02 4.407e-02 8.182e-02 2.574e-01 4.475e-01 2.994e-02 1.240e-05 9.963e-09 8.811e-09 1.010e-10 -85 EP 15 5.813e-10 1.285e-02 2.277e-02 5.250e-02 4.407e-02 3.338e-02 6.434e-02 1.755e-01 4.513e-01 1.397e-01 3.610e-03 3.128e-07 1.870e-08 1.762e-08 6.507e-09 1.854e-10 -85 EP 16 6.687e-02 2.408e-01 3.163e-01 1.668e-01 1.041e-01 5.101e-02 3.157e-02 1.168e-02 9.436e-03 1.362e-03 4.445e-10 2.867e-10 2.107e-10 1.786e-10 1.700e-10 1.625e-10 -85 EP 17 4.143e-04 3.273e-02 8.683e-02 7.181e-02 8.035e-02 9.123e-02 8.730e-02 9.100e-02 8.690e-02 8.690e-02 7.698e-02 9.168e-02 1.126e-01 3.307e-03 3.387e-10 2.521e-11 -85 EP 18 2.776e-04 1.298e-03 1.682e-02 1.990e-02 1.786e-02 3.060e-02 4.131e-02 6.639e-02 8.473e-05 2.551e-02 1.418e-01 5.921e-01 3.093e-02 4.103e-09 1.519e-02 1.304e-10 -85 EP 19 5.060e-11 1.264e-02 3.021e-02 2.459e-02 2.447e-02 3.754e-02 4.973e-02 6.562e-02 6.035e-02 6.613e-02 7.789e-02 1.093e-01 2.414e-01 2.001e-01 4.762e-10 1.419e-11 -85 EP 20 6.231e-04 3.188e-02 1.251e-02 7.148e-03 8.630e-07 3.519e-02 2.515e-02 1.129e-02 1.807e-01 5.285e-01 1.392e-01 4.217e-09 2.777e-02 6.563e-09 1.008e-07 3.327e-10 -85 TP 1 6.451e-01 1.999e-09 4.013e-09 1.132e-10 1.581e-09 3.969e-05 3.170e-01 9.836e-10 1.040e-08 5.986e-09 2.176e-08 1.589e-09 6.706e-10 1.776e-09 1.188e-09 3.780e-03 1.688e-02 9.554e-08 1.718e-02 7.676e-10 -85 TP 2 2.204e-10 4.118e-01 7.534e-02 8.576e-11 2.378e-11 1.448e-11 3.235e-10 2.992e-01 3.293e-10 2.681e-08 8.260e-02 5.553e-02 4.823e-02 2.026e-02 6.032e-05 4.224e-11 2.429e-06 1.351e-05 4.331e-10 6.904e-03 -85 TP 3 5.364e-09 8.228e-09 2.194e-01 6.677e-10 8.256e-11 8.369e-11 1.220e-05 7.919e-05 3.009e-09 1.343e-03 9.096e-02 4.447e-09 5.410e-02 8.621e-02 6.856e-03 1.365e-10 4.092e-01 6.899e-02 3.211e-09 6.280e-02 -85 TP 4 1.527e-09 1.792e-09 2.003e-09 9.713e-01 6.812e-10 1.097e-02 1.485e-09 1.924e-09 1.241e-09 1.776e-02 1.891e-09 1.856e-09 1.988e-09 1.592e-09 1.184e-09 6.546e-10 2.333e-09 4.212e-09 1.396e-09 1.607e-09 -85 TP 5 2.422e-09 2.286e-10 2.230e-10 9.825e-11 9.477e-01 2.163e-06 2.147e-02 1.256e-10 2.200e-10 2.722e-10 1.493e-10 2.309e-10 1.396e-10 2.339e-10 2.190e-10 3.085e-02 2.027e-10 2.023e-10 5.544e-10 1.740e-10 -85 TP 6 2.375e-02 3.313e-08 4.442e-08 4.372e-01 2.238e-08 4.882e-01 3.094e-02 3.011e-08 1.219e-02 4.452e-08 3.892e-08 4.527e-08 3.223e-08 3.964e-05 3.054e-08 9.883e-04 6.439e-03 1.907e-04 9.370e-08 3.588e-08 -85 TP 7 9.092e-02 1.469e-09 1.892e-09 7.323e-11 6.188e-03 5.054e-05 7.307e-01 6.495e-10 7.306e-03 1.865e-08 1.147e-09 6.164e-03 8.865e-10 2.875e-04 3.447e-07 3.386e-03 1.599e-09 2.448e-09 1.550e-01 5.358e-10 -85 TP 8 7.164e-11 2.415e-01 2.637e-02 6.349e-06 2.212e-11 1.631e-10 1.565e-10 4.713e-01 2.045e-10 2.547e-02 2.495e-09 4.246e-02 1.565e-01 1.746e-09 2.203e-09 1.234e-11 1.354e-08 2.344e-03 2.269e-10 3.415e-02 -85 TP 9 9.625e-10 7.791e-10 3.783e-03 2.081e-09 8.776e-11 2.292e-09 2.793e-04 4.524e-10 8.350e-01 9.463e-10 9.125e-10 2.215e-03 5.541e-10 1.579e-09 8.890e-10 4.418e-11 7.300e-03 4.935e-03 1.465e-01 4.130e-10 -85 TP 10 3.337e-09 3.024e-02 6.745e-09 1.458e-04 1.583e-10 2.235e-10 2.073e-09 3.549e-08 2.116e-09 2.170e-01 2.385e-04 6.542e-09 8.363e-02 3.547e-04 6.626e-08 1.964e-10 4.577e-06 2.106e-01 1.784e-09 4.577e-01 -85 TP 11 1.922e-09 3.863e-04 3.668e-03 7.978e-10 1.789e-10 1.193e-10 2.211e-09 1.416e-08 2.272e-09 8.966e-09 2.479e-05 4.865e-01 1.390e-01 3.103e-08 1.298e-01 1.201e-10 1.943e-01 3.114e-02 3.013e-09 1.528e-02 -85 TP 12 6.515e-09 1.348e-01 2.561e-01 1.097e-09 4.184e-11 3.216e-06 1.072e-09 3.304e-02 3.223e-03 7.493e-05 3.003e-02 2.969e-01 1.262e-01 3.910e-06 1.860e-02 1.245e-10 8.699e-02 1.043e-02 3.611e-03 3.316e-09 -85 TP 13 1.503e-10 4.658e-01 2.907e-02 2.220e-05 4.657e-11 1.594e-06 4.125e-10 1.168e-01 7.965e-10 1.783e-01 5.470e-09 7.734e-09 1.996e-08 5.462e-09 8.426e-09 3.911e-11 9.601e-03 4.174e-02 7.937e-10 1.586e-01 -85 TP 14 1.845e-03 7.523e-02 8.655e-09 2.950e-06 1.591e-10 8.577e-11 3.976e-03 1.125e-08 1.595e-08 2.637e-02 8.392e-09 1.135e-01 5.460e-02 4.145e-01 1.458e-01 4.589e-04 1.191e-01 4.124e-02 1.168e-08 3.436e-03 -85 TP 15 2.737e-09 8.823e-02 1.007e-08 1.100e-03 2.770e-10 1.759e-05 5.732e-07 5.488e-01 3.881e-02 2.254e-09 4.725e-05 2.955e-01 6.796e-08 6.650e-09 2.736e-02 3.886e-10 4.394e-09 4.637e-09 6.625e-05 3.226e-09 -85 TP 16 3.239e-02 5.032e-10 1.470e-09 1.771e-10 8.158e-02 1.195e-05 1.424e-02 2.618e-10 4.560e-10 4.652e-04 3.384e-10 5.285e-10 2.993e-10 5.702e-04 5.344e-10 8.578e-01 1.292e-02 5.006e-08 7.153e-10 3.607e-10 -85 TP 17 3.662e-03 3.516e-02 2.157e-03 7.932e-11 4.386e-11 3.359e-11 1.038e-09 4.245e-03 5.304e-09 3.783e-03 2.510e-04 2.442e-01 2.389e-06 2.894e-02 4.647e-03 3.903e-04 6.713e-01 1.369e-05 1.048e-05 1.165e-03 -85 TP 18 3.065e-09 3.410e-03 1.609e-08 9.587e-05 1.827e-10 2.932e-06 1.225e-03 8.728e-09 4.356e-09 7.497e-09 1.751e-08 1.747e-02 4.640e-08 1.475e-01 5.040e-01 3.781e-10 1.271e-05 2.950e-01 4.625e-09 3.129e-02 -85 TP 19 4.869e-03 7.287e-10 3.104e-03 6.371e-10 1.003e-10 5.049e-08 1.292e-01 5.760e-10 9.436e-02 9.374e-05 1.346e-09 1.516e-03 9.541e-10 4.178e-05 1.635e-03 5.876e-11 3.230e-05 2.232e-04 7.650e-01 5.536e-10 -85 TP 20 5.673e-10 1.913e-05 1.043e-06 2.600e-10 1.777e-10 5.825e-11 4.023e-09 8.056e-01 1.277e-09 6.136e-05 5.731e-02 8.460e-02 1.020e-08 5.733e-09 3.012e-02 7.319e-11 5.031e-09 1.217e-02 3.873e-04 9.773e-03 -86 IP 1 4.725e-02 -86 IP 2 6.771e-08 -86 IP 3 2.860e-03 -86 IP 4 1.217e-02 -86 IP 5 4.070e-02 -86 IP 6 5.658e-02 -86 IP 7 6.696e-08 -86 IP 8 1.201e-02 -86 IP 9 1.593e-08 -86 IP 10 4.777e-01 -86 IP 11 1.499e-08 -86 IP 12 1.296e-08 -86 IP 13 4.198e-02 -86 IP 14 1.369e-08 -86 IP 15 1.235e-08 -86 IP 16 1.063e-07 -86 IP 17 8.248e-04 -86 IP 18 1.261e-08 -86 IP 19 1.137e-07 -86 IP 20 1.072e-02 -86 IP 21 2.375e-01 -86 IP 22 5.761e-08 -86 IP 23 5.388e-08 -86 IP 24 5.968e-02 -86 EP 1 5.179e-11 5.633e-06 1.289e-03 3.691e-03 5.137e-03 7.260e-03 1.096e-02 5.793e-03 1.047e-02 2.126e-02 5.029e-02 7.560e-02 9.578e-02 2.488e-01 4.637e-01 9.390e-06 -86 EP 2 1.977e-04 1.430e-02 2.527e-02 1.512e-02 1.489e-02 3.040e-02 3.165e-02 4.136e-02 3.031e-02 6.357e-03 6.722e-03 1.646e-01 2.917e-01 1.389e-01 1.882e-01 2.246e-11 -86 EP 3 2.732e-10 5.274e-10 1.228e-03 4.207e-03 5.989e-08 9.761e-04 2.245e-02 2.223e-02 7.697e-03 1.038e-04 6.204e-02 1.466e-01 2.564e-01 4.761e-01 2.853e-08 2.323e-10 -86 EP 4 1.064e-09 2.675e-03 1.200e-02 2.150e-02 3.248e-02 4.152e-02 6.414e-02 7.026e-02 1.715e-08 1.275e-08 1.797e-01 4.369e-01 9.921e-02 3.996e-06 3.967e-02 9.591e-10 -86 EP 5 3.357e-04 1.201e-02 8.031e-02 8.483e-02 1.008e-01 1.292e-01 1.180e-01 1.138e-01 9.995e-02 9.557e-02 6.401e-02 7.868e-02 2.252e-02 2.038e-09 9.909e-10 7.817e-10 -86 EP 6 2.828e-04 9.615e-03 1.200e-02 1.570e-09 2.111e-09 3.094e-02 5.350e-07 4.028e-06 1.714e-01 5.532e-01 2.220e-01 4.779e-06 3.520e-04 8.994e-09 7.612e-08 1.926e-04 -86 EP 7 1.053e-09 9.552e-10 2.722e-03 1.730e-02 1.900e-02 3.480e-02 2.601e-02 4.375e-02 7.141e-06 6.259e-02 1.768e-01 5.919e-01 2.519e-02 3.513e-09 4.741e-09 6.614e-11 -86 EP 8 1.243e-04 3.507e-09 3.106e-02 2.805e-02 4.636e-02 6.999e-04 2.169e-02 2.844e-05 1.078e-04 6.508e-08 2.932e-08 4.534e-03 3.439e-08 1.960e-04 8.672e-01 1.812e-09 -86 EP 9 2.319e-05 1.547e-02 2.096e-02 2.452e-02 2.924e-02 7.040e-02 7.865e-02 1.406e-01 2.740e-01 2.148e-01 7.208e-02 7.331e-06 4.449e-02 1.476e-02 1.089e-08 7.033e-10 -86 EP 10 8.205e-02 2.322e-01 3.070e-01 1.651e-01 8.912e-02 5.558e-02 3.473e-02 1.722e-02 1.449e-02 1.604e-03 8.864e-04 4.673e-10 2.501e-10 2.140e-10 2.090e-10 1.932e-10 -86 EP 11 1.115e-03 3.298e-02 1.328e-01 1.412e-01 1.469e-01 1.225e-01 1.120e-01 1.005e-01 8.106e-02 7.548e-02 4.732e-02 6.092e-03 1.580e-10 2.448e-10 2.422e-10 5.794e-11 -86 EP 12 2.761e-05 9.893e-04 1.154e-02 2.736e-02 1.820e-02 1.900e-02 3.166e-02 2.338e-02 1.026e-01 3.185e-01 4.465e-01 1.970e-04 5.766e-09 9.808e-09 4.471e-09 2.290e-09 -86 EP 13 6.916e-05 7.063e-10 2.877e-07 1.030e-02 2.770e-02 3.845e-02 9.344e-02 1.054e-01 1.483e-01 2.359e-01 2.832e-01 5.726e-02 1.749e-07 1.433e-08 6.317e-09 2.459e-11 -86 EP 14 2.094e-09 3.968e-03 5.802e-02 1.194e-01 8.630e-02 9.591e-02 9.839e-02 1.011e-01 3.484e-04 1.614e-08 5.276e-07 1.609e-03 1.888e-03 4.331e-01 1.268e-07 1.957e-09 -86 EP 15 2.787e-09 3.805e-09 7.484e-09 9.599e-09 1.455e-02 4.955e-02 9.540e-02 2.137e-01 1.212e-01 3.987e-02 1.703e-05 1.318e-01 3.338e-01 1.928e-04 3.625e-09 2.633e-09 -86 EP 16 1.084e-10 3.759e-03 6.483e-04 5.405e-08 4.033e-09 9.819e-03 5.748e-03 7.443e-03 4.474e-02 4.539e-02 7.258e-04 7.070e-02 2.001e-01 5.608e-01 5.013e-02 8.386e-12 -86 EP 17 1.206e-05 6.902e-03 1.216e-02 7.886e-03 1.169e-02 2.511e-02 3.567e-02 5.647e-02 5.762e-02 5.490e-02 7.146e-02 1.017e-01 2.619e-01 2.868e-01 9.660e-03 5.201e-10 -86 EP 18 7.974e-05 4.173e-03 2.651e-02 2.970e-02 4.783e-02 7.852e-02 8.684e-02 9.939e-02 1.013e-01 1.099e-01 1.381e-01 1.694e-01 1.034e-01 4.846e-03 5.850e-10 6.520e-11 -86 EP 19 4.458e-10 1.721e-02 5.530e-07 1.523e-06 8.565e-08 4.187e-08 2.801e-08 2.638e-07 4.356e-03 2.056e-02 5.032e-01 4.546e-01 1.649e-08 7.341e-07 2.518e-06 5.842e-11 -86 EP 20 1.554e-10 1.783e-09 2.391e-02 2.693e-02 3.973e-02 3.854e-02 1.471e-02 1.254e-02 1.028e-08 1.846e-02 5.282e-09 2.750e-02 1.193e-03 3.387e-02 7.626e-01 1.389e-08 -86 EP 21 4.967e-04 2.485e-02 8.635e-02 7.404e-02 7.766e-02 9.928e-02 9.787e-02 1.023e-01 7.946e-02 6.642e-02 7.178e-02 9.717e-02 1.213e-01 1.035e-03 3.333e-10 7.253e-12 -86 EP 22 5.911e-10 1.430e-02 2.600e-02 1.873e-02 3.041e-02 5.674e-02 3.856e-02 6.872e-02 1.265e-01 1.785e-01 7.770e-02 1.928e-03 5.362e-02 2.403e-03 3.059e-01 5.162e-10 -86 EP 23 1.118e-04 3.732e-05 4.096e-09 5.879e-04 4.691e-03 1.734e-05 2.616e-02 1.412e-01 5.913e-01 2.358e-01 4.119e-09 6.250e-09 1.034e-08 6.298e-08 8.979e-09 5.168e-09 -86 EP 24 1.898e-10 4.442e-02 9.086e-02 8.576e-02 8.634e-02 9.682e-02 1.176e-01 1.665e-01 1.091e-01 4.957e-02 8.528e-02 1.146e-02 5.585e-02 3.742e-04 6.985e-07 4.357e-11 -86 TP 1 6.416e-01 9.251e-02 4.786e-05 3.914e-09 2.172e-11 4.611e-02 1.460e-09 3.680e-09 1.788e-10 5.499e-12 1.759e-11 3.519e-11 6.859e-09 1.811e-10 2.319e-11 1.040e-01 2.642e-11 5.628e-11 5.462e-03 7.209e-09 1.236e-06 1.688e-09 9.708e-05 1.102e-01 -86 TP 2 2.484e-05 2.275e-01 4.828e-10 2.796e-10 1.371e-10 2.792e-01 1.203e-01 2.718e-10 2.921e-10 4.844e-11 2.146e-10 2.889e-10 5.425e-06 1.515e-10 1.098e-10 2.479e-08 1.233e-10 5.222e-10 6.750e-02 9.320e-08 3.597e-02 2.382e-10 4.236e-09 2.694e-01 -86 TP 3 7.005e-09 1.176e-07 4.502e-01 1.060e-01 2.056e-04 1.034e-08 2.765e-05 5.812e-02 4.878e-02 3.038e-10 1.877e-03 3.648e-03 6.309e-09 2.165e-02 1.336e-09 1.064e-02 4.516e-02 7.095e-04 4.054e-09 1.670e-09 3.632e-09 2.529e-01 7.030e-08 2.851e-09 -86 TP 4 4.221e-09 5.880e-09 5.548e-02 2.803e-01 1.877e-02 5.953e-09 1.931e-02 3.406e-08 5.064e-01 3.833e-09 3.094e-09 9.590e-02 6.105e-09 2.383e-02 4.382e-09 8.343e-09 4.916e-09 4.570e-09 4.124e-09 3.602e-09 7.882e-09 6.626e-05 1.157e-08 1.308e-08 -86 TP 5 3.178e-09 2.641e-09 1.596e-02 1.314e-03 7.016e-01 3.734e-09 2.552e-09 2.906e-03 3.336e-02 4.235e-03 2.036e-03 2.802e-02 1.593e-04 3.401e-02 1.426e-01 9.586e-09 3.370e-02 5.273e-05 3.611e-09 2.855e-09 1.176e-08 1.694e-08 4.088e-09 4.315e-09 -86 TP 6 5.083e-01 2.461e-04 4.075e-10 4.328e-10 2.777e-04 2.555e-02 1.082e-02 4.367e-10 4.804e-07 9.637e-11 4.102e-04 1.950e-10 7.193e-09 4.776e-10 2.238e-10 6.815e-02 2.020e-10 4.846e-10 2.146e-02 3.152e-01 3.626e-02 9.739e-10 9.135e-03 4.201e-03 -86 TP 7 8.316e-09 5.816e-09 7.445e-10 6.496e-10 1.241e-09 1.400e-02 3.513e-01 6.002e-10 2.060e-09 7.929e-09 1.895e-09 7.714e-04 5.576e-08 7.382e-10 3.288e-10 4.601e-08 4.402e-10 6.389e-09 1.601e-08 8.162e-09 1.298e-08 1.195e-09 4.470e-01 1.869e-01 -86 TP 8 5.576e-06 8.163e-09 4.452e-01 6.467e-02 2.268e-07 3.775e-05 8.490e-09 6.017e-07 5.955e-02 1.864e-09 2.193e-09 4.331e-09 9.966e-09 5.413e-02 1.894e-02 4.304e-08 1.832e-08 3.074e-09 6.354e-09 1.355e-08 6.535e-09 3.327e-01 2.473e-02 1.116e-08 -86 TP 9 4.435e-04 3.743e-09 4.638e-01 8.808e-03 5.710e-02 1.483e-06 3.353e-09 1.188e-01 2.270e-01 1.388e-09 6.187e-09 9.753e-03 4.902e-09 7.610e-02 2.597e-06 2.075e-08 3.825e-02 3.829e-09 3.650e-09 2.319e-08 4.186e-09 4.516e-08 9.694e-06 6.963e-09 -86 TP 10 3.921e-10 7.051e-10 3.751e-10 2.069e-05 5.449e-03 4.768e-10 1.767e-09 2.073e-10 4.224e-10 8.750e-01 7.700e-02 1.785e-09 3.497e-09 4.791e-10 5.947e-04 8.720e-10 5.860e-10 7.559e-03 1.243e-02 3.020e-10 2.200e-02 2.625e-10 6.676e-10 1.093e-09 -86 TP 11 4.022e-10 5.082e-10 4.304e-09 3.726e-10 8.410e-10 2.750e-10 7.425e-10 1.455e-10 1.267e-09 2.242e-02 8.733e-01 5.182e-10 2.983e-03 2.571e-04 1.559e-03 2.541e-09 1.451e-09 9.280e-02 2.487e-09 2.270e-10 6.696e-03 1.693e-05 4.994e-09 9.934e-10 -86 TP 12 1.525e-08 1.084e-08 5.270e-05 1.032e-01 2.662e-02 2.525e-05 7.634e-09 5.791e-09 2.734e-01 1.165e-02 1.760e-08 4.201e-01 2.372e-08 8.314e-03 1.566e-01 3.554e-08 7.757e-09 8.322e-09 1.366e-08 8.844e-09 1.596e-08 7.632e-09 2.084e-05 4.553e-08 -86 TP 13 7.539e-02 2.493e-02 3.835e-10 3.017e-10 1.323e-09 1.463e-09 1.622e-02 1.415e-10 2.850e-10 7.973e-09 7.977e-04 9.817e-10 3.877e-01 6.919e-10 3.686e-10 2.415e-01 2.783e-10 4.080e-10 2.165e-03 1.295e-07 1.368e-01 1.766e-10 4.851e-02 6.593e-02 -86 TP 14 5.795e-08 9.927e-09 5.199e-01 2.677e-08 9.476e-07 1.241e-08 1.772e-08 2.059e-04 1.083e-01 2.364e-09 9.779e-09 6.458e-07 2.751e-08 1.006e-01 2.862e-03 7.270e-08 2.682e-01 1.924e-08 1.062e-08 2.006e-08 2.290e-08 3.220e-08 2.048e-07 1.791e-08 -86 TP 15 1.835e-08 1.669e-08 2.907e-01 1.613e-08 1.669e-06 7.250e-09 7.677e-09 1.598e-03 6.710e-08 7.558e-09 2.087e-08 8.177e-02 1.044e-06 8.826e-05 1.078e-01 4.628e-02 4.348e-01 3.687e-02 2.558e-08 1.678e-08 2.334e-08 1.161e-07 8.490e-09 4.293e-08 -86 TP 16 1.540e-01 8.045e-02 2.747e-09 1.277e-10 4.872e-11 6.003e-03 4.355e-08 2.763e-08 1.407e-10 1.889e-11 1.348e-10 1.011e-10 5.728e-02 1.038e-10 5.185e-11 3.809e-01 6.377e-05 4.772e-08 5.438e-02 3.953e-09 1.719e-01 1.601e-10 8.654e-03 8.645e-02 -86 TP 17 5.195e-09 7.950e-09 2.174e-02 3.239e-02 1.121e-01 3.354e-09 6.268e-09 3.041e-04 5.428e-02 8.411e-10 8.758e-06 2.325e-02 5.523e-09 4.565e-02 3.770e-09 6.015e-03 4.416e-01 2.624e-01 3.415e-09 2.738e-09 7.213e-09 1.541e-07 2.239e-04 7.220e-09 -86 TP 18 1.487e-09 9.922e-10 9.484e-08 1.311e-09 2.963e-06 4.110e-10 8.172e-10 2.908e-10 7.804e-10 3.874e-04 1.085e-01 1.201e-09 6.140e-09 1.540e-09 3.023e-03 4.770e-09 2.777e-02 8.595e-01 2.485e-09 6.033e-10 1.045e-08 4.572e-10 7.951e-04 9.672e-08 -86 TP 19 4.864e-02 1.319e-01 6.738e-09 8.605e-10 7.979e-07 8.330e-02 2.636e-02 3.257e-09 1.782e-09 3.988e-10 1.522e-03 6.038e-09 2.347e-01 1.651e-09 3.633e-10 6.430e-02 4.197e-10 1.784e-09 1.588e-01 1.272e-06 2.487e-01 2.284e-09 5.999e-09 1.841e-03 -86 TP 20 6.534e-01 9.729e-04 1.092e-03 1.173e-09 4.303e-10 1.124e-08 1.816e-07 1.182e-03 5.058e-10 8.703e-11 1.670e-10 2.057e-09 1.896e-02 3.721e-10 2.231e-10 1.698e-01 4.650e-10 2.940e-10 3.469e-06 7.155e-02 5.036e-05 8.366e-10 5.869e-09 8.297e-02 -86 TP 21 8.895e-03 2.414e-03 1.165e-10 8.317e-11 2.218e-10 3.916e-09 3.901e-03 3.475e-11 7.250e-11 1.340e-03 2.814e-04 3.763e-10 6.930e-02 9.604e-11 9.280e-11 2.370e-01 1.571e-10 3.982e-10 3.103e-09 8.989e-09 6.695e-01 4.500e-11 5.279e-04 6.766e-03 -86 TP 22 2.288e-05 3.046e-09 4.816e-01 6.991e-02 5.889e-03 6.721e-07 3.530e-09 5.554e-02 3.695e-03 5.695e-10 8.254e-10 2.621e-09 3.836e-09 1.752e-02 1.210e-07 1.083e-08 2.187e-02 1.290e-09 2.586e-09 6.138e-09 2.673e-09 3.434e-01 5.423e-04 4.701e-09 -86 TP 23 4.492e-01 8.029e-09 1.905e-05 1.995e-09 1.126e-09 2.987e-09 1.430e-02 6.587e-08 1.107e-09 5.762e-04 2.924e-09 6.441e-10 5.872e-09 2.552e-03 5.270e-10 2.241e-01 9.395e-10 1.902e-09 3.191e-08 3.092e-01 8.441e-09 1.674e-09 8.492e-09 8.075e-09 -86 TP 24 4.723e-01 1.428e-02 2.100e-10 1.900e-10 7.613e-11 2.930e-03 2.809e-09 6.087e-11 8.280e-11 3.777e-11 1.318e-10 1.631e-10 7.890e-02 9.277e-11 9.982e-11 2.754e-01 1.267e-10 1.892e-10 2.962e-05 1.446e-06 8.470e-06 6.483e-11 5.315e-04 1.556e-01 -87 IP 1 4.696e-05 -87 IP 2 2.269e-08 -87 IP 3 1.272e-07 -87 IP 4 1.522e-05 -87 IP 5 2.132e-08 -87 IP 6 5.314e-08 -87 IP 7 3.062e-08 -87 IP 8 3.923e-02 -87 IP 9 1.130e-01 -87 IP 10 1.974e-08 -87 IP 11 3.209e-03 -87 IP 12 2.388e-08 -87 IP 13 2.330e-08 -87 IP 14 1.395e-07 -87 IP 15 2.515e-02 -87 IP 16 1.615e-08 -87 IP 17 9.953e-02 -87 IP 18 2.493e-02 -87 IP 19 6.983e-03 -87 IP 20 9.253e-07 -87 IP 21 6.879e-01 -87 EP 1 5.263e-04 1.413e-02 7.791e-02 8.426e-02 1.028e-01 1.092e-01 1.132e-01 1.100e-01 9.586e-02 9.699e-02 9.095e-02 7.819e-02 2.600e-02 4.801e-09 1.030e-10 5.919e-11 -87 EP 2 7.708e-11 1.252e-03 5.490e-03 8.743e-03 8.129e-03 8.033e-03 1.417e-02 1.927e-02 1.631e-02 3.275e-02 6.412e-02 7.124e-02 9.407e-02 2.260e-01 4.303e-01 5.419e-05 -87 EP 3 5.721e-05 3.565e-03 1.322e-02 8.090e-03 8.476e-03 1.727e-02 1.665e-02 2.665e-02 1.995e-02 1.830e-03 3.964e-02 1.139e-01 2.135e-01 2.045e-01 3.127e-01 7.746e-07 -87 EP 4 2.419e-10 3.978e-09 1.476e-02 2.941e-02 4.603e-02 2.640e-02 4.650e-02 5.684e-03 1.538e-07 1.817e-01 5.790e-01 7.048e-02 2.744e-09 7.928e-09 1.033e-05 8.926e-08 -87 EP 5 1.311e-04 5.478e-03 2.063e-02 8.875e-03 1.564e-02 5.536e-03 9.008e-03 5.879e-05 1.510e-03 1.436e-08 4.533e-08 5.407e-02 2.002e-01 4.889e-01 1.899e-01 2.425e-09 -87 EP 6 4.752e-05 2.385e-02 2.431e-02 3.099e-08 2.181e-02 5.212e-02 3.650e-02 1.860e-08 1.776e-01 4.982e-01 1.306e-01 2.368e-04 3.467e-02 4.954e-09 6.402e-09 2.209e-05 -87 EP 7 4.457e-05 2.451e-09 7.464e-07 6.704e-02 5.158e-03 2.442e-02 1.357e-01 3.105e-01 1.208e-01 1.955e-02 1.491e-03 3.790e-02 2.772e-01 7.004e-05 6.661e-05 1.024e-05 -87 EP 8 2.303e-10 1.159e-03 9.351e-03 1.127e-02 1.047e-02 3.387e-02 3.904e-02 6.059e-02 7.014e-02 4.822e-02 8.485e-02 1.542e-01 2.762e-01 1.992e-01 1.465e-03 1.695e-10 -87 EP 9 2.815e-04 2.132e-02 8.776e-02 7.606e-02 8.577e-02 1.021e-01 9.771e-02 9.142e-02 7.544e-02 6.884e-02 6.963e-02 9.987e-02 1.061e-01 1.767e-02 1.920e-10 5.432e-09 -87 EP 10 6.804e-09 1.271e-08 5.317e-03 1.041e-02 7.034e-03 2.272e-02 1.963e-02 5.936e-02 9.537e-02 1.064e-01 1.409e-01 1.299e-01 5.238e-04 3.582e-05 4.016e-01 8.443e-04 -87 EP 11 2.289e-09 8.760e-03 3.156e-02 1.607e-02 1.640e-02 4.715e-02 4.744e-02 7.869e-02 1.692e-01 1.863e-01 8.534e-02 9.983e-03 8.255e-02 2.205e-01 2.294e-07 2.112e-09 -87 EP 12 3.388e-04 1.194e-09 2.038e-03 1.891e-02 1.266e-02 4.847e-02 4.103e-02 5.492e-02 3.365e-01 4.795e-01 5.463e-03 6.449e-07 5.533e-09 1.360e-04 8.687e-09 1.453e-08 -87 EP 13 1.496e-10 3.201e-03 5.383e-03 1.309e-03 6.001e-03 3.004e-02 3.107e-02 3.809e-02 9.698e-03 1.821e-02 1.573e-01 6.423e-01 5.741e-02 1.551e-06 6.954e-09 3.490e-08 -87 EP 14 3.369e-11 2.570e-03 7.202e-03 9.719e-03 5.228e-03 1.411e-02 2.326e-02 3.395e-02 6.675e-02 5.996e-02 8.284e-02 1.094e-01 1.939e-01 3.911e-01 1.133e-04 1.111e-07 -87 EP 15 6.793e-05 1.301e-02 2.022e-02 1.767e-02 2.142e-02 3.107e-02 3.682e-02 4.511e-02 5.874e-02 6.737e-02 7.306e-02 9.187e-02 1.403e-01 2.287e-01 1.546e-01 1.068e-11 -87 EP 16 1.768e-10 1.763e-03 1.475e-02 1.671e-02 2.103e-02 1.668e-02 2.786e-04 9.313e-09 1.656e-08 9.283e-03 6.993e-03 1.643e-02 1.895e-09 9.252e-02 8.036e-01 2.516e-06 -87 EP 17 1.087e-04 9.188e-10 9.788e-03 1.866e-09 8.039e-03 3.117e-02 4.028e-02 4.420e-02 5.948e-02 3.586e-02 4.577e-02 6.624e-02 1.659e-01 4.931e-01 7.451e-08 1.474e-07 -87 EP 18 1.332e-10 4.056e-09 1.785e-09 7.098e-09 3.705e-09 2.223e-06 8.056e-08 9.414e-02 5.916e-01 2.278e-01 8.939e-06 2.705e-09 1.113e-02 7.530e-02 4.204e-09 1.940e-05 -87 EP 19 1.657e-10 1.505e-09 4.920e-02 3.332e-02 4.947e-02 9.648e-02 2.100e-01 3.618e-01 5.794e-02 5.615e-06 1.291e-01 1.267e-02 8.396e-09 2.295e-07 1.333e-08 3.443e-07 -87 EP 20 3.220e-10 6.948e-02 1.321e-01 1.697e-01 1.526e-01 9.366e-02 7.306e-02 5.976e-07 6.591e-02 1.075e-01 3.385e-05 7.623e-09 4.211e-08 4.527e-08 1.360e-01 4.188e-07 -87 EP 21 5.140e-02 1.957e-01 2.900e-01 1.948e-01 1.330e-01 7.369e-02 3.656e-02 1.594e-02 6.506e-03 2.280e-03 2.228e-09 3.326e-10 2.882e-10 2.843e-10 2.161e-10 2.057e-10 -87 TP 1 9.195e-01 2.624e-10 6.679e-10 4.830e-09 3.709e-07 2.346e-05 5.926e-03 5.182e-02 1.166e-08 3.013e-10 1.292e-09 1.004e-05 3.047e-09 2.345e-09 2.167e-09 1.603e-10 1.404e-08 5.416e-09 8.205e-10 5.169e-10 2.273e-02 -87 TP 2 3.060e-11 6.717e-01 1.669e-01 2.751e-10 4.678e-11 1.992e-02 3.679e-10 2.156e-11 8.773e-10 3.160e-11 2.253e-11 6.286e-10 4.625e-06 2.322e-02 1.811e-10 8.380e-02 3.433e-02 1.601e-09 3.674e-05 3.503e-06 2.973e-11 -87 TP 3 8.190e-10 4.975e-09 1.510e-01 1.306e-04 1.613e-10 3.657e-01 1.853e-09 7.533e-11 1.888e-04 7.475e-11 8.515e-11 2.153e-09 1.440e-01 5.417e-02 6.581e-10 3.452e-09 1.665e-03 4.248e-09 1.525e-01 1.306e-01 1.158e-10 -87 TP 4 9.215e-10 1.371e-08 9.111e-03 3.348e-01 2.434e-10 1.943e-06 1.480e-01 7.397e-10 2.178e-02 2.484e-10 2.478e-10 1.069e-01 3.868e-02 7.035e-05 7.342e-08 6.147e-09 1.063e-01 1.231e-01 9.508e-02 1.452e-02 1.729e-03 -87 TP 5 2.279e-08 1.347e-08 1.292e-02 1.200e-08 5.167e-01 1.351e-08 8.787e-09 2.221e-01 1.047e-08 1.674e-01 8.092e-02 9.009e-09 9.227e-09 1.273e-08 8.573e-09 1.098e-08 1.071e-08 9.067e-09 9.886e-09 1.431e-08 9.046e-09 -87 TP 6 7.120e-10 2.990e-01 3.362e-09 2.376e-09 3.954e-10 4.864e-02 1.934e-09 1.289e-10 2.319e-02 3.815e-06 9.783e-11 1.710e-09 2.155e-02 1.029e-01 1.029e-09 4.642e-01 5.874e-05 8.685e-03 2.173e-02 1.003e-02 1.273e-10 -87 TP 7 1.531e-08 1.059e-08 2.454e-02 4.111e-07 8.409e-10 3.941e-09 3.111e-08 8.106e-03 1.748e-08 4.932e-10 8.797e-10 6.088e-04 5.710e-09 3.501e-01 6.038e-02 5.523e-07 5.562e-01 4.982e-09 1.152e-08 1.237e-08 2.407e-09 -87 TP 8 1.464e-01 1.034e-09 1.607e-09 2.135e-05 2.962e-07 1.050e-09 1.910e-09 7.623e-01 8.864e-03 7.955e-08 7.422e-02 2.807e-04 3.392e-04 2.199e-09 7.540e-03 1.267e-07 1.848e-09 1.077e-09 1.497e-09 1.547e-09 2.506e-06 -87 TP 9 4.944e-04 1.378e-09 3.448e-03 1.694e-02 5.475e-10 2.939e-09 4.785e-02 1.891e-05 7.050e-01 6.968e-11 1.453e-10 4.008e-02 1.243e-08 1.590e-04 1.253e-09 4.162e-05 1.755e-01 1.871e-04 6.865e-03 3.041e-09 3.474e-03 -87 TP 10 2.267e-07 4.329e-08 2.896e-08 4.043e-08 5.581e-01 2.071e-08 2.636e-08 1.370e-02 2.990e-08 4.281e-01 3.102e-08 1.677e-08 4.785e-05 2.727e-08 2.088e-08 4.357e-07 2.528e-08 1.731e-08 2.700e-08 3.044e-08 2.271e-08 -87 TP 11 5.479e-04 8.636e-09 1.125e-08 1.486e-08 2.694e-01 8.634e-09 1.279e-08 6.923e-01 8.065e-08 3.460e-02 4.990e-07 1.852e-08 1.474e-08 1.711e-08 3.741e-08 5.351e-07 1.301e-08 9.610e-09 1.168e-08 1.318e-08 3.154e-03 -87 TP 12 5.364e-09 1.450e-08 2.398e-07 1.117e-01 4.369e-10 5.617e-09 6.705e-02 1.522e-09 1.860e-01 3.330e-10 5.644e-10 2.360e-01 3.838e-02 2.252e-08 2.174e-08 8.212e-06 2.315e-01 7.823e-02 5.029e-02 9.117e-09 8.670e-04 -87 TP 13 1.893e-09 3.984e-09 5.137e-03 1.210e-01 3.708e-05 5.695e-02 3.169e-02 3.328e-10 5.972e-09 1.195e-04 2.471e-07 5.012e-08 2.982e-01 3.205e-05 1.169e-09 2.174e-07 1.932e-08 3.326e-01 6.350e-02 9.040e-02 3.173e-04 -87 TP 14 1.339e-09 7.121e-09 1.605e-01 2.369e-02 1.541e-10 1.958e-03 2.294e-09 1.722e-10 1.483e-01 4.348e-11 1.053e-10 3.539e-07 1.161e-04 4.176e-01 1.869e-03 1.614e-01 1.213e-03 8.942e-08 4.301e-02 4.044e-02 8.269e-11 -87 TP 15 1.422e-09 4.558e-10 4.922e-10 4.681e-03 1.652e-07 3.441e-10 6.442e-09 3.922e-04 1.133e-06 2.714e-11 5.261e-11 1.496e-08 1.510e-03 5.161e-09 9.915e-01 4.400e-10 1.902e-03 7.033e-10 4.430e-10 5.459e-10 3.831e-10 -87 TP 16 6.643e-11 3.975e-01 9.892e-02 1.373e-04 2.767e-06 1.783e-02 7.417e-10 6.126e-11 7.825e-07 5.350e-11 5.861e-11 1.434e-08 1.020e-03 1.194e-05 3.475e-10 1.796e-01 2.697e-01 1.210e-02 1.419e-06 2.319e-02 2.132e-11 -87 TP 17 1.375e-10 1.297e-03 8.059e-02 1.640e-02 1.458e-10 1.064e-02 2.834e-05 1.388e-10 4.439e-07 6.198e-11 1.048e-10 7.787e-03 3.556e-02 3.394e-01 1.258e-09 1.338e-01 3.417e-01 6.002e-03 1.154e-02 1.514e-02 4.790e-11 -87 TP 18 1.117e-03 1.766e-01 4.069e-09 1.167e-02 2.392e-10 3.070e-09 2.062e-09 6.995e-10 5.484e-09 2.911e-10 3.180e-10 2.784e-09 4.243e-09 1.321e-01 8.826e-03 4.576e-01 1.986e-01 9.441e-09 5.419e-09 1.343e-02 7.407e-10 -87 TP 19 1.354e-09 1.983e-02 1.811e-05 2.193e-02 2.200e-10 1.143e-02 2.617e-09 2.282e-10 3.312e-02 2.414e-10 1.622e-10 8.359e-02 8.185e-07 2.301e-01 1.355e-09 2.620e-01 1.473e-01 6.776e-07 1.554e-01 3.515e-02 9.704e-05 -87 TP 20 3.882e-05 1.504e-01 3.585e-09 3.859e-04 8.868e-05 6.486e-09 3.633e-09 1.974e-10 2.635e-06 1.688e-10 1.727e-10 2.610e-09 1.108e-02 1.954e-01 1.308e-09 7.541e-09 4.648e-01 1.910e-02 3.739e-02 1.213e-01 2.164e-10 -87 TP 21 8.843e-02 4.954e-10 8.136e-10 4.632e-03 4.043e-10 5.893e-10 5.180e-03 2.371e-04 5.383e-02 3.524e-10 7.093e-10 1.384e-03 1.293e-03 1.270e-09 8.600e-09 3.426e-10 1.125e-09 5.855e-10 9.949e-10 9.264e-10 8.450e-01 -88 IP 1 1.345e-01 -88 IP 2 5.506e-08 -88 IP 3 5.397e-02 -88 IP 4 6.469e-07 -88 IP 5 2.027e-08 -88 IP 6 4.617e-02 -88 IP 7 1.245e-07 -88 IP 8 1.494e-08 -88 IP 9 6.931e-01 -88 IP 10 3.980e-08 -88 IP 11 2.487e-08 -88 IP 12 2.125e-02 -88 IP 13 1.509e-06 -88 IP 14 2.683e-02 -88 IP 15 1.418e-08 -88 IP 16 2.421e-02 -88 IP 17 6.269e-07 -88 IP 18 1.759e-08 -88 EP 1 1.812e-06 2.406e-03 3.067e-03 2.790e-03 3.868e-03 7.849e-03 1.043e-02 8.774e-03 1.032e-02 2.084e-02 5.111e-02 3.658e-02 7.843e-02 2.539e-01 5.096e-01 4.090e-12 -88 EP 2 1.266e-10 8.088e-10 1.899e-02 1.169e-06 6.012e-03 1.971e-02 1.519e-02 1.505e-02 1.116e-01 2.110e-01 7.244e-02 1.305e-01 6.074e-06 1.086e-04 3.995e-01 3.507e-11 -88 EP 3 2.527e-11 8.524e-03 1.637e-02 3.152e-07 2.282e-08 1.333e-02 2.644e-02 4.168e-02 5.130e-02 5.125e-02 7.422e-02 6.697e-02 1.860e-01 3.568e-01 1.071e-01 2.839e-11 -88 EP 4 4.200e-05 3.400e-04 1.284e-02 4.103e-03 2.649e-04 1.845e-02 3.020e-02 1.933e-02 4.298e-02 2.274e-02 1.905e-02 5.876e-02 1.528e-01 6.181e-01 1.723e-09 1.575e-11 -88 EP 5 4.833e-05 7.953e-04 1.694e-02 1.667e-02 1.634e-02 2.876e-02 2.548e-02 4.327e-02 3.430e-02 4.420e-03 2.803e-02 3.686e-01 4.164e-01 2.422e-06 1.977e-08 3.129e-11 -88 EP 6 6.518e-10 2.288e-02 8.003e-02 1.664e-01 1.536e-01 1.061e-01 1.339e-01 1.639e-01 1.033e-01 1.467e-04 5.240e-02 9.928e-09 1.730e-02 3.856e-07 3.376e-08 2.826e-11 -88 EP 7 2.542e-11 3.405e-10 4.538e-03 1.603e-09 1.888e-09 1.029e-02 2.672e-02 1.982e-02 2.624e-02 7.882e-03 4.872e-02 5.765e-02 1.948e-01 6.034e-01 2.555e-09 1.921e-11 -88 EP 8 4.901e-10 6.531e-03 2.188e-02 5.067e-03 1.808e-02 3.966e-02 1.253e-02 2.096e-09 1.953e-01 5.761e-01 1.247e-01 1.881e-09 1.337e-04 3.959e-09 1.581e-07 2.234e-11 -88 EP 9 2.952e-02 1.023e-01 2.335e-01 2.001e-01 1.557e-01 1.141e-01 5.838e-02 4.800e-02 3.073e-02 2.199e-02 5.718e-03 1.663e-09 3.317e-10 2.319e-10 2.060e-10 1.689e-10 -88 EP 10 1.370e-10 7.072e-04 7.084e-03 3.229e-02 4.581e-02 5.034e-02 3.920e-02 6.712e-02 4.755e-02 3.891e-02 2.017e-01 3.328e-01 1.098e-01 2.402e-02 2.572e-03 3.206e-11 -88 EP 11 2.886e-10 2.360e-03 4.160e-02 3.988e-02 5.852e-02 8.411e-02 1.086e-01 1.126e-01 9.748e-02 9.955e-02 1.126e-01 1.243e-01 1.005e-01 1.794e-02 2.949e-10 9.125e-11 -88 EP 12 8.958e-05 1.140e-04 6.906e-03 3.534e-02 2.698e-02 1.302e-02 3.060e-02 4.338e-08 5.686e-02 2.575e-01 5.086e-01 6.402e-02 2.894e-09 8.303e-09 1.933e-09 5.287e-11 -88 EP 13 2.317e-04 1.684e-02 8.320e-02 7.293e-02 8.289e-02 9.358e-02 9.074e-02 8.310e-02 8.832e-02 8.894e-02 6.729e-02 9.419e-02 1.059e-01 3.183e-02 1.606e-10 1.300e-11 -88 EP 14 2.935e-11 4.430e-10 8.312e-03 1.119e-02 1.811e-02 1.449e-02 3.942e-03 4.680e-03 8.397e-03 1.676e-02 2.398e-02 4.583e-02 1.187e-02 6.386e-02 7.686e-01 1.107e-05 -88 EP 15 1.887e-10 3.764e-03 5.885e-03 6.234e-03 1.616e-02 2.757e-02 2.329e-02 4.178e-02 2.807e-09 3.200e-02 1.456e-01 6.524e-01 4.432e-02 1.413e-08 9.733e-04 6.394e-11 -88 EP 16 3.157e-10 2.342e-09 1.757e-02 6.681e-09 1.097e-08 6.960e-02 2.847e-01 5.096e-01 1.071e-01 8.757e-08 5.320e-03 6.995e-09 6.067e-03 1.391e-08 1.501e-08 8.644e-11 -88 EP 17 2.119e-10 9.663e-10 1.676e-09 1.192e-08 5.276e-03 4.712e-02 9.961e-02 2.714e-01 1.932e-01 7.324e-02 7.010e-09 3.145e-02 2.787e-01 7.716e-08 1.823e-09 5.077e-11 -88 EP 18 1.594e-04 9.230e-04 1.513e-09 2.926e-09 2.012e-09 2.323e-03 3.844e-09 1.031e-01 7.303e-01 1.632e-01 2.499e-09 1.370e-09 7.348e-09 9.733e-09 2.471e-09 8.904e-11 -88 TP 1 5.472e-01 3.487e-06 1.703e-09 8.166e-02 1.010e-01 4.178e-02 4.562e-06 9.090e-02 1.406e-11 3.327e-02 3.764e-11 8.717e-10 1.308e-07 8.877e-02 2.784e-09 1.512e-02 3.485e-04 6.792e-10 -88 TP 2 1.564e-02 1.877e-01 1.491e-09 1.610e-02 1.497e-08 6.647e-02 5.549e-01 3.410e-02 9.589e-11 3.233e-09 2.735e-10 1.860e-08 1.694e-09 1.981e-05 5.703e-02 1.622e-08 3.443e-08 6.801e-02 -88 TP 3 6.318e-08 1.533e-07 3.393e-01 5.167e-02 1.605e-08 1.463e-01 1.140e-08 8.514e-02 2.159e-04 1.276e-08 1.006e-02 4.685e-06 3.060e-01 8.856e-09 2.511e-02 3.091e-02 4.704e-03 5.400e-04 -88 TP 4 5.529e-02 5.605e-02 2.456e-01 4.232e-02 1.320e-07 1.350e-03 2.874e-01 5.152e-04 1.642e-10 2.433e-01 1.646e-05 3.698e-09 1.884e-02 3.474e-09 1.044e-02 2.033e-04 2.823e-02 1.044e-02 -88 TP 5 3.778e-01 8.326e-04 1.777e-07 1.449e-09 1.028e-01 8.259e-02 1.515e-08 2.605e-01 1.258e-10 4.508e-06 2.926e-10 4.945e-03 2.595e-09 3.851e-05 1.174e-01 3.425e-02 1.749e-02 1.455e-03 -88 TP 6 4.530e-04 1.126e-01 1.818e-07 1.654e-08 2.599e-08 9.946e-02 6.045e-01 1.729e-02 1.541e-10 2.959e-04 3.480e-10 3.943e-07 1.152e-03 1.505e-01 2.389e-09 1.070e-02 3.707e-06 3.055e-03 -88 TP 7 4.857e-01 5.073e-02 9.815e-02 2.173e-01 9.917e-03 3.373e-02 3.385e-02 1.007e-02 3.142e-10 3.483e-02 7.216e-04 4.848e-09 2.207e-04 9.792e-09 7.040e-07 4.821e-08 1.661e-02 8.225e-03 -88 TP 8 1.221e-01 1.260e-02 4.798e-02 1.582e-02 1.508e-02 1.653e-02 1.087e-01 8.743e-03 7.939e-11 4.176e-03 2.220e-10 2.009e-09 6.453e-03 6.340e-01 2.092e-09 4.904e-03 2.646e-03 2.411e-04 -88 TP 9 5.689e-10 6.725e-10 8.072e-10 2.484e-09 2.176e-03 2.618e-08 2.664e-05 6.167e-10 8.478e-01 1.808e-03 1.317e-01 7.861e-04 1.506e-02 4.299e-10 3.925e-09 6.796e-04 5.777e-08 5.160e-10 -88 TP 10 1.621e-01 1.118e-01 1.523e-01 4.336e-09 5.929e-09 4.490e-05 4.026e-05 4.156e-02 7.140e-04 1.258e-01 1.511e-07 1.754e-01 1.055e-01 8.226e-09 4.196e-02 2.852e-08 8.274e-02 3.962e-09 -88 TP 11 9.707e-10 1.465e-09 2.499e-09 5.174e-02 2.758e-09 1.459e-09 2.048e-03 7.192e-10 6.506e-02 2.941e-09 8.670e-01 1.045e-08 1.073e-08 7.797e-10 5.060e-04 1.054e-09 1.366e-02 1.644e-09 -88 TP 12 2.449e-02 4.211e-02 2.969e-09 7.222e-08 2.889e-06 2.930e-02 1.007e-01 1.583e-02 2.216e-09 4.103e-09 6.639e-10 3.838e-01 9.424e-02 3.269e-09 1.911e-02 2.458e-02 2.200e-01 4.580e-02 -88 TP 13 4.151e-04 2.273e-02 2.119e-09 1.373e-01 1.297e-03 2.981e-02 5.306e-04 1.096e-09 6.674e-04 3.278e-03 5.298e-10 2.947e-02 6.762e-01 2.385e-07 2.637e-04 7.447e-09 9.805e-02 6.739e-08 -88 TP 14 6.510e-01 1.460e-02 7.747e-10 1.089e-01 3.174e-02 1.469e-02 1.248e-05 2.154e-02 2.250e-11 2.838e-07 7.797e-11 5.631e-09 9.458e-09 1.341e-01 3.268e-10 1.005e-02 1.335e-02 7.464e-10 -88 TP 15 2.149e-09 2.536e-09 4.589e-04 2.337e-08 2.666e-09 1.802e-01 6.727e-09 7.098e-09 1.927e-03 3.322e-09 7.304e-10 6.005e-02 1.446e-08 1.256e-09 3.118e-01 3.099e-02 4.932e-04 4.141e-01 -88 TP 16 2.679e-07 2.956e-01 2.730e-04 4.467e-05 5.086e-09 6.824e-06 3.150e-06 1.165e-03 5.704e-10 7.964e-09 8.647e-10 5.006e-02 6.246e-02 4.682e-01 3.781e-09 1.191e-01 3.109e-03 4.270e-09 -88 TP 17 4.182e-02 6.042e-02 2.323e-01 3.703e-01 3.107e-08 2.465e-02 1.603e-01 5.604e-04 8.793e-10 1.596e-08 1.841e-09 6.043e-02 3.008e-02 3.000e-08 2.668e-09 7.991e-03 1.111e-02 3.310e-09 -88 TP 18 2.007e-08 7.871e-06 6.399e-03 5.222e-02 5.002e-09 3.426e-09 1.786e-01 2.642e-09 3.810e-10 2.062e-09 1.266e-09 1.761e-09 3.801e-09 7.595e-01 3.240e-03 1.770e-09 2.989e-09 2.911e-09 -89 IP 1 3.876e-02 -89 IP 2 6.992e-08 -89 IP 3 3.223e-08 -89 IP 4 5.563e-02 -89 IP 5 1.593e-01 -89 IP 6 4.584e-01 -89 IP 7 2.698e-02 -89 IP 8 1.827e-08 -89 IP 9 4.911e-02 -89 IP 10 3.350e-03 -89 IP 11 4.436e-03 -89 IP 12 8.829e-02 -89 IP 13 9.657e-08 -89 IP 14 7.277e-02 -89 IP 15 4.290e-02 -89 IP 16 2.788e-07 -89 EP 1 4.107e-05 4.486e-03 3.591e-03 3.844e-08 1.777e-09 1.887e-03 6.199e-03 2.968e-09 3.085e-02 3.205e-02 1.047e-02 4.274e-07 2.158e-03 8.515e-01 5.680e-02 -89 EP 2 6.656e-08 9.482e-03 1.294e-02 3.633e-03 1.352e-02 2.623e-02 3.691e-02 4.050e-02 1.544e-01 5.558e-01 1.459e-01 5.020e-09 6.924e-04 8.355e-09 9.968e-07 -89 EP 3 1.789e-10 2.252e-02 5.336e-02 3.418e-05 3.176e-02 6.383e-03 2.892e-09 3.285e-04 3.706e-02 3.347e-05 3.104e-08 2.485e-05 3.793e-01 3.186e-02 4.373e-01 -89 EP 4 1.101e-10 5.877e-10 8.130e-03 1.367e-03 2.746e-03 2.114e-02 3.439e-02 3.997e-02 4.726e-02 4.536e-02 5.287e-02 8.408e-02 1.779e-01 4.847e-01 1.499e-08 -89 EP 5 2.034e-05 3.994e-09 8.405e-03 1.426e-02 1.791e-02 1.349e-02 7.039e-05 8.518e-04 9.894e-04 2.782e-04 2.911e-02 4.381e-02 2.205e-06 2.625e-02 8.446e-01 -89 EP 6 9.562e-02 2.103e-01 3.147e-01 1.786e-01 1.026e-01 5.242e-02 2.872e-02 7.747e-03 7.246e-03 1.939e-03 1.536e-09 1.192e-09 1.080e-09 9.148e-10 7.571e-10 -89 EP 7 6.162e-04 2.792e-02 1.277e-01 1.061e-01 1.183e-01 1.209e-01 1.081e-01 8.936e-02 9.003e-02 7.789e-02 5.737e-02 7.572e-02 2.620e-09 1.152e-09 1.515e-10 -89 EP 8 6.803e-10 2.599e-02 7.539e-02 2.799e-01 1.980e-01 1.061e-01 1.143e-01 8.613e-02 5.492e-02 4.503e-08 5.753e-02 4.666e-09 2.681e-08 1.266e-03 5.212e-04 -89 EP 9 7.209e-11 2.434e-03 1.636e-02 2.162e-02 1.469e-02 3.552e-02 5.096e-02 6.338e-02 6.024e-02 6.272e-02 6.637e-02 1.425e-01 3.502e-01 1.129e-01 4.249e-10 -89 EP 10 4.082e-10 2.040e-03 9.888e-04 2.048e-02 1.838e-02 1.356e-02 2.762e-02 3.946e-09 5.233e-02 2.277e-01 5.564e-01 8.048e-02 3.688e-09 5.401e-09 3.117e-09 -89 EP 11 1.032e-10 4.409e-04 2.386e-08 1.633e-04 9.632e-10 1.122e-02 1.824e-02 1.513e-01 7.031e-01 1.091e-01 5.207e-09 2.013e-09 9.304e-07 6.327e-03 4.475e-09 -89 EP 12 1.263e-10 1.378e-08 2.776e-03 1.280e-02 7.445e-03 3.183e-02 3.772e-02 6.288e-02 7.621e-03 5.613e-02 8.636e-02 6.757e-01 1.877e-02 2.630e-09 6.145e-09 -89 EP 13 3.551e-10 1.287e-03 4.088e-08 1.622e-04 5.433e-08 4.037e-03 7.970e-03 7.289e-03 6.532e-03 2.188e-02 4.386e-02 3.223e-02 8.948e-02 1.961e-01 5.892e-01 -89 EP 14 2.524e-10 6.451e-05 5.946e-02 5.240e-02 6.349e-02 8.733e-02 1.331e-01 2.107e-01 1.703e-01 1.498e-01 5.121e-02 1.566e-06 7.645e-09 2.194e-02 1.032e-04 -89 EP 15 3.030e-09 1.826e-03 1.042e-02 9.267e-03 1.387e-02 3.005e-02 3.644e-02 5.237e-02 4.204e-02 2.298e-09 5.673e-02 3.247e-01 3.372e-01 8.503e-02 1.332e-08 -89 EP 16 6.546e-10 3.946e-03 2.606e-02 1.973e-02 2.905e-02 3.534e-02 3.481e-02 3.998e-02 4.604e-02 4.326e-02 9.933e-02 1.386e-01 1.262e-01 2.509e-01 1.068e-01 -89 TP 1 2.175e-01 1.452e-02 1.700e-03 9.853e-03 1.446e-04 5.208e-11 1.238e-03 1.877e-02 1.717e-01 4.216e-09 1.828e-02 1.086e-02 1.363e-01 4.513e-02 5.354e-02 3.005e-01 -89 TP 2 2.260e-02 2.365e-02 2.963e-02 2.187e-01 6.953e-01 1.032e-10 5.289e-09 4.180e-08 2.311e-04 7.540e-10 2.612e-09 7.131e-03 2.800e-03 1.544e-09 1.141e-08 1.061e-08 -89 TP 3 2.681e-01 2.876e-02 6.316e-03 2.275e-01 4.025e-02 1.838e-04 1.707e-03 2.379e-01 6.501e-07 3.117e-09 1.528e-01 1.445e-02 7.578e-04 2.134e-02 3.496e-08 9.941e-08 -89 TP 4 5.782e-03 8.560e-03 8.404e-04 3.035e-01 1.356e-01 3.893e-11 6.056e-06 7.776e-09 3.062e-04 1.677e-09 6.545e-03 8.146e-10 3.625e-01 1.316e-04 4.593e-09 1.762e-01 -89 TP 5 4.397e-02 2.496e-02 2.497e-09 2.060e-01 2.009e-01 1.417e-11 2.908e-09 3.351e-03 3.002e-09 5.483e-04 9.677e-10 1.881e-03 4.697e-01 2.391e-02 2.475e-02 5.507e-05 -89 TP 6 1.933e-09 1.333e-09 1.964e-09 3.041e-09 1.055e-09 7.988e-01 1.961e-01 3.460e-09 6.393e-09 5.083e-03 1.616e-09 7.289e-09 1.299e-09 4.135e-09 2.840e-09 2.366e-09 -89 TP 7 8.202e-04 3.500e-10 3.176e-08 3.963e-02 6.468e-10 6.825e-03 5.684e-01 4.734e-03 2.896e-01 1.357e-02 1.145e-09 1.562e-09 1.210e-09 7.647e-02 2.215e-09 1.227e-09 -89 TP 8 4.404e-09 8.402e-08 2.514e-02 7.475e-01 1.286e-01 2.010e-10 1.936e-09 4.046e-02 4.880e-02 1.897e-03 4.130e-03 3.451e-03 2.794e-07 1.041e-04 4.365e-09 4.789e-09 -89 TP 9 2.084e-01 2.065e-09 1.235e-02 3.679e-03 2.641e-09 4.633e-10 1.338e-01 1.948e-09 4.291e-01 5.129e-02 3.750e-09 4.685e-03 2.793e-02 6.999e-02 2.153e-02 3.714e-02 -89 TP 10 1.692e-06 2.115e-02 6.408e-09 1.285e-01 2.395e-09 5.142e-05 5.354e-02 4.977e-03 1.075e-01 3.174e-01 9.932e-02 4.086e-02 2.632e-07 2.232e-01 3.492e-03 4.032e-09 -89 TP 11 1.565e-01 5.551e-05 3.964e-02 1.708e-01 6.227e-01 5.252e-04 5.487e-08 3.185e-05 1.024e-08 1.128e-09 1.364e-03 2.531e-09 2.414e-08 2.370e-09 8.418e-03 6.738e-09 -89 TP 12 2.608e-02 3.313e-02 2.439e-09 1.764e-03 2.800e-09 7.130e-04 4.939e-08 1.124e-01 3.479e-09 8.559e-02 4.124e-01 3.076e-01 8.146e-09 2.039e-02 5.195e-09 4.491e-09 -89 TP 13 4.174e-02 1.259e-01 6.703e-03 2.046e-01 2.748e-01 1.437e-11 6.630e-10 2.928e-02 1.632e-09 2.764e-09 4.032e-05 2.432e-03 1.293e-01 1.806e-02 1.672e-01 3.608e-08 -89 TP 14 2.208e-01 1.072e-09 1.053e-05 1.045e-01 9.523e-02 1.381e-10 6.620e-04 1.196e-02 1.868e-01 4.704e-02 8.106e-03 8.083e-03 5.293e-02 2.639e-01 1.984e-09 3.065e-09 -89 TP 15 9.579e-09 2.894e-01 9.391e-02 1.211e-02 4.807e-02 1.300e-10 4.170e-09 2.863e-02 1.445e-02 5.367e-02 2.565e-06 1.440e-01 8.139e-02 8.103e-02 1.382e-01 1.503e-02 -89 TP 16 3.550e-02 4.462e-02 7.769e-02 7.859e-05 7.140e-08 8.177e-11 5.266e-02 2.497e-02 2.858e-03 4.641e-02 1.523e-09 3.264e-02 1.513e-01 1.746e-01 1.483e-08 3.567e-01 -90 IP 1 1.629e-02 -90 IP 2 3.479e-05 -90 IP 3 8.439e-03 -90 IP 4 4.126e-07 -90 IP 5 1.325e-08 -90 IP 6 3.114e-01 -90 IP 7 9.341e-03 -90 IP 8 7.687e-02 -90 IP 9 5.020e-05 -90 IP 10 1.043e-01 -90 IP 11 1.311e-08 -90 IP 12 4.816e-08 -90 IP 13 7.338e-03 -90 IP 14 6.587e-08 -90 IP 15 1.887e-05 -90 IP 16 5.563e-09 -90 IP 17 4.992e-02 -90 IP 18 9.189e-02 -90 IP 19 3.808e-08 -90 IP 20 2.376e-01 -90 IP 21 4.442e-06 -90 IP 22 1.130e-02 -90 IP 23 7.944e-08 -90 IP 24 1.115e-08 -90 IP 25 8.801e-08 -90 IP 26 6.717e-02 -90 IP 27 5.027e-03 -90 IP 28 3.930e-08 -90 IP 29 3.767e-08 -90 IP 30 2.993e-03 -90 EP 1 2.098e-09 2.329e-03 2.864e-03 1.026e-02 8.672e-03 9.836e-03 3.970e-03 8.095e-09 6.427e-03 1.224e-01 8.224e-01 1.094e-02 6.262e-09 5.401e-09 1.991e-08 -90 EP 2 3.805e-09 4.000e-09 1.724e-08 1.091e-07 3.848e-02 3.861e-04 2.878e-05 4.977e-04 9.730e-09 1.947e-08 5.149e-02 1.967e-08 9.872e-08 7.217e-01 1.874e-01 -90 EP 3 2.347e-07 1.000e+00 3.068e-07 3.083e-07 2.900e-07 3.467e-07 3.112e-07 3.159e-07 3.295e-07 3.299e-07 3.153e-07 3.035e-07 3.022e-07 3.188e-07 3.258e-07 -90 EP 4 4.619e-03 1.044e-01 2.060e-01 2.129e-01 1.884e-01 1.291e-01 6.392e-02 4.194e-02 2.536e-02 1.304e-02 4.393e-03 5.368e-03 1.477e-09 5.558e-04 1.468e-09 -90 EP 5 5.438e-09 1.040e-02 7.058e-02 3.751e-01 3.053e-01 7.345e-02 4.984e-02 7.959e-03 7.240e-02 5.405e-07 1.984e-05 6.671e-08 3.477e-02 2.448e-04 9.264e-08 -90 EP 6 3.512e-10 4.669e-04 3.779e-03 4.821e-03 5.807e-03 7.041e-03 3.813e-03 2.463e-03 5.558e-03 1.402e-02 1.899e-02 3.570e-02 2.204e-03 3.252e-02 8.628e-01 -90 EP 7 1.408e-09 2.011e-03 1.449e-03 3.272e-05 5.012e-03 1.810e-02 1.956e-02 6.143e-09 1.106e-01 7.257e-01 1.143e-01 1.274e-08 1.143e-05 2.323e-03 9.535e-04 -90 EP 8 1.339e-09 3.561e-09 7.389e-05 1.746e-05 4.876e-04 1.631e-02 3.571e-02 2.700e-02 2.478e-02 4.160e-03 1.903e-02 6.179e-02 3.462e-02 7.757e-01 3.205e-04 -90 EP 9 1.608e-06 2.069e-03 9.826e-03 1.090e-02 1.317e-02 1.810e-02 2.119e-02 2.607e-02 3.905e-02 5.962e-02 5.100e-02 5.901e-02 8.654e-02 2.249e-01 3.785e-01 -90 EP 10 1.280e-08 1.737e-02 8.424e-02 6.079e-02 8.527e-02 9.261e-02 9.806e-02 8.924e-02 9.922e-02 1.099e-01 1.105e-01 1.057e-01 4.708e-02 1.917e-08 5.301e-09 -90 EP 11 4.374e-09 1.479e-08 1.874e-02 2.316e-02 3.514e-02 3.870e-02 8.069e-02 6.810e-02 2.478e-02 1.023e-06 1.799e-02 6.927e-01 8.214e-08 2.131e-08 3.909e-05 -90 EP 12 1.631e-09 2.361e-03 2.438e-02 2.611e-03 3.615e-04 4.054e-02 2.206e-03 5.623e-04 1.594e-02 3.028e-03 1.643e-01 5.291e-05 4.412e-01 2.986e-01 3.881e-03 -90 EP 13 3.234e-09 9.250e-08 1.305e-02 1.072e-06 3.132e-02 6.402e-02 1.684e-01 5.794e-01 1.438e-01 4.012e-07 1.161e-07 3.446e-08 1.291e-08 3.557e-08 2.214e-08 -90 EP 14 1.147e-09 2.209e-07 3.917e-09 1.493e-02 1.707e-02 2.726e-03 1.712e-02 1.267e-02 5.789e-02 1.084e-01 2.208e-01 3.309e-01 1.312e-01 8.551e-02 7.973e-04 -90 EP 15 1.159e-10 1.644e-03 1.417e-03 5.264e-09 9.129e-07 1.064e-03 3.163e-02 5.798e-02 1.171e-01 6.738e-02 2.347e-02 5.806e-09 3.209e-02 5.963e-01 6.990e-02 -90 EP 16 1.226e-04 2.207e-04 9.249e-08 1.736e-05 8.758e-03 1.220e-07 9.295e-08 5.664e-03 6.858e-02 8.948e-01 1.284e-07 1.828e-07 1.015e-07 2.184e-02 1.090e-07 -90 EP 17 1.704e-09 1.015e-03 8.220e-03 3.273e-04 1.511e-03 1.061e-02 3.090e-02 3.760e-02 1.677e-02 1.537e-08 1.760e-02 4.072e-01 4.677e-01 3.152e-04 2.550e-04 -90 EP 18 4.417e-09 3.501e-04 9.419e-02 2.717e-08 2.220e-04 1.474e-01 1.810e-01 3.314e-05 1.520e-01 1.373e-01 2.402e-01 7.436e-06 1.725e-08 4.730e-02 5.432e-06 -90 EP 19 1.136e-09 4.288e-09 1.175e-02 2.076e-02 1.411e-02 2.428e-02 3.721e-02 6.603e-02 6.678e-02 7.417e-02 5.019e-02 6.714e-02 1.263e-01 2.898e-01 1.516e-01 -90 EP 20 1.907e-01 2.850e-01 3.197e-01 1.341e-01 6.096e-02 8.350e-09 1.040e-08 4.794e-03 4.762e-08 4.844e-03 5.782e-09 4.673e-09 4.302e-09 7.941e-09 4.071e-09 -90 EP 21 1.536e-04 7.308e-03 3.781e-02 3.731e-02 3.383e-02 4.688e-02 5.294e-02 6.533e-02 6.441e-02 6.605e-02 9.382e-02 1.444e-01 1.981e-01 1.516e-01 5.462e-09 -90 EP 22 4.525e-09 5.870e-09 5.772e-08 2.850e-02 4.622e-02 5.227e-02 1.042e-01 1.458e-01 2.593e-01 3.637e-01 2.231e-08 1.252e-08 9.536e-09 1.181e-08 9.743e-09 -90 EP 23 3.321e-09 9.917e-09 1.085e-08 2.148e-03 1.546e-02 1.480e-08 9.739e-08 1.420e-02 3.106e-02 1.715e-02 8.789e-02 1.176e-01 3.686e-01 3.825e-02 3.077e-01 -90 EP 24 1.780e-09 8.713e-09 8.195e-03 2.014e-03 6.104e-03 1.740e-02 1.560e-02 1.050e-02 1.825e-08 2.896e-05 7.020e-02 8.666e-01 7.622e-09 1.194e-08 3.333e-03 -90 EP 25 6.308e-10 5.625e-06 1.744e-03 2.451e-09 1.807e-04 8.513e-03 3.319e-04 4.244e-03 1.286e-07 1.093e-02 2.609e-03 2.867e-03 5.640e-02 1.858e-01 7.264e-01 -90 EP 26 8.159e-10 2.034e-08 1.495e-08 3.830e-06 1.293e-03 3.825e-04 4.526e-03 1.847e-02 5.778e-02 2.907e-02 2.535e-04 9.786e-03 2.036e-01 6.748e-01 5.290e-06 -90 EP 27 7.061e-09 1.139e-08 1.713e-08 2.261e-08 8.210e-03 5.685e-02 5.775e-04 1.218e-02 5.207e-02 1.066e-07 1.969e-02 1.360e-01 5.383e-01 1.761e-01 1.584e-08 -90 EP 28 3.992e-04 2.687e-02 1.135e-01 1.141e-01 9.741e-02 1.128e-01 1.064e-01 8.876e-02 8.138e-02 5.761e-02 7.528e-02 6.636e-02 5.918e-02 9.125e-09 3.519e-09 -90 EP 29 2.443e-09 1.281e-08 6.344e-09 1.332e-08 6.063e-09 6.556e-09 7.985e-09 4.259e-02 8.713e-01 8.572e-02 4.058e-04 5.097e-09 7.318e-09 7.241e-09 8.979e-09 -90 EP 30 1.313e-09 2.566e-09 1.304e-02 1.342e-02 1.553e-02 1.738e-02 3.414e-02 5.072e-02 6.350e-02 6.969e-02 1.089e-01 1.128e-01 1.842e-01 3.122e-01 4.573e-03 -90 TP 1 4.690e-01 2.246e-08 1.843e-09 4.081e-09 3.878e-03 3.149e-03 3.057e-02 4.710e-09 7.003e-03 2.251e-08 3.111e-02 8.822e-09 2.980e-02 3.996e-02 2.333e-08 2.278e-09 1.707e-04 6.385e-09 1.111e-01 3.339e-09 3.638e-02 1.553e-01 7.016e-04 2.034e-02 1.296e-03 4.467e-05 2.017e-08 1.756e-02 4.261e-02 5.749e-09 -90 TP 2 1.758e-03 1.223e-02 1.494e-10 6.382e-09 6.507e-10 1.211e-09 2.480e-06 1.037e-09 1.334e-02 8.761e-09 2.186e-09 2.116e-09 7.942e-10 1.915e-09 2.844e-05 5.209e-05 2.031e-09 8.144e-10 1.420e-09 2.285e-09 9.716e-01 2.961e-09 2.094e-07 2.096e-09 6.203e-04 1.742e-09 8.997e-09 9.082e-09 3.385e-04 4.116e-09 -90 TP 3 3.404e-07 3.216e-07 1.793e-04 2.549e-07 1.166e-01 7.457e-02 2.264e-04 3.183e-02 5.405e-01 2.935e-07 2.533e-07 3.230e-07 1.137e-02 3.039e-07 7.478e-07 2.356e-07 2.889e-07 5.292e-02 1.077e-01 2.514e-07 5.621e-07 3.346e-07 3.616e-07 1.008e-02 1.496e-02 3.368e-07 2.164e-03 2.813e-07 3.694e-02 2.735e-07 -90 TP 4 2.355e-09 9.890e-09 8.190e-10 8.366e-01 1.910e-09 1.919e-09 1.841e-09 2.432e-09 2.685e-02 1.239e-01 7.891e-05 2.016e-09 2.150e-09 1.282e-04 2.721e-08 2.298e-04 1.906e-09 1.949e-09 2.815e-09 3.316e-03 6.253e-08 7.540e-06 2.518e-09 1.706e-09 2.255e-09 2.391e-09 1.930e-09 8.881e-03 1.758e-09 1.979e-09 -90 TP 5 6.191e-08 6.991e-08 2.070e-04 1.603e-08 1.512e-02 1.295e-01 1.861e-02 7.139e-06 1.243e-07 2.222e-08 1.031e-05 3.437e-02 2.193e-02 1.292e-01 5.533e-08 1.514e-03 3.137e-08 6.089e-02 1.030e-01 7.565e-09 6.129e-08 9.646e-08 3.301e-06 1.515e-02 1.433e-06 4.500e-01 2.041e-02 1.229e-04 1.470e-08 2.443e-07 -90 TP 6 3.804e-05 3.608e-06 4.031e-07 6.375e-06 5.591e-03 4.156e-01 2.567e-02 9.262e-02 1.384e-02 2.932e-09 9.013e-04 8.402e-02 1.128e-02 6.048e-02 8.910e-09 5.558e-10 4.772e-02 4.567e-03 4.489e-02 3.992e-10 1.582e-08 1.039e-03 2.584e-04 2.597e-03 1.039e-01 7.396e-02 6.130e-04 1.393e-03 1.141e-06 9.001e-03 -90 TP 7 8.677e-09 1.066e-04 1.581e-09 1.104e-08 7.451e-09 7.279e-01 5.429e-05 9.815e-03 5.222e-07 1.307e-06 6.358e-03 2.712e-02 5.413e-03 2.046e-02 2.107e-02 1.936e-09 2.293e-07 4.376e-06 5.212e-02 2.122e-09 4.075e-07 6.421e-04 7.751e-03 6.659e-08 1.338e-02 6.774e-02 3.912e-07 8.050e-09 4.035e-03 3.607e-02 -90 TP 8 2.070e-02 2.266e-08 5.680e-05 3.096e-09 8.789e-03 6.804e-02 5.100e-03 4.238e-02 3.031e-07 1.292e-08 9.510e-02 2.981e-02 9.495e-03 2.917e-01 1.289e-08 1.967e-09 7.712e-03 2.045e-03 1.055e-02 1.931e-09 3.375e-08 1.341e-02 7.226e-02 8.647e-09 8.242e-02 1.565e-01 3.012e-02 3.883e-05 4.497e-03 4.928e-02 -90 TP 9 5.023e-05 5.689e-08 2.721e-12 8.975e-11 1.726e-11 6.733e-11 3.549e-11 8.302e-10 9.693e-01 3.105e-10 1.393e-09 6.154e-11 2.744e-11 2.361e-10 2.968e-03 6.830e-12 4.880e-05 2.535e-11 4.784e-10 1.305e-11 2.768e-02 5.031e-11 7.433e-11 2.684e-10 5.197e-11 1.043e-10 7.043e-11 8.115e-11 1.898e-11 1.353e-10 -90 TP 10 1.427e-09 8.048e-09 4.091e-06 1.357e-02 5.712e-10 7.606e-10 6.674e-10 2.992e-09 2.603e-08 7.378e-01 6.754e-10 1.551e-09 5.944e-10 1.022e-09 1.434e-08 4.256e-10 5.562e-04 1.261e-09 7.563e-08 7.677e-04 2.467e-01 1.441e-09 1.854e-09 9.901e-10 1.163e-09 5.462e-04 6.277e-05 1.099e-09 1.361e-09 1.717e-09 -90 TP 11 3.022e-01 1.422e-07 1.804e-04 1.318e-08 1.685e-02 1.831e-08 1.030e-01 9.314e-05 3.751e-07 3.766e-08 3.715e-02 2.151e-08 5.046e-02 6.512e-06 6.122e-08 9.007e-09 2.271e-08 1.329e-01 5.265e-06 7.073e-09 5.885e-08 1.655e-01 3.546e-08 9.262e-02 5.983e-08 1.136e-06 1.020e-08 8.528e-02 2.185e-08 1.366e-02 -90 TP 12 9.449e-03 2.620e-08 6.520e-04 3.516e-09 2.887e-03 2.997e-01 6.494e-02 5.332e-02 3.027e-07 2.848e-08 1.079e-08 1.001e-01 5.093e-02 1.639e-01 2.576e-08 2.582e-09 5.280e-02 5.673e-02 9.021e-09 2.795e-09 3.431e-08 1.009e-08 5.055e-06 1.175e-08 6.512e-02 7.935e-02 6.227e-09 9.134e-09 8.492e-05 1.051e-08 -90 TP 13 3.494e-06 3.418e-06 3.454e-09 6.104e-09 3.883e-03 3.166e-01 1.996e-08 7.388e-02 3.682e-07 1.400e-08 1.272e-08 2.318e-05 9.034e-02 1.004e-01 2.670e-02 2.973e-02 9.069e-09 7.949e-02 6.408e-02 6.373e-09 2.587e-08 3.123e-08 3.979e-02 4.638e-06 3.645e-06 8.921e-02 7.630e-09 1.527e-08 1.007e-08 8.591e-02 -90 TP 14 6.800e-02 2.361e-08 1.459e-09 2.941e-09 6.255e-05 1.630e-01 7.652e-02 2.092e-04 1.730e-07 1.007e-08 8.068e-02 3.479e-02 1.633e-02 1.014e-01 2.353e-08 1.788e-09 2.613e-07 4.013e-04 6.405e-03 1.766e-09 2.337e-08 2.658e-07 1.451e-01 3.830e-02 1.909e-01 7.118e-02 4.078e-09 4.010e-04 7.201e-09 6.305e-03 -90 TP 15 1.013e-09 3.265e-01 5.118e-11 3.129e-09 5.905e-10 8.836e-10 9.308e-10 1.118e-09 2.440e-01 5.040e-09 9.709e-10 2.233e-04 3.092e-10 9.079e-10 4.269e-01 3.755e-10 1.641e-09 4.527e-10 1.465e-06 1.639e-05 4.502e-04 1.587e-09 3.463e-09 1.507e-09 1.550e-03 3.118e-04 8.480e-07 1.091e-09 9.711e-09 1.193e-09 -90 TP 16 2.886e-02 4.426e-07 2.492e-05 9.171e-08 1.007e-07 1.356e-07 8.205e-03 1.011e-07 7.114e-07 2.610e-06 1.309e-07 9.717e-08 1.200e-02 1.096e-07 1.957e-07 2.836e-04 1.004e-07 1.116e-07 1.162e-07 9.186e-08 2.542e-07 1.303e-07 1.102e-07 4.208e-01 1.245e-07 1.083e-07 8.692e-08 1.158e-07 5.299e-01 1.028e-07 -90 TP 17 2.544e-02 3.885e-08 5.113e-04 3.191e-09 3.585e-02 1.385e-04 2.786e-01 3.386e-07 3.274e-07 2.117e-08 2.573e-02 3.138e-03 2.144e-02 1.025e-02 3.275e-08 2.934e-09 1.193e-01 5.618e-04 1.597e-08 2.843e-09 6.331e-08 1.377e-08 1.595e-01 2.889e-01 3.070e-02 2.954e-07 5.796e-09 7.670e-08 7.419e-08 4.271e-08 -90 TP 18 6.622e-03 8.784e-07 4.915e-09 1.507e-08 4.832e-02 2.133e-01 3.227e-02 6.345e-02 3.938e-07 4.721e-08 1.585e-08 1.463e-02 1.187e-07 4.552e-02 1.994e-07 5.956e-09 1.778e-08 1.718e-02 2.214e-01 6.130e-09 5.205e-08 4.567e-08 1.727e-03 4.276e-02 3.543e-02 1.340e-01 1.176e-08 1.816e-08 1.360e-02 1.097e-01 -90 TP 19 1.328e-06 3.096e-08 9.504e-10 2.815e-09 6.454e-05 1.731e-02 9.720e-09 2.036e-01 8.977e-08 8.306e-09 5.566e-09 1.077e-02 5.074e-09 2.203e-02 1.625e-08 1.545e-09 1.064e-05 2.033e-08 4.638e-01 1.272e-09 2.393e-08 6.062e-09 9.375e-03 2.241e-02 6.539e-09 1.863e-01 6.426e-02 3.523e-09 2.356e-05 6.319e-09 -90 TP 20 5.280e-09 4.343e-08 3.741e-09 3.518e-03 6.916e-09 1.049e-03 5.481e-09 5.541e-09 2.047e-06 2.516e-01 5.950e-09 8.002e-09 6.250e-09 6.813e-09 6.361e-07 4.737e-09 7.092e-09 6.070e-09 8.233e-09 7.295e-01 1.128e-07 2.119e-08 1.668e-08 6.904e-09 7.808e-09 7.639e-09 6.665e-09 1.440e-02 7.065e-09 6.104e-09 -90 TP 21 4.717e-08 2.741e-08 1.189e-11 5.445e-04 3.565e-10 2.876e-10 2.252e-10 3.253e-10 1.183e-01 1.661e-02 5.419e-10 7.437e-10 1.252e-10 3.214e-10 1.046e-01 8.991e-11 9.382e-05 1.216e-10 1.295e-07 1.084e-04 7.591e-01 4.102e-04 3.145e-10 1.779e-04 2.951e-10 4.232e-05 5.352e-10 1.520e-10 1.412e-05 1.698e-10 -90 TP 22 1.338e-01 2.815e-02 2.233e-09 1.626e-02 1.576e-08 3.851e-08 6.291e-07 8.754e-03 3.905e-07 2.069e-02 7.009e-09 1.230e-02 1.410e-07 1.291e-08 5.472e-02 4.218e-09 7.626e-09 2.123e-03 1.340e-01 7.728e-03 4.977e-07 3.474e-01 9.607e-06 2.002e-08 3.512e-02 1.862e-03 8.641e-07 3.963e-02 3.965e-03 1.535e-01 -90 TP 23 9.997e-07 5.164e-08 4.440e-04 3.004e-03 4.409e-02 1.765e-03 2.606e-02 2.244e-02 3.457e-01 1.863e-08 1.419e-08 1.126e-01 4.871e-02 8.959e-02 4.204e-08 4.297e-09 1.749e-08 1.199e-02 2.307e-07 4.820e-09 1.132e-07 1.194e-08 5.350e-08 7.865e-02 1.449e-04 1.068e-01 8.895e-09 1.851e-05 1.081e-01 1.518e-08 -90 TP 24 2.274e-02 4.277e-06 7.184e-05 4.429e-09 1.875e-02 3.231e-09 9.562e-03 7.453e-09 4.742e-02 3.716e-03 6.874e-05 7.391e-09 2.923e-02 6.231e-09 1.091e-08 3.769e-03 2.095e-03 5.199e-09 2.326e-08 3.008e-09 2.329e-02 5.587e-09 2.237e-08 4.616e-01 3.435e-09 1.350e-08 3.998e-09 1.880e-05 3.770e-01 6.569e-04 -90 TP 25 9.482e-05 1.995e-08 1.593e-04 2.334e-09 3.951e-02 1.345e-03 1.283e-01 1.248e-02 3.063e-07 6.445e-09 2.225e-02 7.334e-02 3.073e-02 1.162e-02 1.031e-08 9.524e-10 1.728e-01 2.999e-02 5.238e-04 8.099e-10 2.348e-08 1.011e-03 1.392e-06 3.363e-02 2.973e-01 7.682e-02 4.077e-09 1.896e-02 4.263e-03 4.491e-02 -90 TP 26 8.251e-03 1.522e-08 4.972e-04 2.035e-09 2.032e-07 2.162e-01 2.013e-03 6.541e-02 1.543e-07 9.020e-09 3.505e-08 1.945e-02 6.901e-03 8.024e-02 8.976e-09 1.244e-09 6.481e-04 3.784e-02 1.857e-05 1.269e-09 3.029e-08 5.246e-09 2.923e-03 6.987e-09 2.994e-01 9.806e-02 3.928e-08 3.889e-08 4.994e-09 1.621e-01 -90 TP 27 2.262e-01 3.099e-07 6.444e-04 7.623e-07 1.979e-04 3.232e-07 1.597e-04 2.347e-05 1.429e-04 9.489e-08 5.567e-02 1.242e-03 2.936e-08 7.829e-03 1.125e-07 1.643e-08 3.976e-02 1.613e-02 3.872e-08 9.535e-09 1.551e-07 8.631e-03 2.668e-05 2.787e-08 1.307e-03 7.435e-06 1.063e-01 1.899e-05 2.438e-08 5.357e-01 -90 TP 28 1.257e-02 2.217e-08 1.248e-09 8.489e-03 1.165e-03 2.593e-03 3.952e-09 5.249e-03 1.072e-07 1.327e-08 2.762e-07 8.534e-05 1.258e-02 3.533e-07 2.088e-08 2.586e-09 7.907e-04 7.535e-09 2.645e-01 2.877e-03 1.923e-08 6.621e-02 8.089e-03 6.579e-09 7.346e-09 1.140e-02 4.846e-02 5.459e-01 6.126e-07 9.019e-03 -90 TP 29 1.396e-04 8.640e-02 2.601e-09 6.883e-09 5.502e-03 7.202e-01 9.290e-09 3.255e-02 3.141e-07 9.800e-09 5.316e-09 1.749e-08 6.274e-09 9.853e-09 9.722e-07 3.274e-09 6.922e-09 8.023e-09 4.164e-05 1.300e-08 3.074e-08 5.954e-09 1.203e-02 4.216e-03 2.999e-08 1.389e-01 9.088e-09 1.458e-08 1.188e-08 1.438e-08 -90 TP 30 3.048e-04 4.871e-08 4.906e-04 3.602e-09 2.297e-02 4.485e-05 5.280e-02 2.435e-07 3.477e-07 1.619e-08 1.562e-03 7.886e-09 5.680e-02 2.321e-04 1.660e-08 1.622e-09 1.044e-08 4.955e-04 8.993e-08 1.853e-09 3.847e-08 3.928e-02 1.887e-07 3.730e-02 5.805e-02 4.243e-06 4.042e-09 3.176e-01 4.877e-07 4.120e-01 From 9c8de971b682c0870079cd7b7d9c8b2dec75db44 Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Sat, 2 Dec 2023 15:49:30 -0500 Subject: [PATCH 13/44] added igv to demo notebook conda env --- workflows/demo.ipynb | 2 +- workflows/insilicosv-demo-env.yml | 2 ++ 2 files changed, 3 insertions(+), 1 deletion(-) diff --git a/workflows/demo.ipynb b/workflows/demo.ipynb index 90e9ae5..7ab3fe6 100644 --- a/workflows/demo.ipynb +++ b/workflows/demo.ipynb @@ -493,7 +493,7 @@ "outputs": [], "source": [ "%%sh\n", - "sh igv.sh -b IGV_screenshots/IGV_batch_script.txt" + "igv -b IGV_screenshots/IGV_batch_script.txt" ] }, { diff --git a/workflows/insilicosv-demo-env.yml b/workflows/insilicosv-demo-env.yml index b5ae6a5..4ffe7dd 100644 --- a/workflows/insilicosv-demo-env.yml +++ b/workflows/insilicosv-demo-env.yml @@ -88,6 +88,7 @@ dependencies: - humanfriendly=10.0=pyhd8ed1ab_6 - icu=67.1=he1b5a44_0 - idna=3.6=pyhd8ed1ab_0 + - igv=2.4.9=0 - importlib-metadata=6.9.0=pyha770c72_0 - importlib_metadata=6.9.0=hd8ed1ab_0 - importlib_resources=6.1.1=pyhd8ed1ab_0 @@ -172,6 +173,7 @@ dependencies: - notebook-shim=0.2.3=pyhd8ed1ab_0 - numpy=1.24.4=py38h59b608b_0 - oauth2client=4.1.3=py_0 + - openjdk=8.0.382=hd590300_0 - openjpeg=2.5.0=h488ebb8_3 - openssl=3.2.0=hd590300_1 - overrides=7.4.0=pyhd8ed1ab_0 From bbae983cd79a186ae501cd3f86c34882d6d7e7ef Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Sat, 2 Dec 2023 15:53:08 -0500 Subject: [PATCH 14/44] made simulated read coverage configurable in demo notebook via env vars --- workflows/demo.ipynb | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/workflows/demo.ipynb b/workflows/demo.ipynb index 7ab3fe6..e543c15 100644 --- a/workflows/demo.ipynb +++ b/workflows/demo.ipynb @@ -161,7 +161,7 @@ "cat output/sim.hapB.fa >> output/sim.fa\n", "rm output/sim.hapB.fa\n", "\n", - "COVERAGE=2\n", + "COVERAGE=\"${INSILICOSV_DEMO_COVERAGE_SHORT:-10}\"\n", "READ_LEN=151\n", "dwgsim -C $COVERAGE -1 $READ_LEN -2 $READ_LEN -y 0 -S 0 -c 0 -o 1 -m /dev/null -H output/sim.fa output/sim_sr.dwgsim" ] @@ -227,7 +227,7 @@ "outputs": [], "source": [ "%%sh\n", - "COVERAGE=10\n", + "COVERAGE=\"${INSILICOSV_DEMO_COVERAGE_LONG:-10}\"\n", "pbsim --strategy wgs --method qshmm --qshmm $CONDA_PREFIX/data/QSHMM-RSII.model --depth $COVERAGE --accuracy-mean 0.999 --accuracy-min 0.99 --length-min 18000 --length-mean 20000 --length-max 22000 --genome output/sim.fa --prefix output/sim_lr" ] }, From 6096c4016de8e91f219ac9b02dd78beebcb15bda Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Sat, 2 Dec 2023 16:21:42 -0500 Subject: [PATCH 15/44] update demo notebook env to current igv --- workflows/insilicosv-demo-env.yml | 187 ++++++++++++++++++++++-------- 1 file changed, 138 insertions(+), 49 deletions(-) diff --git a/workflows/insilicosv-demo-env.yml b/workflows/insilicosv-demo-env.yml index 4ffe7dd..737e0bb 100644 --- a/workflows/insilicosv-demo-env.yml +++ b/workflows/insilicosv-demo-env.yml @@ -1,36 +1,41 @@ -name: run-insilicosv-008-env +name: run-insilicosv-009-env channels: - conda-forge - bioconda - defaults + - popiclab-dev dependencies: - _libgcc_mutex=0.1=conda_forge - _openmp_mutex=4.5=2_gnu - - aioeasywebdav=2.4.0=py38h578d9bd_1001 - - aiohttp=3.9.1=py38h01eb140_0 + - aioeasywebdav=2.4.0=pyha770c72_0 + - aiohttp=3.9.1=py310h2372a71_0 - aiosignal=1.3.1=pyhd8ed1ab_0 + - alsa-lib=1.2.10=hd590300_0 - amply=0.1.6=pyhd8ed1ab_0 - anyio=4.1.0=pyhd8ed1ab_0 - appdirs=1.4.4=pyh9f0ad1d_0 - appnope=0.1.3=pyhd8ed1ab_0 - argon2-cffi=23.1.0=pyhd8ed1ab_0 - - argon2-cffi-bindings=21.2.0=py38h01eb140_4 + - argon2-cffi-bindings=21.2.0=py310h2372a71_4 - arrow=1.3.0=pyhd8ed1ab_0 - asttokens=2.4.1=pyhd8ed1ab_0 - async-lru=2.0.4=pyhd8ed1ab_0 - async-timeout=4.0.3=pyhd8ed1ab_0 - attmap=0.13.2=pyhd8ed1ab_0 + - attr=2.5.1=h166bdaf_1 - attrs=23.1.0=pyh71513ae_1 - babel=2.13.1=pyhd8ed1ab_0 - backcall=0.2.0=pyh9f0ad1d_0 - bcftools=1.18=h8b25389_0 - - bcrypt=4.1.1=py38h0cc4f7c_0 + - bcrypt=4.1.1=py310hcb5633a_0 - beautifulsoup4=4.12.2=pyha770c72_0 - bedtools=2.31.1=hf5e1c6e_0 - bleach=6.1.0=pyhd8ed1ab_0 - boto3=1.33.6=pyhd8ed1ab_0 - botocore=1.33.6=pyhd8ed1ab_0 - - brotli-python=1.1.0=py38h17151c0_1 + - brotli=1.1.0=hd590300_1 + - brotli-bin=1.1.0=hd590300_1 + - brotli-python=1.1.0=py310hc6cd4ac_1 - bwa=0.7.17=he4a0461_11 - bzip2=1.0.8=hd590300_5 - c-ares=1.23.0=hd590300_0 @@ -38,8 +43,9 @@ dependencies: - cached-property=1.5.2=hd8ed1ab_1 - cached_property=1.5.2=pyha770c72_1 - cachetools=5.3.2=pyhd8ed1ab_0 + - cairo=1.18.0=h3faef2a_0 - certifi=2023.11.17=pyhd8ed1ab_0 - - cffi=1.16.0=py38h6d47a40_0 + - cffi=1.16.0=py310h2fee648_0 - charset-normalizer=3.3.2=pyhd8ed1ab_0 - coin-or-cbc=2.10.10=h9002f0b_0 - coin-or-cgl=0.60.7=h516709c_0 @@ -51,13 +57,15 @@ dependencies: - comm=0.1.4=pyhd8ed1ab_0 - configargparse=1.7=pyhd8ed1ab_0 - connection_pool=0.0.3=pyhd3deb0d_0 - - cryptography=41.0.7=py38hcdda232_0 + - contourpy=1.2.0=py310hd41b1e2_0 + - cryptography=41.0.5=py310h75e40e8_0 - cycler=0.12.1=pyhd8ed1ab_0 - - datrie=0.8.2=py38h01eb140_7 - - debugpy=1.8.0=py38h17151c0_1 + - datrie=0.8.2=py310h2372a71_7 + - dbus=1.13.6=h5008d03_3 + - debugpy=1.8.0=py310hc6cd4ac_1 - decorator=5.1.1=pyhd8ed1ab_0 - defusedxml=0.7.1=pyhd8ed1ab_0 - - docutils=0.20.1=py38h578d9bd_2 + - docutils=0.20.1=py310hff52083_2 - dpath=2.1.6=pyha770c72_0 - dropbox=11.36.2=pyhd8ed1ab_0 - dwgsim=1.1.14=h50ea8bc_0 @@ -65,49 +73,66 @@ dependencies: - entrypoints=0.4=pyhd8ed1ab_0 - exceptiongroup=1.2.0=pyhd8ed1ab_0 - executing=2.0.1=pyhd8ed1ab_0 + - expat=2.5.0=hcb278e6_1 - filechunkio=1.8=py_2 + - font-ttf-dejavu-sans-mono=2.37=hab24e00_0 + - font-ttf-inconsolata=3.000=h77eed37_0 + - font-ttf-source-code-pro=2.038=h77eed37_0 + - font-ttf-ubuntu=0.83=h77eed37_1 + - fontconfig=2.14.2=h14ed4e7_0 + - fonts-conda-ecosystem=1=0 + - fonts-conda-forge=1=0 + - fonttools=4.46.0=py310h2372a71_0 - fqdn=1.5.1=pyhd8ed1ab_0 - freetype=2.12.1=h267a509_2 - - frozenlist=1.4.0=py38h01eb140_1 + - frozenlist=1.4.0=py310h2372a71_1 - ftputil=5.0.4=pyhd8ed1ab_0 + - gettext=0.21.1=h27087fc_0 + - giflib=5.2.1=h0b41bf4_3 - gitdb=4.0.11=pyhd8ed1ab_0 - gitpython=3.1.40=pyhd8ed1ab_0 + - glib=2.78.1=hfc55251_1 + - glib-tools=2.78.1=hfc55251_1 - google-api-core=2.14.0=pyhd8ed1ab_0 - google-api-python-client=2.109.0=pyhd8ed1ab_0 - google-auth=2.24.0=pyhca7485f_0 - google-auth-httplib2=0.1.1=pyhd8ed1ab_0 - google-cloud-core=2.3.3=pyhd8ed1ab_0 - google-cloud-storage=2.13.0=pyhca7485f_0 - - google-crc32c=1.1.2=py38hf9d55a7_5 + - google-crc32c=1.1.2=py310hc5c09a0_5 - google-resumable-media=2.6.0=pyhd8ed1ab_0 - googleapis-common-protos=1.61.0=pyhd8ed1ab_0 - - grpcio=1.60.0=py38h94a1851_0 + - graphite2=1.3.13=h58526e2_1001 + - grpcio=1.59.3=py310h1b8f574_0 - gsl=2.7=he838d99_0 + - gst-plugins-base=1.22.7=h8e1006c_0 + - gstreamer=1.22.7=h98fc4e7_0 + - harfbuzz=8.3.0=h3d44ed6_0 - htslib=1.18=h81da01d_0 - httplib2=0.22.0=pyhd8ed1ab_0 - humanfriendly=10.0=pyhd8ed1ab_6 - - icu=67.1=he1b5a44_0 + - icu=73.2=h59595ed_0 - idna=3.6=pyhd8ed1ab_0 - - igv=2.4.9=0 + - igv=2.16.2=hdfd78af_0 - importlib-metadata=6.9.0=pyha770c72_0 - importlib_metadata=6.9.0=hd8ed1ab_0 - importlib_resources=6.1.1=pyhd8ed1ab_0 - iniconfig=2.0.0=pyhd8ed1ab_0 - intervaltree=3.1.0=pyhd8ed1ab_1 - ipykernel=6.26.0=pyhf8b6a83_0 - - ipython=8.12.0=pyh41d4057_0 + - ipython=8.18.1=pyh31011fe_1 - isoduration=20.11.0=pyhd8ed1ab_0 - jedi=0.19.1=pyhd8ed1ab_0 - jinja2=3.1.2=pyhd8ed1ab_1 - jmespath=1.0.1=pyhd8ed1ab_0 - json5=0.9.14=pyhd8ed1ab_0 - - jsonpointer=2.4=py38h578d9bd_3 + - jsonpointer=2.4=py310hff52083_3 - jsonschema=4.20.0=pyhd8ed1ab_0 - jsonschema-specifications=2023.11.2=pyhd8ed1ab_0 - jsonschema-with-format-nongpl=4.20.0=pyhd8ed1ab_0 - jupyter-lsp=2.2.1=pyhd8ed1ab_0 - jupyter_client=8.6.0=pyhd8ed1ab_0 - - jupyter_core=5.5.0=py38h578d9bd_0 + - jupyter_core=5.5.0=py310hff52083_0 - jupyter_events=0.9.0=pyhd8ed1ab_0 - jupyter_server=2.11.1=pyhd8ed1ab_0 - jupyter_server_terminals=0.4.4=pyhd8ed1ab_1 @@ -116,53 +141,82 @@ dependencies: - jupyterlab_server=2.25.2=pyhd8ed1ab_0 - k8=0.2.5=hdcf5f25_4 - keyutils=1.6.1=h166bdaf_0 - - kiwisolver=1.4.5=py38h7f3f72f_1 + - kiwisolver=1.4.5=py310hd41b1e2_1 - krb5=1.21.2=h659d440_0 + - lame=3.100=h166bdaf_1003 - lcms2=2.15=h7f713cb_2 - ld_impl_linux-64=2.40=h41732ed_0 - lerc=4.0.0=h27087fc_0 - libabseil=20230802.1=cxx17_h59595ed_0 - libblas=3.9.0=20_linux64_openblas + - libbrotlicommon=1.1.0=hd590300_1 + - libbrotlidec=1.1.0=hd590300_1 + - libbrotlienc=1.1.0=hd590300_1 + - libcap=2.69=h0f662aa_0 - libcblas=3.9.0=20_linux64_openblas + - libclang=15.0.7=default_hb11cfb5_4 + - libclang13=15.0.7=default_ha2b6cf4_4 - libcrc32c=1.1.2=h9c3ff4c_0 + - libcups=2.3.3=h4637d8d_4 - libcurl=8.4.0=hca28451_0 - libdeflate=1.18=h0b41bf4_0 - libedit=3.1.20191231=he28a2e2_2 - libev=4.33=h516909a_1 + - libevent=2.1.12=hf998b51_1 + - libexpat=2.5.0=hcb278e6_1 - libffi=3.4.2=h7f98852_5 + - libflac=1.4.3=h59595ed_0 - libgcc-ng=13.2.0=h807b86a_3 + - libgcrypt=1.10.3=hd590300_0 - libgfortran-ng=13.2.0=h69a702a_3 - libgfortran5=13.2.0=ha4646dd_3 + - libglib=2.78.1=h783c2da_1 - libgomp=13.2.0=h807b86a_3 - - libgrpc=1.60.0=hd6c4280_0 + - libgpg-error=1.47=h71f35ed_0 + - libgrpc=1.59.3=hd6c4280_0 + - libiconv=1.17=h166bdaf_0 - libjpeg-turbo=2.1.5.1=hd590300_1 - liblapack=3.9.0=20_linux64_openblas - liblapacke=3.9.0=20_linux64_openblas + - libllvm15=15.0.7=h5cf9203_3 - libnghttp2=1.58.0=h47da74e_0 - libnsl=2.0.1=hd590300_0 + - libogg=1.3.4=h7f98852_1 - libopenblas=0.3.25=pthreads_h413a1c8_0 + - libopus=1.3.1=h7f98852_1 - libpng=1.6.39=h753d276_0 + - libpq=15.4=hfc447b1_2 - libprotobuf=4.24.4=hf27288f_0 - libre2-11=2023.06.02=h7a70373_0 + - libsndfile=1.2.2=hc60ed4a_1 - libsodium=1.0.18=h36c2ea0_1 - libsqlite=3.44.2=h2797004_0 - libssh2=1.11.0=h0841786_0 - libstdcxx-ng=13.2.0=h7e041cc_3 + - libsystemd0=254=h3516f8a_0 - libtiff=4.6.0=h8b53f26_0 - libuuid=2.38.1=h0b41bf4_0 + - libvorbis=1.3.7=h9c3ff4c_0 - libwebp-base=1.3.2=hd590300_0 - libxcb=1.15=h0b41bf4_0 + - libxkbcommon=1.6.0=h5d7e998_0 + - libxml2=2.11.6=h232c23b_0 - libzlib=1.2.13=hd590300_5 - logmuse=0.2.6=pyh8c360ce_0 + - lz4-c=1.9.4=hcb278e6_0 - markdown-it-py=3.0.0=pyhd8ed1ab_0 - - markupsafe=2.1.3=py38h01eb140_1 - - matplotlib=3.2.2=1 - - matplotlib-base=3.2.2=py38h5d868c9_1 + - markupsafe=2.1.3=py310h2372a71_1 + - matplotlib=3.8.2=py310hff52083_0 + - matplotlib-base=3.8.2=py310h62c0568_0 - matplotlib-inline=0.1.6=pyhd8ed1ab_0 - mdurl=0.1.0=pyhd8ed1ab_0 - minimap2=2.26=he4a0461_2 - mistune=3.0.2=pyhd8ed1ab_0 - - multidict=6.0.4=py38h01eb140_1 + - mpg123=1.32.3=h59595ed_0 + - multidict=6.0.4=py310h2372a71_1 + - munkres=1.1.4=pyh9f0ad1d_0 + - mysql-common=8.0.33=hf1915f5_6 + - mysql-libs=8.0.33=hca2cd23_6 - nb_conda_kernels=2.3.1=pyhd8ed1ab_3 - nbclient=0.8.0=pyhd8ed1ab_0 - nbconvert-core=7.11.0=pyhd8ed1ab_0 @@ -171,63 +225,69 @@ dependencies: - nest-asyncio=1.5.8=pyhd8ed1ab_0 - notebook=7.0.6=pyhd8ed1ab_0 - notebook-shim=0.2.3=pyhd8ed1ab_0 - - numpy=1.24.4=py38h59b608b_0 + - nspr=4.35=h27087fc_0 + - nss=3.95=h1d7d5a4_0 + - numpy=1.26.2=py310hb13e2d6_0 - oauth2client=4.1.3=py_0 - - openjdk=8.0.382=hd590300_0 + - openjdk=11.0.20=hbf40d96_2 - openjpeg=2.5.0=h488ebb8_3 - - openssl=3.2.0=hd590300_1 + - openssl=3.1.4=hd590300_0 - overrides=7.4.0=pyhd8ed1ab_0 - packaging=23.2=pyhd8ed1ab_0 - - pandas=2.0.3=py38h01efb38_1 + - pandas=2.1.3=py310hcc13569_0 - pandocfilters=1.5.0=pyhd8ed1ab_0 - paramiko=3.3.1=pyhd8ed1ab_0 - parso=0.8.3=pyhd8ed1ab_0 - patsy=0.5.4=pyhd8ed1ab_0 - pbsim3=3.0.1=h4ac6f70_0 + - pcre2=10.42=hcad00b1_0 - peppy=0.35.7=pyhd8ed1ab_0 - perl=5.32.1=4_hd590300_perl5 - pexpect=4.8.0=pyh1a96a4e_2 - pickleshare=0.7.5=py_1003 - - pillow=10.0.1=py38h71741d6_1 + - pillow=10.0.1=py310h29da1c1_1 - pip=23.3.1=pyhd8ed1ab_0 + - pixman=0.42.2=h59595ed_0 - pkgutil-resolve-name=1.3.10=pyhd8ed1ab_1 - plac=1.4.1=pyhd8ed1ab_1 - platformdirs=4.0.0=pyhd8ed1ab_0 - pluggy=1.3.0=pyhd8ed1ab_0 - ply=3.11=py_1 - - pooch=1.8.0=pyhd8ed1ab_0 - prettytable=3.9.0=pyhd8ed1ab_0 - prometheus_client=0.19.0=pyhd8ed1ab_0 - prompt-toolkit=3.0.41=pyha770c72_0 - - prompt_toolkit=3.0.41=hd8ed1ab_0 - - protobuf=4.24.4=py38hf14ab21_0 - - psutil=5.9.5=py38h01eb140_1 + - protobuf=4.24.4=py310h620c231_0 + - psutil=5.9.5=py310h2372a71_1 - pthread-stubs=0.4=h36c2ea0_1001 - ptyprocess=0.7.0=pyhd3deb0d_0 - - pulp=2.7.0=py38h578d9bd_1 + - pulp=2.7.0=py310hff52083_1 + - pulseaudio-client=16.1=hb77b528_5 - pure_eval=0.2.2=pyhd8ed1ab_0 - pyasn1=0.5.1=pyhd8ed1ab_0 - pyasn1-modules=0.3.0=pyhd8ed1ab_0 - pycparser=2.21=pyhd8ed1ab_0 - pygments=2.17.2=pyhd8ed1ab_0 - - pynacl=1.5.0=py38h01eb140_3 + - pynacl=1.5.0=py310h2372a71_3 - pyopenssl=23.3.0=pyhd8ed1ab_0 - pyparsing=3.1.1=pyhd8ed1ab_0 - - pysam=0.22.0=py38h15b938a_0 + - pyqt=5.15.9=py310h04931ad_5 + - pyqt5-sip=12.12.2=py310hc6cd4ac_5 + - pysam=0.22.0=py310h41dec4a_0 - pysftp=0.2.9=py_1 - pysocks=1.7.1=pyha2e5f31_6 - pytest=7.4.3=pyhd8ed1ab_0 - - python=3.8.18=hd12c33a_0_cpython + - python=3.10.13=hd12c33a_0_cpython - python-dateutil=2.8.2=pyhd8ed1ab_0 - python-fastjsonschema=2.19.0=pyhd8ed1ab_0 - python-irodsclient=1.1.9=pyhd8ed1ab_0 - python-json-logger=2.0.7=pyhd8ed1ab_0 - python-tzdata=2023.3=pyhd8ed1ab_0 - - python_abi=3.8=4_cp38 + - python_abi=3.10=4_cp310 - pytz=2023.3.post1=pyhd8ed1ab_0 - pyu2f=0.1.5=pyhd8ed1ab_0 - - pyyaml=6.0.1=py38h01eb140_1 - - pyzmq=25.1.1=py38h34c975a_2 + - pyyaml=6.0.1=py310h2372a71_1 + - pyzmq=25.1.1=py310h795f18f_2 + - qt-main=5.15.8=hc47bfe8_16 - re2=2023.06.02=h2873b5e_0 - readline=8.2=h8228510_1 - referencing=0.31.1=pyhd8ed1ab_0 @@ -236,15 +296,17 @@ dependencies: - rfc3339-validator=0.1.4=pyhd8ed1ab_0 - rfc3986-validator=0.1.1=pyh9f0ad1d_0 - rich=13.7.0=pyhd8ed1ab_0 - - rpds-py=0.13.2=py38h0cc4f7c_0 + - rpds-py=0.13.2=py310hcb5633a_0 - rsa=4.9=pyhd8ed1ab_0 - s3transfer=0.8.2=pyhd8ed1ab_0 - samtools=1.18=h50ea8bc_1 - - scipy=1.10.1=py38h59b608b_3 - - seaborn=0.12.2=hd8ed1ab_0 - - seaborn-base=0.12.2=pyhd8ed1ab_0 + - scipy=1.11.4=py310hb13e2d6_0 + - seaborn=0.13.0=hd8ed1ab_0 + - seaborn-base=0.13.0=pyhd8ed1ab_0 - send2trash=1.8.2=pyh41d4057_0 - setuptools=68.2.2=pyhd8ed1ab_0 + - setuptools-scm=8.0.4=pyhd8ed1ab_0 + - sip=6.7.12=py310hc6cd4ac_0 - six=1.16.0=pyh6c4a22f_0 - slacker=0.14.0=py_0 - smart_open=6.4.0=pyhd8ed1ab_0 @@ -255,7 +317,7 @@ dependencies: - sortedcontainers=2.4.0=pyhd8ed1ab_0 - soupsieve=2.5=pyhd8ed1ab_1 - stack_data=0.6.2=pyhd8ed1ab_0 - - statsmodels=0.14.0=py38h7f0c24c_2 + - statsmodels=0.14.0=py310h1f7b6fc_2 - stone=3.3.1=pyhd8ed1ab_0 - stopit=1.1.2=py_0 - tabulate=0.9.0=pyhd8ed1ab_1 @@ -263,15 +325,18 @@ dependencies: - throttler=1.2.2=pyhd8ed1ab_0 - tinycss2=1.2.1=pyhd8ed1ab_0 - tk=8.6.13=noxft_h4845f30_101 + - toml=0.10.2=pyhd8ed1ab_0 - tomli=2.0.1=pyhd8ed1ab_0 - toposort=1.10=pyhd8ed1ab_0 - - tornado=6.3.3=py38h01eb140_1 + - tornado=6.3.3=py310h2372a71_1 - traitlets=5.14.0=pyhd8ed1ab_0 - types-python-dateutil=2.8.19.14=pyhd8ed1ab_0 - typing-extensions=4.8.0=hd8ed1ab_0 - typing_extensions=4.8.0=pyha770c72_0 - typing_utils=0.1.0=pyhd8ed1ab_0 + - tzdata=2023c=h71feb2d_0 - ubiquerg=0.6.3=pyhd8ed1ab_0 + - unicodedata2=15.1.0=py310h2372a71_0 - uri-template=1.3.0=pyhd8ed1ab_0 - uritemplate=4.1.1=pyhd8ed1ab_0 - urllib3=1.26.18=pyhd8ed1ab_0 @@ -281,12 +346,35 @@ dependencies: - webencodings=0.5.1=pyhd8ed1ab_2 - websocket-client=1.6.4=pyhd8ed1ab_0 - wheel=0.42.0=pyhd8ed1ab_0 - - wrapt=1.16.0=py38h01eb140_0 + - wrapt=1.16.0=py310h2372a71_0 + - xcb-util=0.4.0=hd590300_1 + - xcb-util-image=0.4.0=h8ee46fc_1 + - xcb-util-keysyms=0.4.0=h8ee46fc_1 + - xcb-util-renderutil=0.3.9=hd590300_1 + - xcb-util-wm=0.4.1=h8ee46fc_1 + - xkeyboard-config=2.40=hd590300_0 + - xorg-fixesproto=5.0=h7f98852_1002 + - xorg-inputproto=2.3.2=h7f98852_1002 + - xorg-kbproto=1.0.7=h7f98852_1002 + - xorg-libice=1.1.1=hd590300_0 + - xorg-libsm=1.2.4=h7391055_0 + - xorg-libx11=1.8.7=h8ee46fc_0 - xorg-libxau=1.0.11=hd590300_0 - xorg-libxdmcp=1.1.3=h7f98852_0 + - xorg-libxext=1.3.4=h0b41bf4_2 + - xorg-libxfixes=5.0.3=h7f98852_1004 + - xorg-libxi=1.7.10=h7f98852_0 + - xorg-libxrender=0.9.11=hd590300_0 + - xorg-libxt=1.3.0=hd590300_1 + - xorg-libxtst=1.2.3=h7f98852_1002 + - xorg-recordproto=1.14.2=h7f98852_1002 + - xorg-renderproto=0.11.1=h7f98852_1002 + - xorg-xextproto=7.3.0=h0b41bf4_1003 + - xorg-xf86vidmodeproto=2.3.1=h7f98852_1002 + - xorg-xproto=7.0.31=h7f98852_1007 - xz=5.2.6=h166bdaf_0 - yaml=0.2.5=h7f98852_2 - - yarl=1.9.3=py38h01eb140_0 + - yarl=1.9.3=py310h2372a71_0 - yte=1.5.1=pyha770c72_2 - zeromq=4.3.5=h59595ed_0 - zipp=3.17.0=pyhd8ed1ab_0 @@ -294,3 +382,4 @@ dependencies: - zstd=1.5.5=hfc55251_0 - pip: - insilicosv==0.0.5 +prefix: /data/ilya/mc3/envs/run-insilicosv-009-env From 8965bf603f01529732cd3162e21ac0954c760fd7 Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Sat, 2 Dec 2023 16:22:12 -0500 Subject: [PATCH 16/44] fix env name --- workflows/insilicosv-demo-env.yml | 4 +--- 1 file changed, 1 insertion(+), 3 deletions(-) diff --git a/workflows/insilicosv-demo-env.yml b/workflows/insilicosv-demo-env.yml index 737e0bb..4f2a7dd 100644 --- a/workflows/insilicosv-demo-env.yml +++ b/workflows/insilicosv-demo-env.yml @@ -1,9 +1,8 @@ -name: run-insilicosv-009-env +name: insilicosv-demo-env channels: - conda-forge - bioconda - defaults - - popiclab-dev dependencies: - _libgcc_mutex=0.1=conda_forge - _openmp_mutex=4.5=2_gnu @@ -382,4 +381,3 @@ dependencies: - zstd=1.5.5=hfc55251_0 - pip: - insilicosv==0.0.5 -prefix: /data/ilya/mc3/envs/run-insilicosv-009-env From 51573e1871db512c0e0fc3e3aabb834dafd1dbe7 Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Sat, 2 Dec 2023 16:22:27 -0500 Subject: [PATCH 17/44] .gitignore: add IGV_screenshots --- .gitignore | 1 + 1 file changed, 1 insertion(+) diff --git a/.gitignore b/.gitignore index f0b9696..3667133 100644 --- a/.gitignore +++ b/.gitignore @@ -25,3 +25,4 @@ test/inputs/test.fa.fai .ipynb_checkpoints workflows/output/ workflows/chr21_ref/ +workflows/IGV_screenshots/ From 62b060ef0b1363ea3848a7cbb1fb02720d79cccd Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Mon, 4 Dec 2023 09:43:31 -0500 Subject: [PATCH 18/44] adding the original definition of insilicosv-demo-env --- workflows/insilicosv-demo-env.reqs.txt | 75 ++++++++++++++++++++++++++ 1 file changed, 75 insertions(+) create mode 100644 workflows/insilicosv-demo-env.reqs.txt diff --git a/workflows/insilicosv-demo-env.reqs.txt b/workflows/insilicosv-demo-env.reqs.txt new file mode 100644 index 0000000..e752fdd --- /dev/null +++ b/workflows/insilicosv-demo-env.reqs.txt @@ -0,0 +1,75 @@ +insilicosv +# Python-related +python +pip +setuptools +# Read simulators +dwgsim +pbsim3 +#lrsim +# Read mappers +bwa +minimap2 +# Jupyter-related +notebook +nb_conda_kernels +# Generally useful tools +samtools +bedtools +bcftools +snakemake +# insilicoSV dependencies +bwa +cycler +kiwisolver +matplotlib +numpy +pandas +pillow +pyparsing +pysam +python-dateutil +pyyaml +samtools +seaborn +six +# demo python notebook dependencies +appnope +backcall +debugpy +decorator +entrypoints +intervaltree +ipykernel +ipython +jedi +kiwisolver +matplotlib +matplotlib-inline +nest-asyncio +numpy +packaging +pandas +parso +pexpect +pickleshare +pillow +prompt-toolkit +psutil +ptyprocess +pygments +pyparsing +pysam +python-dateutil +pytz +pyyaml +pyzmq +seaborn +six +sortedcontainers +tornado +traitlets +typing-extensions +wcwidth +igv=2.16.2 + From d9d494c0b75fd81133aface818f5d7892152af17 Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Wed, 6 Dec 2023 11:11:34 -0500 Subject: [PATCH 19/44] .gitignore: added workflow-related ignores --- .gitignore | 5 +++++ 1 file changed, 5 insertions(+) diff --git a/.gitignore b/.gitignore index f0b9696..bbaef4c 100644 --- a/.gitignore +++ b/.gitignore @@ -25,3 +25,8 @@ test/inputs/test.fa.fai .ipynb_checkpoints workflows/output/ workflows/chr21_ref/ + +# Workflow-related +.snakemake/ +results/ +workflows/IGV_screenshots/ From dc4303c8b0395bf85eb3d053a15a6604f0b28d82 Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Wed, 6 Dec 2023 11:33:40 -0500 Subject: [PATCH 20/44] docs: README.md install instructions changed to use pip or bioconda --- README.md | 20 ++++++++++++++++---- 1 file changed, 16 insertions(+), 4 deletions(-) diff --git a/README.md b/README.md index 219ecff..7bceeed 100644 --- a/README.md +++ b/README.md @@ -1,8 +1,14 @@ -# insilicoSV: a framework for structural variant simulation +# insilicoSV (WIP): a framework for structural variant simulation ## Overview -TODO +insilicoSV generates synthetic diploid genome sequences, given a reference genome and a configuration file. + +It supports the following functionality: + +* 19 types of structural variants (simple and complex), indels, and SNPs +* a grammar to define custom structural rearrangement signatures +* random, context-aware (e.g., in repeat regions), or fixed-mode genome placement ## Installation @@ -12,10 +18,16 @@ Installation using pip: * `$ pip install insilicosv` +Installation using conda: + +* Install and configure [bioconda](https://bioconda.github.io/) +* Install insilicosv with `conda install insilicosv` + ## To Run ``` -insilicosv -``` +insilicosv + +The config file syntax is detailed below. Outputs go into the directory where the config file is stored. ## Documentation For documentation outlining the different features of insilicoSV along with usage examples and data resources, please refer to the wiki: From e2f29c58169a1d2a3e97a161f3af94d30fdb273d Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Wed, 6 Dec 2023 11:40:16 -0500 Subject: [PATCH 21/44] change references to simulate.py into references to insilicosv executable script --- workflows/demo.ipynb | 6 +++--- 1 file changed, 3 insertions(+), 3 deletions(-) diff --git a/workflows/demo.ipynb b/workflows/demo.ipynb index e543c15..01f91ca 100644 --- a/workflows/demo.ipynb +++ b/workflows/demo.ipynb @@ -83,7 +83,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "Instantiating and populating the output directory (`simulate.py` places all output files in the directory containing the config, so we copy the demo config there)." + "Instantiating and populating the output directory (insilicosv places all output files in the directory containing the config, so we copy the demo config there)." ] }, { @@ -101,7 +101,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "`simulate.py` is called with the above config as input, and a random seed is set for the simulation (an optional input)." + "`insilicosv` is called with the above config as input, and a random seed is set for the simulation (an optional input)." ] }, { @@ -111,7 +111,7 @@ "outputs": [], "source": [ "%%sh\n", - "python ../insilicosv/simulate.py ./output/demo_config.yaml --random_seed 42" + "insilicosv ./output/demo_config.yaml --random_seed 42" ] }, { From 7c2b2703fb51209827e642fb04243617106a9b78 Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Wed, 6 Dec 2023 12:17:47 -0500 Subject: [PATCH 22/44] added demo notebook instructions --- README.md | 2 ++ docs/demo_notebook.md | 27 +++++++++++++++++++++++++++ 2 files changed, 29 insertions(+) create mode 100644 docs/demo_notebook.md diff --git a/README.md b/README.md index 7bceeed..f10d01f 100644 --- a/README.md +++ b/README.md @@ -26,6 +26,7 @@ Installation using conda: ## To Run ``` insilicosv +``` The config file syntax is detailed below. Outputs go into the directory where the config file is stored. @@ -38,6 +39,7 @@ For documentation outlining the different features of insilicoSV along with usag - [Benchmark Genomes](docs/benchmark_genomes.md) - [Additional Utilities](docs/automated_pipelines_and_additional_utilities.md) - [Example SV Visualizations](docs/example_sv_visualizations.md) +- [Tutorial Jupyter notebook](docs/demo_notebook.md) ## Authors diff --git a/docs/demo_notebook.md b/docs/demo_notebook.md new file mode 100644 index 0000000..8446276 --- /dev/null +++ b/docs/demo_notebook.md @@ -0,0 +1,27 @@ +# Demo Jupyter notebook + +We provide a tutorial Jupyter notebook to demonstrate the workflow of +using insilicoSV to generate a synthetic diploid genome and simulating +reads for downstream analysis. In the notebook, we provide an example +configuration file including a small set of simple and complex +variants, and we include calls to DWGSIM and PBSIM3 to generate short +and long reads respectively. Additionally we include utilities to +parse insilicoSV output and generate IGV pileup images of the aligned +reads at the sites of the simulated variants. + +To run the notebook, first create a conda environment with all dependencies +used in the notebook. The environment definition is provided in +`workflows/insilicosv-demo-env.reqs.txt`. After setting up +[bioconda](https://bioconda.github.io/), create the environment with the command + +``` +conda create -n insilicosv-demo-env --file workflows/insilicosv-demo-env.reqs.txt +``` + +Activate the environment with +``` +conda activate insilicosv-demo-env +``` +and launch the notebook with `jupyter notebook workflows/demo.ipynb` . + + From 286d887bdec99bcfb27c5cca8ad3cbbc7e9d43f3 Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Wed, 6 Dec 2023 12:36:20 -0500 Subject: [PATCH 23/44] docs: README.md -- clarified where to find config file syntax --- README.md | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/README.md b/README.md index f10d01f..6706097 100644 --- a/README.md +++ b/README.md @@ -28,7 +28,8 @@ Installation using conda: insilicosv ``` -The config file syntax is detailed below. Outputs go into the directory where the config file is stored. +The config file syntax is detailed in the [Input guidelines](docs/input_guidelines.md) section of the +documentation. Outputs go into the directory where the config file is stored. ## Documentation For documentation outlining the different features of insilicoSV along with usage examples and data resources, please refer to the wiki: From 2e3e2ebbabd94b13ccd3d67b9796dffa1e0c98d0 Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Wed, 6 Dec 2023 12:51:52 -0500 Subject: [PATCH 24/44] fixed image link for the grammar --- docs/sv_grammar.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/docs/sv_grammar.md b/docs/sv_grammar.md index f01996d..cdf7e66 100644 --- a/docs/sv_grammar.md +++ b/docs/sv_grammar.md @@ -2,7 +2,7 @@ insilicoSV uses a grammatical notation to represent the various types of SVs that can be supported by the simulator. A graphical representation of the notation is given below: -[[sample_imgs/fig.png]] +![Graphical representation of insilicoSV grammar](sample_imgs/fig.png) The form of a given SV's transformation of the genome is represented with a grammatical notation that describes the mapping from input reference sequence to output synthetic donor sequence. With this notation, the reference sequence is given by a series of capital letters corresponding to the intervals affected by the SV, and the donor sequence is given by a transformation of those letters that reflects the ways in which the reference intervals are mutated by the SV. For example, a deletion-flanked inversion (delINV) is notated as AB $→$ b, in which the left side of the expression indicates the two reference intervals involved in the delINV and the right side indicates the donor sequence that will appear in place of AB, that is the inverted interval b (the lowercase indicating that B will appear inverted in the donor). Although SNPs are not considered to be a type of structural variant, we include them here as another valid event type for simulation (see [use cases](example_use_cases.md#example-1b---example-snp-specification) for usage examples). From 328ddcbfb9bbafe1802595587f9b4e34eecbd52b Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Wed, 6 Dec 2023 12:53:34 -0500 Subject: [PATCH 25/44] added space around image ref --- docs/example_sv_visualizations.md | 2 ++ 1 file changed, 2 insertions(+) diff --git a/docs/example_sv_visualizations.md b/docs/example_sv_visualizations.md index c96c7fd..8df7863 100644 --- a/docs/example_sv_visualizations.md +++ b/docs/example_sv_visualizations.md @@ -4,7 +4,9 @@ Below are IGV pileup images of each of the predefined SV types with short read a ### DEL A $→ ∅$ + ![DEL](sample_imgs/DEL_39373784_39375651.png) + ### DUP A $→$ AA' ![DUP](sample_imgs/DUP_19113463_19118988.png) From aebc8f95e01826203cdcb6a248a5fb921d7eb760 Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Wed, 6 Dec 2023 12:55:08 -0500 Subject: [PATCH 26/44] added more spaces around image refs to ensure correct display on github --- docs/example_sv_visualizations.md | 38 +++++++++++++++++++++++++++++++ 1 file changed, 38 insertions(+) diff --git a/docs/example_sv_visualizations.md b/docs/example_sv_visualizations.md index 8df7863..e9308d9 100644 --- a/docs/example_sv_visualizations.md +++ b/docs/example_sv_visualizations.md @@ -9,57 +9,95 @@ A $→ ∅$ ### DUP A $→$ AA' + ![DUP](sample_imgs/DUP_19113463_19118988.png) + ### INV A $→$ a + ![INV](sample_imgs/INV_40759267_40767611.png) + ### INS $∅ →$ A + ![INS](sample_imgs/INS_37651377.png) + ### dDUP A\_ $→$ A\_A' + ![dDUP](sample_imgs/dDUP_39772358_39773214_39778332.png) + ### INV_dDUP A\_ $→$ A\_a' + ![INV_dDUP](sample_imgs/INV_dDUP_13067243_13067756_13077502.png) + ### TRA A\_ $→$ \_A + ![TRA](sample_imgs/TRA_26365789_26366373_26356292.png) + ### dupINVdup ABC $→$ Ac'ba'C + ![dupINVdup](sample_imgs/dupINVdup_39017470_39019883.png) + ### dupINVdel ABC $→$ Aba' + ![dupINVdel](sample_imgs/dupINVdel_15375930_15378280.png) + ### delINVdup ABC $→$ c'bC' + ![delINVdup](sample_imgs/delINVdup_42086110_42088387.png) + ### delINVdel ABC $→$ b + ![delINVdel](sample_imgs/delINVdel_36691416_36693867.png) + ### dDUP_iDEL A\_B $→$ A\_A' + ![dDUP_iDEL](sample_imgs/dDUP_iDEL_20291195_20301357.png) + ### INS_iDEL A\_B $→$ \_A' + ![INS_iDEL](sample_imgs/INS_iDEL_39700749_39701724_39693224.png) + ### INVdup A $→$ aa' + ![INVdup](sample_imgs/INVdup_17044647_17045589.png) + ### dup_INV AB $→$ Aba' + ![dup_INV](sample_imgs/dup_INV_38928832_38930487.png) + ### INV_dup AB $→$ b'aB + ![INV_dup](sample_imgs/INV_dup_21190415_21191709.png) + ### delINV AB $→$ b + ![delINV](sample_imgs/delINV_44483168_44484875.png) + ### INVdel AB $→$ a + ![INVdel](sample_imgs/INVdel_18169245_18170527.png) + ### divergence A $→$ A\* + ![divergence](sample_imgs/DIVERGENCE_20798718_20799646.png) + ### divergent repeat + ![divergent_repeat](sample_imgs/div_repeat_19857334_19865475.png) + From 6d4c1f67f006dd8d7d16a6ab63990eab7f09428e Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Wed, 6 Dec 2023 12:57:05 -0500 Subject: [PATCH 27/44] removed divergent repeat example visualization --- docs/example_sv_visualizations.md | 3 --- 1 file changed, 3 deletions(-) diff --git a/docs/example_sv_visualizations.md b/docs/example_sv_visualizations.md index e9308d9..327ef76 100644 --- a/docs/example_sv_visualizations.md +++ b/docs/example_sv_visualizations.md @@ -97,7 +97,4 @@ A $→$ A\* ![divergence](sample_imgs/DIVERGENCE_20798718_20799646.png) -### divergent repeat - -![divergent_repeat](sample_imgs/div_repeat_19857334_19865475.png) From 419cb1e23e429a33a2bf86582c404ec0522ed0c4 Mon Sep 17 00:00:00 2001 From: crohlicek Date: Wed, 6 Dec 2023 13:04:46 -0500 Subject: [PATCH 28/44] README updates (directory setup for user) --- README.md | 8 ++++++-- 1 file changed, 6 insertions(+), 2 deletions(-) diff --git a/README.md b/README.md index 6706097..fe78854 100644 --- a/README.md +++ b/README.md @@ -24,12 +24,17 @@ Installation using conda: * Install insilicosv with `conda install insilicosv` ## To Run +The recommended workflow for running insilicoSV is as follows: +1. Create a new directory +2. Populate a simulation config file and place it in the directory +3. Run insilicoSV providing the config file as input: ``` insilicosv ``` +4. Results will be produced in this directory The config file syntax is detailed in the [Input guidelines](docs/input_guidelines.md) section of the -documentation. Outputs go into the directory where the config file is stored. +documentation. ## Documentation For documentation outlining the different features of insilicoSV along with usage examples and data resources, please refer to the wiki: @@ -38,7 +43,6 @@ For documentation outlining the different features of insilicoSV along with usag - [Example Use Cases](docs/example_use_cases.md) - [SV Grammar](docs/sv_grammar.md) - [Benchmark Genomes](docs/benchmark_genomes.md) -- [Additional Utilities](docs/automated_pipelines_and_additional_utilities.md) - [Example SV Visualizations](docs/example_sv_visualizations.md) - [Tutorial Jupyter notebook](docs/demo_notebook.md) From de194fd46d4b5f4a8baa0c33862d04952e48dbbf Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Wed, 6 Dec 2023 13:15:24 -0500 Subject: [PATCH 29/44] removed, for now, documentation reference to the utility code that mapped transformed ref to original ref --- docs/automated_pipelines_and_additional_utilities.md | 7 ------- 1 file changed, 7 deletions(-) delete mode 100644 docs/automated_pipelines_and_additional_utilities.md diff --git a/docs/automated_pipelines_and_additional_utilities.md b/docs/automated_pipelines_and_additional_utilities.md deleted file mode 100644 index ccfa814..0000000 --- a/docs/automated_pipelines_and_additional_utilities.md +++ /dev/null @@ -1,7 +0,0 @@ -# Additional Utilities - -### Additional utils -One of the features of `utils.py` is a function `get_original_base_pos(query_vcf, query_loc, query_chrom)` which takes in a -query position and vcf describing the SVs populating a given mutated genome (e.g., a vcf of the form that is output by insilicoSV -after simulation) and calculates the location of the corresponding base in the original reference. This function can be called -directly from the command line with a call of the form: From 301576f47d0f69b393f356a9d40c5c4b40b5c157 Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Wed, 6 Dec 2023 13:23:27 -0500 Subject: [PATCH 30/44] removed get_original_base_pos() from utils.py for now --- insilicosv/utils.py | 45 --------------------------------------------- 1 file changed, 45 deletions(-) diff --git a/insilicosv/utils.py b/insilicosv/utils.py index 1913ba4..649947b 100644 --- a/insilicosv/utils.py +++ b/insilicosv/utils.py @@ -13,39 +13,6 @@ class NestedDict(defaultdict): def __call__(self): return NestedDict(self.default_factory) - -def get_original_base_pos(genome_vcf, query_loc, query_chrom): - # calculates the input reference position of the base that corresponds - # to the one at position query_loc in the output reference (i.e., adjusts the - # input ref position by the cumulative change in ref length caused by - # the variants from [0, query_loc) - # **for now: just admits DEL, DUP, INV - vcf = VariantFile(genome_vcf) - # need to make sure vcf recs sorted by position and separated by chrom - vcf_recs = defaultdict(list) - for rec in vcf.fetch(): - vcf_recs[rec.chrom].append((rec.id, rec.start, rec.stop)) - for chrom in vcf_recs.keys(): - vcf_recs[chrom].sort(key=lambda x: x[1]) - # total the cumulative change in ref length from all the SVs *ending* before p - p = query_loc - i = 0 - while i < len(vcf_recs[query_chrom]) and vcf_recs[query_chrom][i][1] <= p: - rec_id, rec_start, rec_stop = vcf_recs[query_chrom][i] - rec_len = rec_stop - rec_start - if rec_id == 'DEL' and rec_start <= p: - p += rec_len - if rec_id == 'DUP' and rec_stop <= p: - p -= rec_len - i += 1 - # check if p is internal to an INV; edge case not covered by the above loop - surrounding_inv = next((rec for rec in vcf_recs[query_chrom] if rec[1] <= p < rec[2] and rec[0] == 'INV'), None) - if surrounding_inv is not None: - sv_id, sv_start, sv_end = surrounding_inv - p += (sv_end - sv_start) - ((p - sv_start) * 2 + 1) - return p - - def is_overlapping(event_ranges, addition, called_from_helper=False, strictly_partial=False): # addition: tuple (start, end) # event_ranges: list containing tuples @@ -357,15 +324,3 @@ def __getitem__(self, sv_config_id, minsize, maxsize, elt_type=None, partial_ove if partial_overlap and rand_elt is not None: rand_elt = self.get_partially_overlapping_interval(*rand_elt, minsize, maxsize) return rand_elt, elt_type - - -if __name__ == '__main__': - parser = argparse.ArgumentParser(description='Special use case for utils.py: Commandline access to get_original_base_pos()') - parser.add_argument('--genome_vcf', type=str, help='Path to vcf describing simulated SVs populating the synthetic genome') - parser.add_argument('--query_loc', type=int, help='Query genome locus (given with respect to synthetic reference)') - parser.add_argument('--query_chrom', type=int, help='Corresponding chromosome of the query locus') - args = parser.parse_args() - - print('Input reference position corresponding to mutated reference position (%s) %d: %d' % - (args.query_chrom, args.query_loc, get_original_base_pos(args.genome_vcf, args.query_loc, args.query_chrom))) - From 8a73189d98ad55819845c51454159e6c76d10ce8 Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Wed, 6 Dec 2023 13:25:56 -0500 Subject: [PATCH 31/44] removed div_repeat_postproc --- insilicosv/div_repeat_postproc.py | 58 ------------------------------- 1 file changed, 58 deletions(-) delete mode 100644 insilicosv/div_repeat_postproc.py diff --git a/insilicosv/div_repeat_postproc.py b/insilicosv/div_repeat_postproc.py deleted file mode 100644 index 60515ef..0000000 --- a/insilicosv/div_repeat_postproc.py +++ /dev/null @@ -1,58 +0,0 @@ -import argparse -from pysam import VariantFile -from collections import defaultdict - - -def correct_positions_div(input_vcf): - # reads input vcf, adjusts POS, END, TARGET values to account for previous events in the reference - in_vcf = VariantFile(input_vcf) - hd = in_vcf.header - file_suffix = '_decoy_divrepeat_intervals.vcf' - out_vcf = VariantFile(input_vcf[:-4] + file_suffix, 'w', header=hd) - # store vcf records in dictionary keyed on start position - vcf_recs = defaultdict(dict) - for rec in in_vcf.fetch(): - vcf_recs[rec.chrom][rec.start] = rec - - # aggregate length of insertions up to a given point in the reference (to be added to the positions in a given vcf record) - for chrom in vcf_recs.keys(): - total_ins_len = 0 - for pos in sorted(vcf_recs[chrom].keys()): - evt = vcf_recs[chrom][pos] - if evt.id == 'div_dDUP': - evt.start += total_ins_len - evt.info['TARGET'] += total_ins_len - total_ins_len += evt.info['SVLEN'] - for rec in vcf_recs[chrom].values(): - # output separate records for each A and A* ("B") to serve as avoid intervals for further simulation - # ** assuming vcf will only contain SVs of type div_dDUP - rec_A = rec.copy() - rec_B = rec.copy() - rec_A.id = 'div_dDUP_A' - rec_A.alts = ('div_dDUP_A',) - rec_A.info['SVTYPE'] = 'div_dDUP_A' - rec_A.info['TARGET'] = -1 - # setting the above unsets rec.stop, so need to reset it to the original - rec_A.stop = rec.stop - # if the event is flipped, then need to shift the _A interval by one interval length - # to compensate for the insertion at the target locus, that will in this case happen before the source - if rec.info['TARGET'] < rec.start: - rec_A.start += rec.info['SVLEN'] - rec_B.id = 'div_dDUP_B' - rec_B.alts = ('div_dDUP_B',) - rec_B.start = rec_B.info['TARGET'] - rec_B.stop = rec_B.info['TARGET'] + rec.info['SVLEN'] - rec_B.info['SVTYPE'] = 'div_dDUP_B' - rec_B.info['TARGET'] = -1 - out_vcf.write(rec_A) - out_vcf.write(rec_B) - - out_vcf.close() - in_vcf.close() - - -if __name__ == "__main__": - parser = argparse.ArgumentParser(description='Utility script for multi-staged simulation procedure of divergent repeats') - parser.add_argument('--div_dDUP_vcf', help='Input vcf from R1 generation step') - args = parser.parse_args() - correct_positions_div(args.div_dDUP_vcf) From 55edb3fa7bba8095e4e11c292c45872ab5d4c25d Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Wed, 6 Dec 2023 14:21:33 -0500 Subject: [PATCH 32/44] Catchup current changes (#7) * demo notebook update, config update, tests update * PR updates to demo notebook * move wiki to git (#1) * moving docs from wiki to git * fix more image references * fix more links * added pip install instructions * change command line to use the insilicosv CLI entry point. remove docs about deleted scripts generate_synthetic_genome.sh and divergent_repeat_augmentation.sh * removing install/ dir for now, obsoleted by pip install (#2) * .gitignore: added notebook outputs * update version to 0.0.5 * move license to pyproject.toml * demo notebook fixes * adding demo notebook conda env definition * change pbsim3 model path * insilicosv-demo-env: added minimap2 * use pbsim3 model from the pbsim3 conda package * added igv to demo notebook conda env * made simulated read coverage configurable in demo notebook via env vars * update demo notebook env to current igv * fix env name * .gitignore: add IGV_screenshots * adding the original definition of insilicosv-demo-env * .gitignore: added workflow-related ignores * docs: README.md install instructions changed to use pip or bioconda * change references to simulate.py into references to insilicosv executable script * added demo notebook instructions * docs: README.md -- clarified where to find config file syntax * fixed image link for the grammar * added space around image ref * added more spaces around image refs to ensure correct display on github * removed divergent repeat example visualization * README updates (directory setup for user) * removed, for now, documentation reference to the utility code that mapped transformed ref to original ref * removed get_original_base_pos() from utils.py for now * removed div_repeat_postproc * doc: remove stray line * docs: remove duplicate line * docs: drop mention of wiki * docs: removed mentions of not-yet-released functionality --------- Co-authored-by: crohlicek Co-authored-by: Chris Rohlicek <35237693+crohlicek@users.noreply.github.com> --- README.md | 11 +++- ...ated_pipelines_and_additional_utilities.md | 7 --- docs/example_sv_visualizations.md | 40 ++++++++++++- docs/sv_grammar.md | 2 +- insilicosv/div_repeat_postproc.py | 58 ------------------- insilicosv/utils.py | 45 -------------- 6 files changed, 47 insertions(+), 116 deletions(-) delete mode 100644 docs/automated_pipelines_and_additional_utilities.md delete mode 100644 insilicosv/div_repeat_postproc.py diff --git a/README.md b/README.md index f10d01f..f3e8035 100644 --- a/README.md +++ b/README.md @@ -24,20 +24,25 @@ Installation using conda: * Install insilicosv with `conda install insilicosv` ## To Run +The recommended workflow for running insilicoSV is as follows: +1. Create a new directory +2. Populate a simulation config file and place it in the directory +3. Run insilicoSV providing the config file as input: ``` insilicosv ``` +4. Results will be produced in this directory -The config file syntax is detailed below. Outputs go into the directory where the config file is stored. +The config file syntax is detailed in the [Input guidelines](docs/input_guidelines.md) section of the +documentation. ## Documentation -For documentation outlining the different features of insilicoSV along with usage examples and data resources, please refer to the wiki: +For documentation outlining the different features of insilicoSV along with usage examples and data resources, please refer to the following sections: - [Input guidelines](docs/input_guidelines.md) - [Example Use Cases](docs/example_use_cases.md) - [SV Grammar](docs/sv_grammar.md) - [Benchmark Genomes](docs/benchmark_genomes.md) -- [Additional Utilities](docs/automated_pipelines_and_additional_utilities.md) - [Example SV Visualizations](docs/example_sv_visualizations.md) - [Tutorial Jupyter notebook](docs/demo_notebook.md) diff --git a/docs/automated_pipelines_and_additional_utilities.md b/docs/automated_pipelines_and_additional_utilities.md deleted file mode 100644 index ccfa814..0000000 --- a/docs/automated_pipelines_and_additional_utilities.md +++ /dev/null @@ -1,7 +0,0 @@ -# Additional Utilities - -### Additional utils -One of the features of `utils.py` is a function `get_original_base_pos(query_vcf, query_loc, query_chrom)` which takes in a -query position and vcf describing the SVs populating a given mutated genome (e.g., a vcf of the form that is output by insilicoSV -after simulation) and calculates the location of the corresponding base in the original reference. This function can be called -directly from the command line with a call of the form: diff --git a/docs/example_sv_visualizations.md b/docs/example_sv_visualizations.md index c96c7fd..d74a3e7 100644 --- a/docs/example_sv_visualizations.md +++ b/docs/example_sv_visualizations.md @@ -4,60 +4,96 @@ Below are IGV pileup images of each of the predefined SV types with short read a ### DEL A $→ ∅$ +<<<<<<< HEAD + ![DEL](sample_imgs/DEL_39373784_39375651.png) + ### DUP A $→$ AA' + ![DUP](sample_imgs/DUP_19113463_19118988.png) + ### INV A $→$ a + ![INV](sample_imgs/INV_40759267_40767611.png) + ### INS $∅ →$ A + ![INS](sample_imgs/INS_37651377.png) + ### dDUP A\_ $→$ A\_A' + ![dDUP](sample_imgs/dDUP_39772358_39773214_39778332.png) + ### INV_dDUP A\_ $→$ A\_a' + ![INV_dDUP](sample_imgs/INV_dDUP_13067243_13067756_13077502.png) + ### TRA A\_ $→$ \_A + ![TRA](sample_imgs/TRA_26365789_26366373_26356292.png) + ### dupINVdup ABC $→$ Ac'ba'C + ![dupINVdup](sample_imgs/dupINVdup_39017470_39019883.png) + ### dupINVdel ABC $→$ Aba' + ![dupINVdel](sample_imgs/dupINVdel_15375930_15378280.png) + ### delINVdup ABC $→$ c'bC' + ![delINVdup](sample_imgs/delINVdup_42086110_42088387.png) + ### delINVdel ABC $→$ b + ![delINVdel](sample_imgs/delINVdel_36691416_36693867.png) + ### dDUP_iDEL A\_B $→$ A\_A' + ![dDUP_iDEL](sample_imgs/dDUP_iDEL_20291195_20301357.png) + ### INS_iDEL A\_B $→$ \_A' + ![INS_iDEL](sample_imgs/INS_iDEL_39700749_39701724_39693224.png) + ### INVdup A $→$ aa' + ![INVdup](sample_imgs/INVdup_17044647_17045589.png) + ### dup_INV AB $→$ Aba' + ![dup_INV](sample_imgs/dup_INV_38928832_38930487.png) + ### INV_dup AB $→$ b'aB + ![INV_dup](sample_imgs/INV_dup_21190415_21191709.png) + ### delINV AB $→$ b + ![delINV](sample_imgs/delINV_44483168_44484875.png) + ### INVdel AB $→$ a + ![INVdel](sample_imgs/INVdel_18169245_18170527.png) + ### divergence A $→$ A\* + ![divergence](sample_imgs/DIVERGENCE_20798718_20799646.png) -### divergent repeat -![divergent_repeat](sample_imgs/div_repeat_19857334_19865475.png) diff --git a/docs/sv_grammar.md b/docs/sv_grammar.md index f01996d..cdf7e66 100644 --- a/docs/sv_grammar.md +++ b/docs/sv_grammar.md @@ -2,7 +2,7 @@ insilicoSV uses a grammatical notation to represent the various types of SVs that can be supported by the simulator. A graphical representation of the notation is given below: -[[sample_imgs/fig.png]] +![Graphical representation of insilicoSV grammar](sample_imgs/fig.png) The form of a given SV's transformation of the genome is represented with a grammatical notation that describes the mapping from input reference sequence to output synthetic donor sequence. With this notation, the reference sequence is given by a series of capital letters corresponding to the intervals affected by the SV, and the donor sequence is given by a transformation of those letters that reflects the ways in which the reference intervals are mutated by the SV. For example, a deletion-flanked inversion (delINV) is notated as AB $→$ b, in which the left side of the expression indicates the two reference intervals involved in the delINV and the right side indicates the donor sequence that will appear in place of AB, that is the inverted interval b (the lowercase indicating that B will appear inverted in the donor). Although SNPs are not considered to be a type of structural variant, we include them here as another valid event type for simulation (see [use cases](example_use_cases.md#example-1b---example-snp-specification) for usage examples). diff --git a/insilicosv/div_repeat_postproc.py b/insilicosv/div_repeat_postproc.py deleted file mode 100644 index 60515ef..0000000 --- a/insilicosv/div_repeat_postproc.py +++ /dev/null @@ -1,58 +0,0 @@ -import argparse -from pysam import VariantFile -from collections import defaultdict - - -def correct_positions_div(input_vcf): - # reads input vcf, adjusts POS, END, TARGET values to account for previous events in the reference - in_vcf = VariantFile(input_vcf) - hd = in_vcf.header - file_suffix = '_decoy_divrepeat_intervals.vcf' - out_vcf = VariantFile(input_vcf[:-4] + file_suffix, 'w', header=hd) - # store vcf records in dictionary keyed on start position - vcf_recs = defaultdict(dict) - for rec in in_vcf.fetch(): - vcf_recs[rec.chrom][rec.start] = rec - - # aggregate length of insertions up to a given point in the reference (to be added to the positions in a given vcf record) - for chrom in vcf_recs.keys(): - total_ins_len = 0 - for pos in sorted(vcf_recs[chrom].keys()): - evt = vcf_recs[chrom][pos] - if evt.id == 'div_dDUP': - evt.start += total_ins_len - evt.info['TARGET'] += total_ins_len - total_ins_len += evt.info['SVLEN'] - for rec in vcf_recs[chrom].values(): - # output separate records for each A and A* ("B") to serve as avoid intervals for further simulation - # ** assuming vcf will only contain SVs of type div_dDUP - rec_A = rec.copy() - rec_B = rec.copy() - rec_A.id = 'div_dDUP_A' - rec_A.alts = ('div_dDUP_A',) - rec_A.info['SVTYPE'] = 'div_dDUP_A' - rec_A.info['TARGET'] = -1 - # setting the above unsets rec.stop, so need to reset it to the original - rec_A.stop = rec.stop - # if the event is flipped, then need to shift the _A interval by one interval length - # to compensate for the insertion at the target locus, that will in this case happen before the source - if rec.info['TARGET'] < rec.start: - rec_A.start += rec.info['SVLEN'] - rec_B.id = 'div_dDUP_B' - rec_B.alts = ('div_dDUP_B',) - rec_B.start = rec_B.info['TARGET'] - rec_B.stop = rec_B.info['TARGET'] + rec.info['SVLEN'] - rec_B.info['SVTYPE'] = 'div_dDUP_B' - rec_B.info['TARGET'] = -1 - out_vcf.write(rec_A) - out_vcf.write(rec_B) - - out_vcf.close() - in_vcf.close() - - -if __name__ == "__main__": - parser = argparse.ArgumentParser(description='Utility script for multi-staged simulation procedure of divergent repeats') - parser.add_argument('--div_dDUP_vcf', help='Input vcf from R1 generation step') - args = parser.parse_args() - correct_positions_div(args.div_dDUP_vcf) diff --git a/insilicosv/utils.py b/insilicosv/utils.py index 1913ba4..649947b 100644 --- a/insilicosv/utils.py +++ b/insilicosv/utils.py @@ -13,39 +13,6 @@ class NestedDict(defaultdict): def __call__(self): return NestedDict(self.default_factory) - -def get_original_base_pos(genome_vcf, query_loc, query_chrom): - # calculates the input reference position of the base that corresponds - # to the one at position query_loc in the output reference (i.e., adjusts the - # input ref position by the cumulative change in ref length caused by - # the variants from [0, query_loc) - # **for now: just admits DEL, DUP, INV - vcf = VariantFile(genome_vcf) - # need to make sure vcf recs sorted by position and separated by chrom - vcf_recs = defaultdict(list) - for rec in vcf.fetch(): - vcf_recs[rec.chrom].append((rec.id, rec.start, rec.stop)) - for chrom in vcf_recs.keys(): - vcf_recs[chrom].sort(key=lambda x: x[1]) - # total the cumulative change in ref length from all the SVs *ending* before p - p = query_loc - i = 0 - while i < len(vcf_recs[query_chrom]) and vcf_recs[query_chrom][i][1] <= p: - rec_id, rec_start, rec_stop = vcf_recs[query_chrom][i] - rec_len = rec_stop - rec_start - if rec_id == 'DEL' and rec_start <= p: - p += rec_len - if rec_id == 'DUP' and rec_stop <= p: - p -= rec_len - i += 1 - # check if p is internal to an INV; edge case not covered by the above loop - surrounding_inv = next((rec for rec in vcf_recs[query_chrom] if rec[1] <= p < rec[2] and rec[0] == 'INV'), None) - if surrounding_inv is not None: - sv_id, sv_start, sv_end = surrounding_inv - p += (sv_end - sv_start) - ((p - sv_start) * 2 + 1) - return p - - def is_overlapping(event_ranges, addition, called_from_helper=False, strictly_partial=False): # addition: tuple (start, end) # event_ranges: list containing tuples @@ -357,15 +324,3 @@ def __getitem__(self, sv_config_id, minsize, maxsize, elt_type=None, partial_ove if partial_overlap and rand_elt is not None: rand_elt = self.get_partially_overlapping_interval(*rand_elt, minsize, maxsize) return rand_elt, elt_type - - -if __name__ == '__main__': - parser = argparse.ArgumentParser(description='Special use case for utils.py: Commandline access to get_original_base_pos()') - parser.add_argument('--genome_vcf', type=str, help='Path to vcf describing simulated SVs populating the synthetic genome') - parser.add_argument('--query_loc', type=int, help='Query genome locus (given with respect to synthetic reference)') - parser.add_argument('--query_chrom', type=int, help='Corresponding chromosome of the query locus') - args = parser.parse_args() - - print('Input reference position corresponding to mutated reference position (%s) %d: %d' % - (args.query_chrom, args.query_loc, get_original_base_pos(args.genome_vcf, args.query_loc, args.query_chrom))) - From a090bd06ee9360b54ebe3387364bda66dd424f68 Mon Sep 17 00:00:00 2001 From: Chris Rohlicek <35237693+crohlicek@users.noreply.github.com> Date: Fri, 8 Dec 2023 12:41:41 -0500 Subject: [PATCH 33/44] Example use case updates (#8) * updates to docs * info about rel/abs path for reference in config * INDEL support mentioned, default sim settings removed from example configs * added small config example to input_guidelines page * mention of SVs replaced with variants in places where SNPs are meant to be included * example config in input_guidelines changed to use lists for input sizes * remove statement of rel/abs ref path; include mention of output insertions.fa file * clarifying terminology * moving summary config github gist to dedicated .md file in docs/ * link to example_use_cases.md given with more explanation * adding mention of ref as config input * included descriptions of all config inputs with links to examples in input format description --- README.md | 1 - docs/benchmark_genomes.md | 17 ----- docs/demo_notebook.md | 4 +- docs/example_use_cases.md | 125 +++++++++++++------------------ docs/input_guidelines.md | 76 ++++++++++--------- docs/summary_config.md | 154 ++++++++++++++++++++++++++++++++++++++ docs/sv_grammar.md | 7 +- 7 files changed, 254 insertions(+), 130 deletions(-) delete mode 100644 docs/benchmark_genomes.md create mode 100644 docs/summary_config.md diff --git a/README.md b/README.md index f3e8035..122bc62 100644 --- a/README.md +++ b/README.md @@ -42,7 +42,6 @@ For documentation outlining the different features of insilicoSV along with usag - [Input guidelines](docs/input_guidelines.md) - [Example Use Cases](docs/example_use_cases.md) - [SV Grammar](docs/sv_grammar.md) -- [Benchmark Genomes](docs/benchmark_genomes.md) - [Example SV Visualizations](docs/example_sv_visualizations.md) - [Tutorial Jupyter notebook](docs/demo_notebook.md) diff --git a/docs/benchmark_genomes.md b/docs/benchmark_genomes.md deleted file mode 100644 index 8f1a24a..0000000 --- a/docs/benchmark_genomes.md +++ /dev/null @@ -1,17 +0,0 @@ -# Benchmark genomes - -We provide here two synthetic genomes that can be used for benchmarking purposes. The first genome provides a context-free benchmark meant to provide a bias-free general-purpose survey set of simple and complex SVs across all primary chromosomes of GRCh38. The second genome provides a context-aware benchmark, with a set of simple and complex SVs places at the locations of randomly chosen L1 repetitive elements – the SV types included in this benchmark genome are those which have known associations with L1 elements. - -# Context-free benchmark -This benchmark contains 750 deletions, duplications, inversions, insertions, inverted duplications, dispersed duplications, inverted dispersed duplications, and translocations randomly placed across chromosomes 1 through 22 of GRCh38. Each SV type is simulated in three equal-sized groups with different length distributions meant to give the user the option to consider small (50bp - 1,000bp), medium (1,000bp - 10,000bp), or large (10,000bp – 250,000bp) variants separately or together. This benchmark is populated with equal quantities of each SV type explicitly to provide a fully balanced evaluation set that will be free from any biases of SV count, size, or location that might occur if one is using real data or synthetic data meant to mimic these aspects of real data. Evaluation on a balanced dataset is critical to identifying points of weakness of an SV analysis pipeline because performance metrics from a model that is tuned to a specific case of SV might be inflated if the evaluation set is overly representative of that case. This synthetic genome is meant to provide a general-purpose survey set of simple and complex variants with completely random placement. - -Below we provide the links to the edited reference files as well as the `.vcf` and `.bed` files describing all of the groundtruth SV placement, as well as the type-specific SV length distributions. -![Context-free benchmark](sample_imgs/context_free_bench.png) -- ***Links to datasets*** - -# Context-aware benchmark -The second synthetic genome provides a context-aware benchmark in which an equal number (200 each) of deletions, duplications, inversions, dispersed duplications, inverted dispersed duplications, and translocations are placed throughout chromosome 1 through 22 of GRCh38 at positions that overlap repetitive genome elements to which those types have a known association. The SV-element associations that are included in this benchmark are those between L1 elements and dispersion-based events and deletions, duplications, and inversions. In order to provide a similarly unbiased evaluation set to the context-free genome described above, insilicoSV sampled L1 elements randomly (limiting the selections to be those L1 intervals at least 50bp in length) to be used as the source interval locations for the various SVs included in the output genome. - -Below we provide the links to the edited reference files as well as the `.vcf` and `.bed` files describing all of the groundtruth SV placement, as well as the type-specific SV length distributions. -![Context-free benchmark](sample_imgs/context_aware_bench.png) -- ***Links to datasets*** diff --git a/docs/demo_notebook.md b/docs/demo_notebook.md index 8446276..72e1b54 100644 --- a/docs/demo_notebook.md +++ b/docs/demo_notebook.md @@ -5,8 +5,8 @@ using insilicoSV to generate a synthetic diploid genome and simulating reads for downstream analysis. In the notebook, we provide an example configuration file including a small set of simple and complex variants, and we include calls to DWGSIM and PBSIM3 to generate short -and long reads respectively. Additionally we include utilities to -parse insilicoSV output and generate IGV pileup images of the aligned +and long reads respectively. Additionally, we include utilities to +parse insilicoSV output and plot the size distributions of the simulated SVs, as well as generate IGV pileup images of the aligned reads at the sites of the simulated variants. To run the notebook, first create a conda environment with all dependencies diff --git a/docs/example_use_cases.md b/docs/example_use_cases.md index 445e0ff..f6728d1 100644 --- a/docs/example_use_cases.md +++ b/docs/example_use_cases.md @@ -1,13 +1,12 @@ # Example Use Cases -insilicoSV provides various simulation modes that can be used together or separately to generate synthetic genomes with varying levels of control over SV placement. Examples of the different use cases are provided below. +insilicoSV provides various simulation features that can be used together or separately to generate synthetic genomes with varying levels of control over SV placement. Examples of the different use cases are provided below. ### Example 1 - Predefined SVs To incorporate SVs from the predefined library of SV types, a configuration file of the following form can be provided with parameters provided for the count and min/max length for each set of SVs to be included in the output genome. ```yaml # YAML config file sim_settings: - max_tries: 200 - prioritize_top: True + reference: {path}/{to}/ref.fa SVs: - type: "INS" number: 10 @@ -28,44 +27,25 @@ SVs: - 15 - 10 ``` -The output of the simulation run with the above config file would include a `.bed` file such as the following describing the placement of each SV: -``` -# BED file -Chromosome21 148 149 Chromosome21 148 149 INS 10 0/1 INS 1 1 -Chromosome19 5 6 Chromosome19 5 6 INS 6 0/1 INS 2 1 -Chromosome19 38 39 Chromosome19 38 39 INS 7 1/1 INS 3 1 -Chromosome21 48 49 Chromosome21 48 49 INS 8 1/1 INS 4 1 -Chromosome19 86 87 Chromosome19 86 87 INS 10 0/1 INS 5 1 -Chromosome19 64 65 Chromosome19 64 65 INS 9 1/1 INS 6 1 -Chromosome19 7 8 Chromosome19 7 8 INS 10 0/1 INS 7 1 -Chromosome21 141 142 Chromosome21 141 142 INS 8 1/1 INS 8 1 -Chromosome19 74 75 Chromosome19 74 75 INS 10 1/1 INS 9 1 -Chromosome19 60 61 Chromosome19 60 61 INS 7 0/1 INS 10 1 -Chromosome21 23 31 Chromosome21 23 31 INV 7 0/1 INVdel 11 0 -Chromosome21 30 36 Chromosome21 30 31 DEL 5 0/1 INVdel 11 0 -Chromosome21 122 132 Chromosome21 122 132 INV 9 1/1 INVdel 12 0 -Chromosome21 131 142 Chromosome21 131 132 DEL 10 1/1 INVdel 12 0 -Chromosome19 93 106 Chromosome19 93 106 INV 12 0/1 dupINVdel 13 0 -Chromosome19 88 94 Chromosome19 105 106 INVDUP 5 0/1 dupINVdel 13 1 -Chromosome19 105 113 Chromosome19 105 106 DEL 7 0/1 dupINVdel 13 0 -``` + ### *Example 1a* - Example config with entire insilicoSV vocabulary -This [gist](https://gist.github.com/crohlicek/9d529e600508870b1424d1f41215acb8) contains an example config file specifying the subevent size ranges for each event. +This [summary config](summary_config.md) contains an example specifying the event size ranges for each predefined SV. -### Example 1b - Example SNP specification -We include SNPs as an available event type for simulation and admit them to the input config files with a modified form of the default SV config info used for other events. -Because SNPs are only a single base in length, they only need to be specified with `number` as in the example below: +### Example 1b - Example SNP/INDEL specification +SNPs and INDELs are supported by insilicoSV as well. Because SNPs are only a single base in length, they only need to be specified with `number` as in the example below: ```yaml SVs: - type: "SNP" number: 10 ``` -Usage of this event type is otherwise the same. +INDELs are not given a unique type label but can be simulated by setting a sufficiently small min and max size for an SV of type DEL or INS. ### Example 2 - Custom SVs -Similar to specifying predefined SVs for a simulation, custom SVs can be specified by manually describing the desired variant with the grammatical notation described in [SV grammar](sv_grammar.md). An example input config and output `.bed` file are given below: +Custom SVs can be specified by manually describing the desired variant with the grammatical notation described in [SV grammar](sv_grammar.md). An example input config and output BED file are given below: ```yaml # YAML config file +sim_settings: + reference: {path}/{to}/ref.fa SVs: - type: "Custom" source: AB_C_D @@ -89,37 +69,34 @@ SVs: - 20 ``` ``` -# BEDPE file -Chromosome21 100 110 Chromosome21 100 110 INV 9 0/1 AB_C_D>bb'_AEc'_EDC 1 0 -Chromosome21 100 110 Chromosome21 109 110 INVDUP 9 0/1 AB_C_D>bb'_AEc'_EDC 1 1 -Chromosome21 92 101 Chromosome21 124 125 TRA 8 0/1 AB_C_D>bb'_AEc'_EDC 1 1 # order important for insertion-like operations at the same position -Chromosome21 124 125 Chromosome21 124 125 INS 14 0/1 AB_C_D>bb'_AEc'_EDC 1 2 -Chromosome21 124 135 Chromosome21 124 125 INVDUP 10 0/1 AB_C_D>bb'_AEc'_EDC 1 3 -Chromosome21 150 151 Chromosome21 150 151 INS 14 0/1 AB_C_D>bb'_AEc'_EDC 1 1 -Chromosome21 124 135 Chromosome21 159 160 TRA 10 0/1 AB_C_D>bb'_AEc'_EDC 1 1 +# BED file +chr21 100 110 chr21 100 110 INV 9 0/1 AB_C_D>bb'_AEc'_EDC 1 0 +chr21 100 110 chr21 109 110 INVDUP 9 0/1 AB_C_D>bb'_AEc'_EDC 1 1 +chr21 92 101 chr21 124 125 TRA 8 0/1 AB_C_D>bb'_AEc'_EDC 1 1 # order important for insertion-like operations at the same position +chr21 124 125 chr21 124 125 INS 14 0/1 AB_C_D>bb'_AEc'_EDC 1 2 +chr21 124 135 chr21 124 125 INVDUP 10 0/1 AB_C_D>bb'_AEc'_EDC 1 3 +chr21 150 151 chr21 150 151 INS 14 0/1 AB_C_D>bb'_AEc'_EDC 1 1 +chr21 124 135 chr21 159 160 TRA 10 0/1 AB_C_D>bb'_AEc'_EDC 1 1 ``` -### Example 3 - Editing reference with input SVs -To edit an input reference file with a known set of SVs the user can provide a VCF file containing the SVs in the yaml -of format shown above. The events in the VCF must be non-overlapping. All single-interval and dispersion-based predefined variant types are supported for this use case -(i.e., DEL, DUP, INV, INS, dDUP, INV_dDUP, TRA, INVdup, and SNP). For insertions, events may be specified with the insertion -sequence given in an INFO field called `INSSEQ` (provided a matching header line is included as well). All VCF records are -expected to include an info field `SVTYPE` to record event type. The commandline call to perform this reference edit is: +### Example 3 - Editing reference with known SVs +To edit an input reference file with a known set of variants the user can provide them in a VCF file. The events in the VCF must be non-overlapping. All single-interval and dispersion-based predefined variant types are supported for this use case (i.e., DEL, DUP, INV, INS, dDUP, INV_dDUP, TRA, INVdup, and SNP). For insertions, VCF records may be specified with the insertion sequence given in an INFO field called `INSSEQ` (provided a matching header line is included as well). All VCF records are expected to include an info field `SVTYPE` to record variant type. The commandline call to perform this reference edit is: ```yaml # YAML config file +sim_settings: + reference: {path}/{to}/ref.fa SVs: - vcf_path: {path_to_vcf} ``` ``` -insilicosv +insilicosv ``` ### Example 4 - Marking banned intervals of the genome -When initializing a new simulation the user can include a list of banned genome intervals (i.e., intervals in which no SVs will be simulated) via a VCF given in the `avoid_intervals` entry of the `SVs` section of the config file: +When initializing a new simulation the user can include a list of banned genome intervals (i.e., intervals in which no variants will be simulated) via a VCF given in the `avoid_intervals` entry of the `SVs` section of the config file: ```yaml sim_settings: - max_tries: 200 - prioritize_top: True + reference: {path}/{to}/ref.fa SVs: - avoid_intervals: "{path}/{to}/{banned_intervals}.vcf" - type: "DEL" @@ -133,15 +110,14 @@ SVs: The entries of the VCF will only have the interval information extracted under this feature, so an arbitrary record ID and SVTYPE can be provided (e.g., 'EMPTY') -### Example 5 - Placing events at known repetitive element intervals -To augment a randomized simulation of events onto an input reference, the user can include in the simulation config -file the path to a .bed file containing known element intervals (e.g., known repetitive elements taken from RepeatMasker). -In addition to providing the path to the relevant .bed file(s), the user will also need to specify how many of each -event type they wish to be placed at events from the .bed file. An example config with these inputs is: +### Example 5 - Placing SVs at known repetitive element intervals +To augment a randomized simulation of SVs onto an input reference, the user can include in the simulation config +file the path to a BED file (or multiple) containing known element intervals (e.g., known repetitive elements taken from RepeatMasker). +In addition to providing the path to the relevant BED file(s), the user will also need to specify how many of each +SV type they wish to be placed at events from the BED file. An example config with these inputs is: ```yaml sim_settings: - max_tries: 200 - prioritize_top: True + reference: {path}/{to}/ref.fa overlap_events: bed: '/{path_to}/{candidate_overlap_events}.bed' SVs: @@ -160,39 +136,38 @@ SVs: - 5 num_overlap: 2 ``` -Multiple .bed files can be given as input and their records will be combined and drawn from during event placement (in this +Multiple BED files can be given as input and their records will be combined and drawn from during SV placement (in this case the user should provide a list of paths). Additionally, the user can provide a list of repetitive element types that -will be allowed for event placement during simulation (.bed records of all other types being ignored). An example entry -with multiple .bed files and specified allowed types is: +will be allowed for SV placement during simulation (BED records of all other types being ignored). An example entry +with multiple BED files and specified allowed types is: ```yaml overlap_events: bed: ['/{path_to}/{candidate_overlap_events_1}.bed','/{path_to}/{candidate_overlap_events_2}.bed'] allow_types: ['L1HS', 'L1PA3'] ``` -While the simulator is placing each set of events, the first (`num_overlap`) events of that type will have their location -given by an event from the .bed file given in the `overlap_events` field that falls within the specified size range for -that SV type. Events from the `overlap_events` .bed file(s) will be shuffled on input, and the file is required to have -the first four columns of standard .bed records (chrom, chromStart, chromEnd, name). +While the simulator is placing each set of SVs, the first (`num_overlap`) SVs of that type will have their location +given by an event from the BED file given in the `overlap_events` field that falls within the specified size range for +that SV type. Events from the `overlap_events` BED file(s) will be shuffled on input, and the file is required to have +the first four columns of standard BED records (chrom, chromStart, chromEnd, name). The labels in the `allow_types` field can be given either as full element names or prefixes. For instance, if 'L1' is provided -then all elements in the input .bed file(s) with 'L1' in the name will be considered for selection. +then all elements in the input BED file(s) with a name beginning with 'L1' will be considered for selection. -The output .vcf file will label which events were placed at specified intervals with the additional INFO field +The output VCF file will label which SVs were placed at specified intervals with the additional INFO field `OVERLAP_EV={evt. name}', as in this example record: ``` chr21 18870078 DEL N DEL 100 PASS END=18876908;SVTYPE=DEL;SVLEN=6831;OVERLAP_EV=L1HS GT 0/1 ``` -For events involving dispersions (dDUP, INV_dDUP, TRA) the position is assigned such that the source event of the SV (the component -getting duplicated or translocated) is placed at the selected element interval. For complex events with multiple non-dispersion +For SVs involving dispersions (dDUP, INV_dDUP, TRA) the position is assigned such that the source event of the SV (the component +getting duplicated or translocated) is placed at the selected element interval. For complex SVs with multiple non-dispersion source fragments (e.g., delINVdel), one of the non-dispersion source fragments is chosen at random to be the overlapping component with the selected known element. ### Example 5a - Placing DUPs or DELs at Alu-mediated intervals -An additional use case for the above known-element placement is to place deletion or tandem duplication events in between Alu elements in the genome (Alu-mediated CNVs being a well-studied case of SV/repetitive element relation – e.g., [Gu et al., 2015](https://academic.oup.com/hmg/article/24/14/4061/2385874)). Alu-mediated DELs or DUPs can be specified in the same way as the above cases of specifying overlap, but instead by specifying the desired number of Alu-mediated SVs with the config field `num_alu_mediated`. An example config file is given below: +An additional use case for the above known-element placement is to place deletion or tandem duplication SVs in between Alu elements in the genome (Alu-mediated CNVs being a well-studied case of SV/repetitive element relation – e.g., [Gu et al., 2015](https://academic.oup.com/hmg/article/24/14/4061/2385874)). Alu-mediated DELs or DUPs can be specified in the same way as the above cases of specifying overlap, but instead by specifying the desired number of Alu-mediated SVs with the config field `num_alu_mediated`. An example config file is given below: ```yaml sim_settings: - max_tries: 200 - prioritize_top: True + reference: {path}/{to}/ref.fa overlap_events: bed: '/{path_to}/{candidate_overlap_events}.bed' SVs: @@ -204,8 +179,10 @@ SVs: ``` ### Example 5b - Specifying different overlap counts for different element types -In situations where a list of different `allow_types` are given alongside the input .bed file of known elements, different counts can be given for the different element types listed in the `allow_types` field. For example, the augmented version of the above example shows how one might specify that a different number of DELs should be places at L1HS intervals than should be placed at L1PA3 intervals: +In situations where a list of different `allow_types` are given alongside the input BED file of known elements, different counts can be given for the different element types listed in the `allow_types` field. For example, the augmented version of the above example shows how one might specify that a different number of DELs should be places at L1HS intervals than should be placed at L1PA3 intervals: ```yaml +sim_settings: + reference: {path}/{to}/ref.fa overlap_events: bed: ['/{path_to}/{candidate_overlap_events_1}.bed','/{path_to}/{candidate_overlap_events_2}.bed'] allow_types: ['L1HS', 'L1PA3'] @@ -216,11 +193,13 @@ SVs: max_length: 1000 num_overlap: [3, 5] ``` -By providing a list in the `num_overlap` field, each number given in the list will be interpreted as the desired overlap count for the corresponding entry in the `allow_types` list. As a result, any list given in the `num_overlap` field must be of the same length as the `allow_types` list. `0` is a valid entry in the `num_overlap` list, as would be required if one wished to only specify overlap counts for a subset of the element types given in `allow_types`. +By providing a list in the `num_overlap` field, each number given in the list will be interpreted as the desired overlap count for the corresponding entry in the `allow_types` list. As a result, any list given in the `num_overlap` field must be of the same length as the `allow_types` list. `0` is a valid entry in the `num_overlap` list, and are required if one wishes to only specify overlap counts for a subset of the element types given in `allow_types`. ### Example 5c - Partial Overlap -In the same way that SVs can be made to completely overlap known element intervals in the various ways described above, they can also be made to *partially* overlap known element intervals. This can be done using SV config field `num_partial_overlap` which operated in the same way as `num_overlap`. An analogous version of the above example with partial overlap is given below: +In the same way that SVs can be made to completely overlap known element intervals in the various ways described above, they can also be made to *partially* overlap known element intervals. This can be done using SV config field `num_partial_overlap` which operates in the same way as `num_overlap`. An analogous version of the above example with partial overlap is given below: ```yaml +sim_settings: + reference: {path}/{to}/ref.fa overlap_events: bed: ['/{path_to}/{candidate_overlap_events_1}.bed','/{path_to}/{candidate_overlap_events_2}.bed'] allow_types: ['L1HS', 'L1PA3'] @@ -241,6 +220,8 @@ intervals can be included in the same way as any of the SVs provided, accessible probability parameter by which each base will be randomly changed can be optionally provided by the user as shown in the example below (and if it is not provided it will be drawn uniformly from (0.5, 1.0)): ```yaml +sim_settings: + reference: {path}/{to}/ref.fa SVs: - type: "DIVERGENCE" number: 3 diff --git a/docs/input_guidelines.md b/docs/input_guidelines.md index 55b9d72..1d29bda 100644 --- a/docs/input_guidelines.md +++ b/docs/input_guidelines.md @@ -1,41 +1,51 @@ -# Input Guidelines -insilicoSV takes in two input files: the reference genome and a yaml configuration file. Following the simulation, it outputs two haplotype files, a BED file, and a simple stats file using the prefix given. - -### Reference Genome -This file should be in FASTA format. +# Input and Output Description +insilicoSV takes in a yaml configuration file as input, which specifies the path to the input reference genome and information regarding the SVs that will be simulated. Following the simulation, it outputs two haplotype files, BED and VCF files describing the placement of the simulated SVs, a stats file, and a .fasta file containing any novel insertion sequences that were included in the simulation. ### Parameter File -The configuration yaml file specifies the range of the lengths of the SVs along with the number to simulate. All configurations for structural variants should be put under the "SVs" key. For each SV, the following parameters are available (with some additional parameters available for certain specific use cases described in [the next section](example_use_cases.md)): -1. *type*: str, insilicoSV supports a predefined list of SVs and allows users to enter a custom transformation. Either "Custom" or one of the 16 predefined SV types named in the below table should be entered. -2. *number*: int, describes how many of the specified SV type to simulate -3. *min_length*: int or list, if an integer is provided, insilcoSV assumes that each event's length within a SV must fall between the min_length and max_length. Entering a list offers customization by specifying a different range for each event. If provided a list, insilicoSV assumes lengths are entered to correspond with the symbols in lexicographical order. The lengths for non-dispersion events (represented by alphabetical characters) will therefore be considered before that of dispersions (represented by an underscore). See [usage example #2](example_use_cases.md#example-2---custom-svs). -4. *max_length*: int or list, must be the same type as min_length, note that max_length >= min_length >= 0 for all elements in each -5. *source=None [optional]*: Source sequence for a custom SV, see below to find instructions on how to create a transformation -6. *target=None [optional]*: Target sequence for a custom SV, see below to find instructions on how to create a transformation - -The following optional parameters can be set under the "sim_settings" key to change default configurations for the simulator: -1. *max_tries=100 [optional]*: number of tries to find a valid position to simulate each SV -2. *fail_if_placement_issues=False [optional]*: if set to True, insilicoSV will raise an Exception when a single SV fails to be placed and simulated -3. *generate_log_file=False [optional]*: if set to True, insilicoSV will generate a log file for diagnostic purposes and debugging -4. *filter_small_chr={int} [optional]*: filter out chromosomes of length less than the given integer -5. *prioritize_top=False [optional]*: if set to True, simulate the SVs listed first as the later ones may fail to be placed. Otherwise, give each SV an equal chance to be simulated -6. *homozygous_only=False [optional]*: if set to True, make all simulated variants homozygous +The configuration yaml file specifies the path to the input reference genome as well as the SV type, range of lengths, and the number of SVs of each type to simulate. All configurations for SVs should be put under the "variant_sets" key (note: "SV" here includes SNPs and INDELs because while they are not technically types of SVs, they are treated in the same way by the simulator). For each SV, the following parameters are available: +1. *type*: str - insilicoSV supports a predefined list of SVs and allows users to enter a custom transformation. Either "Custom" or one of the 19 predefined SV types given in [SV grammar](https://github.com/PopicLab/insilicoSV-dev/blob/develop/docs/sv_grammar.md) should be entered. +2. *number*: int - describes how many of the specified SV type to simulate +3. *min_length*: int - If an SV only has a single reference interval then a single integer should be given for the min_length and max_length. If an SV has multiple reference intervals then multiple must be provided to min_length and max_length to specify the size ranges for each component of the SV. Each min_length / max_length entry is allocated to the SV reference intervals in lexicographical order (see [Example 2](https://github.com/PopicLab/insilicoSV-dev/blob/develop/docs/example_use_cases.md#example-2---custom-svs) for an illustration). +4. *max_length*: int - must be the same type as min_length, note that max_length >= min_length >= 0 for all elements in each +5. *source=None [optional]* - Source sequence for a custom SV, see below to find instructions on how to create a transformation +6. *target=None [optional]* - Target sequence for a custom SV, see below to find instructions on how to create a transformation +The following parameters can be set under the "sim_settings" key to change default configurations for the simulator: +1. *reference*: str - path to input reference used as template for simulation +2. *max_tries=100 [optional]*: int - number of tries to find a valid position to simulate each SV +3. *fail_if_placement_issues=False [optional]*: bool - if set to True, insilicoSV will raise an Exception when a single SV fails to be placed and simulated +4. *filter_small_chr [optional]*: int - filter out chromosomes of length less than the given integer (if no value is provided then no filtering will occur). +5. *prioritize_top=False [optional]*: bool - if set to True, variants will be added to the reference in the order in which they are listed in the config. This prioritizes the variants listed first because if the reference becomes overcrowded and there is no more remaining space to place non-overlapping SVs, then the remaining SVs will not be included in the output. If set to False, the full set of SVs will be shuffled and added to the reference in random order. +6. *homozygous_only=False [optional]*: bool - if set to True, make all simulated variants homozygous -### Output BED File +The following parameters can be set on the top level of the config file and provide higher-order controls over SV placement: +1. *avoid_intervals*: str - path to VCF containing intervals to be ignored during SV placement (see [example config](https://github.com/PopicLab/insilicoSV-dev/blob/develop/docs/example_use_cases.md#example-4---marking-banned-intervals-of-the-genome)) +2. *overlap_events*: str - path to BED file containing genome elements to be used for overlapping SV placement (see [example config](https://github.com/PopicLab/insilicoSV-dev/blob/develop/docs/example_use_cases.md#example-5---placing-events-at-known-repetitive-element-intervals)) + +A basic example configuration file is given below, and examples of the full set of simulation options available through various config inputs can be found in the [example use cases](https://github.com/PopicLab/insilicoSV-dev/blob/develop/docs/example_use_cases.md) page. +```yaml +sim_settings: + reference: {path}/{to}/ref.fa +SVs: + - type: "DEL" + number: 3 + min_length: [1000] + max_length: [10000] +``` -Each line/entry will have the following parameters: +### Output BED File +Each line/entry of the BED file describes a single SV component, which we describe as an *event*, meant to indicate the fundamental mutation operators that compose in different ways to constitute SVs of different type. Each BED line will have the following parameters: 1. *source_chr*: The source chromosome of the event -2. *source_start*: Start position on the source_chr [INCLUDE at pos], zero-based indexing -3. *source_end*: End position on the source_chr [EXCLUDE at pos], one-based indexing -4. *target_chr*: The target chromosome of the event -5. *target_start*: Start position on the target chr [INCLUDE at pos], zero-based indexing -6. *target_end*: End position on the target chr [EXCLUDE at pos], one-based indexing -7. *event_type*: Describes the transformation made by the event, either an INS, DEL, INV, TRA, DUP, INVDUP, or INVTRA. Dispersed duplications--those that do not occur immediately after the original--have an attached "d" at the front. +2. *source_start*: Start position on the source_chr +3. *source_end*: End position on the source_chr +4. *target_chr*: The target chromosome of the event [*note: currently only intra-chromosomal SVs are supported*] +5. *target_start*: Start position on the target chr +6. *target_end*: End position on the target chr +7. *event_type*: Describes the transformation made by the event, either an INS, DEL, INV, TRA, DUP, INVDUP, or INVTRA. 8. *event_size*: Size of the reference fragment impacted by the event 9. *zygosity*: {0/1, 1/0} = heterozygous, 1/1 = homozygous. insilicoSV gives each SV a 50% chance of being heterozygous or homozygous, and if the SV is heterozygous it is given a 50% chance of being placed on haplotype A or B. -10. *parent_sv*: Describes the parent SV the event is a component of, for instance "dupINVdup." If a custom SV was provided, the name becomes "source>target" -11. *nth_sv*: int, index to count up each SV (note: not the events). All events of a SV belong in the same index. +10. *parent_sv*: Describes the parent SV the event is a component of (for instance, the INV record from a dupINVdup will have "dupINVdup" as its parent SV). If a custom SV was provided, the name becomes "source>target" +11. *nth_sv*: int, index to count each SV. All events of a SV belong in the same index. 12. *order*: int, for insertion-like operations such as TRA, INS, or DUP, the "order" index describes in which order events that target the same position were compiled. Events with INV and DEL operations have an order of 0. Example BED file output are given below: @@ -46,13 +56,11 @@ chr12 85434890 85435083 chr12 85434890 85435083 INV 193 0/1 INV 3751 0 ``` ### Output VCF file -The output BED file is accompanied by a VCF describing the same set of SVs but in the (VCF 4.2 specification)[https://samtools.github.io/hts-specs/VCFv4.2.pdf]. One augmentation made to the output VCF format is the use of an info field called `TARGET` to describe the target locus of a dispersion-based event. For instance, the VCF record for a dispersed duplication is given with start and end values that describe the SV's source interval (i.e., the interval that is duplicated), and the `TARGET` field records the position at which the copy is inserted into the reference. +The output BED file is accompanied by a VCF describing the same set of SVs but in the [VCF 4.2 format](https://samtools.github.io/hts-specs/VCFv4.2.pdf). Whereas the BED file entries each describe individual sub-SV events, the VCF entries each describe an entire SV. One augmentation made to the output VCF format is the use of an info field called `TARGET` to describe the target locus of a dispersion-based SV. For instance, the VCF record for a dispersed duplication is given with start and end values that describe the SV's source interval (i.e., the interval that is duplicated), and the `TARGET` field records the position at which the copy is inserted into the reference. -Example VCF outputs (of the same events given in the BED file output) are given below: +Example VCF outputs (of the same SVs given in the BED file output) are given below: ``` chr1 109334939 dDUP N 100 PASS END=109335727;SVTYPE=dDUP;SVLEN=789;TARGET=109338930 GT 1/1 chr7 130007589 130007849 chr7 130007589 130007849 DEL 260 1/1 DEL 2254 0 chr12 85434891 INV N 100 PASS END=85435083;SVTYPE=INV;SVLEN=193 GT 0/1 ``` - -**Note**: In the case of an overcrowded simulation (i.e., so many variants specified for too little total reference sequence length) not all SVs inputted may be simulated. Because the simulator randomly selects positions for SVs, some SVs may fail to be placed due to oversaturation. diff --git a/docs/summary_config.md b/docs/summary_config.md new file mode 100644 index 0000000..5c1bca4 --- /dev/null +++ b/docs/summary_config.md @@ -0,0 +1,154 @@ +```yaml +# YAML CONFIG FILE +sim_settings: + max_tries: 200 + prioritize_top: True +SVs: + - type: "dDUP" # "A_" -> "A_A" + number: 3 + min_length: + - 500 # minimum size for block A + - 5000 # minimum size for block _ + max_length: + - 1000 # minimum size for block A + - 10000 # minimum size for block _ + - type: "INV_dDUP" # "A_" -> "A_a'" + number: 3 + min_length: + - 500 # minimum size for block A + - 5000 # minimum size for block _ + max_length: + - 1000 # minimum size for block A + - 10000 # minimum size for block _ + - type: "TRA" # "A_" -> "_A" + number: 3 + min_length: + - 500 # minimum size for block A + - 5000 # minimum size for block _ + max_length: + - 1000 # maximum size for block A + - 10000 # maximum size for block _ + - type: "DEL" # "A" -> "" + number: 3 + min_length: 1000 # minimum size for block A + max_length: 10000 # maximum size for block A + - type: "DUP" + number: 3 + min_length: 1000 + max_length: 10000 + - type: "INV" + number: 3 + min_length: 1000 + max_length: 10000 + - type: "INS" + number: 3 + min_length: 1000 + max_length: 10000 + - type: "dupINVdup" # "ABC" -> "Ac'ba'C" + number: 3 + min_length: + - 500 # minimum size for block A + - 500 # minimum size for block B + - 500 # minimum size for block C + max_length: + - 1000 # maximum size for block A + - 1000 # maximum size for block B + - 1000 # maximum size for block C + - type: "delINVdup" + number: 3 + min_length: + - 500 + - 500 + - 500 + max_length: + - 1000 + - 1000 + - 1000 + - type: "dupINVdel" + number: 3 + min_length: + - 500 + - 500 + - 500 + max_length: + - 1000 + - 1000 + - 1000 + - type: "delINVdel" + number: 3 + min_length: + - 500 + - 500 + - 500 + max_length: + - 1000 + - 1000 + - 1000 + - type: "INVdel" # "AB" -> "b" + number: 3 + min_length: + - 500 # minimum size for block A + - 500 # minimum size for block B + max_length: + - 1000 # maximum size for block A + - 1000 # maximum size for block B + - type: "delINV" + number: 3 + min_length: + - 500 + - 500 + max_length: + - 1000 + - 1000 + - type: "dDUP_iDEL" # "A_B" -> "A_A'" + number: 3 + min_length: + - 500 # minimum size for block A + - 500 # minimum size for block B + - 5000 # minimum size for block _ + max_length: + - 1000 # maximum size for block A + - 1000 # maximum size for block B + - 10000 # maximum size for block _ + - type: "INS_iDEL" # "A_B" -> "_A'" + number: 3 + min_length: + - 500 + - 500 + - 5000 + max_length: + - 1000 + - 1000 + - 10000 + - type: "INVdup" # "A" -> "aa'" + number: 3 + min_length: + - 500 # minimum size for block A + max_length: + - 1000 # maximum size for block A + - type: "dup_INV" # "AB" -> "Aba'" + number: 3 + min_length: + - 500 # minimum size for block A + - 500 # minimum size for block B + max_length: + - 1000 # maximum size for block A + - 1000 # maximum size for block B + - type: "INV_dup" # "AB" -> "b'aB" + number: 3 + min_length: + - 500 + - 500 + max_length: + - 1000 + - 1000 + - type: "SNP" # "A" -> "A*" (for A of length 1) + number: 3 + - type: "DIVERGENCE" # "A" -> "A*" (for A of arbitrary length) + number: 3 + divergence_prob: 0.2 # optional parameter giving the probability that each base in the interval will be changed + min_length: + - 500 + max_length: + - 1000 +``` diff --git a/docs/sv_grammar.md b/docs/sv_grammar.md index cdf7e66..cbe3a7d 100644 --- a/docs/sv_grammar.md +++ b/docs/sv_grammar.md @@ -4,11 +4,9 @@ insilicoSV uses a grammatical notation to represent the various types of SVs tha ![Graphical representation of insilicoSV grammar](sample_imgs/fig.png) -The form of a given SV's transformation of the genome is represented with a grammatical notation that describes the mapping from input reference sequence to output synthetic donor sequence. With this notation, the reference sequence is given by a series of capital letters corresponding to the intervals affected by the SV, and the donor sequence is given by a transformation of those letters that reflects the ways in which the reference intervals are mutated by the SV. For example, a deletion-flanked inversion (delINV) is notated as AB $→$ b, in which the left side of the expression indicates the two reference intervals involved in the delINV and the right side indicates the donor sequence that will appear in place of AB, that is the inverted interval b (the lowercase indicating that B will appear inverted in the donor). Although SNPs are not considered to be a type of structural variant, we include them here as another valid event type for simulation (see [use cases](example_use_cases.md#example-1b---example-snp-specification) for usage examples). +The grammar represents unaltered reference intervals with capital letters and includes symbols to represent transformations of those intervals that appear in the output genome (see table below). For example, a deletion-flanked inversion (delINV) is notated as AB $→$ b, in which the left side of the expression indicates the two reference intervals involved in the delINV and the right side indicates the donor sequence that will appear in place of AB, that is the inverted interval b. Although SNPs are not considered to be a type of structural variant, we include them here as another valid event type for simulation (see [use cases](example_use_cases.md#example-1b---example-snp-specification) for usage examples). This grammar may be used to specify custom SVs, as shown in [this example](https://github.com/PopicLab/insilicoSV-dev/blob/develop/docs/example_use_cases.md#example-2---custom-svs). -A custom SV consists of a user-generated transformation with a source and target sequence of symbols. Some examples of a source would be ABC and A_B_C, while some examples of the target would be a'AB or A_b'Bc'_C. - -insilicoSV maps a random fragment of the reference to each of the symbols in the source and recompiles the affected region with the target. For instance, AB $→$ A would remove the fragment marked as symbol B. All symbols in the source sequence MUST be unique to create a one-to-one mapping between symbol and reference fragment. +insilicoSV maps a random fragment of the reference to each of the symbols in the source and reconsiles the affected region with the target. For instance, AB $→$ A would remove the fragment marked as symbol B. All symbols in the source sequence MUST be unique to create a one-to-one mapping between symbol and reference fragment. | Name | Symbol | Description | |------|--------|-------------| @@ -16,4 +14,5 @@ insilicoSV maps a random fragment of the reference to each of the symbols in the | Inversion | Any lowercase alphabetical letter | Indicates an inversion.
Ex. a transformation ABC $→$ abc will invert A, B, and C and organize the new fragments as denoted in the target | | Duplication | Original symbol followed by single quotation (') | An original symbol refers to the initial character used in the source sequence. *There can only be ONE original symbol for every unique character - all other copies, including those that are inverted, must have a duplication marking (').*
Ex. A transformation ABC $→$ ABA'c would duplicate A after B and invert the fragment C.| | Dispersion | Underscore (_) | Indicates a gap between the symbols surrounding it. Note that events may be simulated within a dispersion but not within other events. | +| Divergence | Asterisk (\*) | Indicates an interval in which some proportion of bases are changed. | | Insertions | Uppercase alphabetical letter | To add foreign, randomly-generated insertions, use a symbol not present in the source to the target sequence.
Ex. A_B $→$ A_BC inserts a randomly-generated sequence after the fragment indicated by symbol B| From bb25e6dfc3c2f13db8060efa3b53deccce983dae Mon Sep 17 00:00:00 2001 From: Chris Rohlicek <35237693+crohlicek@users.noreply.github.com> Date: Fri, 8 Dec 2023 12:43:18 -0500 Subject: [PATCH 34/44] Output bed update (#9) * removed usage of order in output bed format, and changed nth_sv to sv_id * removed unused code * adding back internal logic for order --- docs/input_guidelines.md | 6 +++--- insilicosv/constants.py | 2 -- insilicosv/processing.py | 14 ++++++-------- test/test_known_svs.py | 14 -------------- test/test_processing.py | 11 ++++------- 5 files changed, 13 insertions(+), 34 deletions(-) diff --git a/docs/input_guidelines.md b/docs/input_guidelines.md index 1d29bda..e9daec3 100644 --- a/docs/input_guidelines.md +++ b/docs/input_guidelines.md @@ -44,9 +44,9 @@ Each line/entry of the BED file describes a single SV component, which we descri 7. *event_type*: Describes the transformation made by the event, either an INS, DEL, INV, TRA, DUP, INVDUP, or INVTRA. 8. *event_size*: Size of the reference fragment impacted by the event 9. *zygosity*: {0/1, 1/0} = heterozygous, 1/1 = homozygous. insilicoSV gives each SV a 50% chance of being heterozygous or homozygous, and if the SV is heterozygous it is given a 50% chance of being placed on haplotype A or B. -10. *parent_sv*: Describes the parent SV the event is a component of (for instance, the INV record from a dupINVdup will have "dupINVdup" as its parent SV). If a custom SV was provided, the name becomes "source>target" -11. *nth_sv*: int, index to count each SV. All events of a SV belong in the same index. -12. *order*: int, for insertion-like operations such as TRA, INS, or DUP, the "order" index describes in which order events that target the same position were compiled. Events with INV and DEL operations have an order of 0. +10. *parent_sv*: Describes the parent SV the event is a component of, for instance "dupINVdup." If a custom SV was provided, the name becomes "source>target" +11. *sv_id*: int, index to count up each SV (note: not the events). All events of a SV belong in the same index. + Example BED file output are given below: ``` diff --git a/insilicosv/constants.py b/insilicosv/constants.py index 8838cb0..3eb6c9e 100644 --- a/insilicosv/constants.py +++ b/insilicosv/constants.py @@ -46,12 +46,10 @@ class Operations(Enum): UNDEFINED = "UNDEFINED" DIV = "DIV" - # list of operations corresponding to events that should have bed record with order > 0 NONZERO_ORDER_OPERATIONS = [Operations.TRA.value, Operations.INS.value, Operations.DUP.value, Operations.INVDUP.value, Operations.INVTRA.value, Operations.DIV.value] - class Zygosity(Enum): UNDEFINED = -1 HOMOZYGOUS = 1 diff --git a/insilicosv/processing.py b/insilicosv/processing.py index 897075e..eeb587e 100644 --- a/insilicosv/processing.py +++ b/insilicosv/processing.py @@ -96,7 +96,7 @@ def yaml_to_var_list(self): raise Exception("YAML File {} failed to be open".format(self.par_file)) self.postproc_config_dict() - def write_to_file(self, sv, bedfile, source_s, source_e, target_s, target_e, transform, event, nth_sv, order=0): + def write_to_file(self, sv, bedfile, source_s, source_e, target_s, target_e, transform, event, sv_id): assert (not event.symbol.startswith(Symbols.DIS.value)) if transform == Operations.INS.value: transform_length = event.length @@ -114,8 +114,7 @@ def write_to_file(self, sv, bedfile, source_s, source_e, target_s, target_e, tra str(transform_length), '%d/%d' % (int(sv.hap[0]), int(sv.hap[1])), sv.name, - str(nth_sv), - str(order)] + str(sv_id)] fout.write("\t".join(row) + "\n") @staticmethod @@ -189,7 +188,7 @@ def postprocess_record_params(sv, sv_record_info): else: ins_pos = None order = 0 - sv_record_info[src_sym]['order'] = order + # sv_record_info[src_sym]['order'] = order return sorted([params for params in sv_record_info.values()], key=lambda params: params['source_s']) def export_to_bedpe(self, svs, bedfile, ins_fasta=None, reset_file=True): @@ -197,15 +196,14 @@ def export_to_bedpe(self, svs, bedfile, ins_fasta=None, reset_file=True): utils.reset_file(bedfile) if ins_fasta: utils.reset_file(ins_fasta) - for nth_sv, sv in enumerate(svs): + for sv_id, sv in enumerate(svs): # SVs with multiple source events will be split into multiple bed records (one for each) if len(sv.events_dict) == 1: ev = list(sv.sv_blocks.target_events_dict.values())[0] if sv.type == Variant_Type.INS\ else list(sv.events_dict.values())[0] op = self.get_event_target_operation(ev.symbol, sv.sv_blocks.target_events_dict, sv.events_dict)[1] record_info = {'source_s': ev.start, 'source_e': ev.end, 'target_s': ev.start, 'target_e': ev.end, - 'transform': op, 'sv': sv, 'event': ev, 'bedfile': bedfile, 'nth_sv': nth_sv + 1, - 'order': int(op in NONZERO_ORDER_OPERATIONS)} + 'transform': op, 'sv': sv, 'event': ev, 'bedfile': bedfile, 'sv_id': sv_id + 1} self.write_to_file(**record_info) if op == Operations.INS.value: self.export_insertions(sv.start_chr, ev.start, ev.source_frag, ins_fasta) @@ -216,7 +214,7 @@ def export_to_bedpe(self, svs, bedfile, ins_fasta=None, reset_file=True): for ev in sv.events_dict.values(): if ev.symbol.startswith(Symbols.DIS.value): continue - sv_record_info[ev.symbol] = {'source_s': ev.start, 'source_e': ev.end, 'sv': sv, 'event': ev, 'bedfile': bedfile, 'nth_sv': nth_sv + 1} + sv_record_info[ev.symbol] = {'source_s': ev.start, 'source_e': ev.end, 'sv': sv, 'event': ev, 'bedfile': bedfile, 'sv_id': sv_id + 1} (target_s, target_e), operation = self.get_event_target_operation(ev.symbol, sv.sv_blocks.target_events_dict, sv.events_dict) sv_record_info[ev.symbol]['target_s'] = target_s sv_record_info[ev.symbol]['target_e'] = target_e diff --git a/test/test_known_svs.py b/test/test_known_svs.py index ba5c719..95a471f 100644 --- a/test/test_known_svs.py +++ b/test/test_known_svs.py @@ -168,20 +168,6 @@ def test_dispersion_events(self): self.helper_test_simple_sv(self.test_objects_dispersions['TRA'], ['GCCTCACTATTCCGT']) self.helper_test_simple_sv(self.test_objects_dispersions['multievent'], ['GACGGCCTACTATCACTATTCCGT']) - def test_get_original_pos(self): - for i in range(20): - self.assertTrue(utils.get_original_base_pos(self.test_vcf_simple_del, i, 'chr21') == i + (7 if i >= 2 else 0)) - self.assertTrue(utils.get_original_base_pos(self.test_vcf_simple_dup, i, 'chr21') == i - (7 if i >= 9 else 0)) - self.assertTrue(utils.get_original_base_pos(self.test_vcf_simple_inv, i, 'chr21') == (i if i < 2 or i >= 9 else 10 - i)) - self.assertTrue(utils.get_original_base_pos(self.test_vcf_del_dup, i, 'chr21') == i + (3 if 1 < i < 11 else 0)) - self.assertTrue(utils.get_original_base_pos(self.test_vcf_multidel, 1, 'chr21'), 1) - self.assertTrue(utils.get_original_base_pos(self.test_vcf_multidel, 9, 'chr21'), 11) - self.assertTrue(utils.get_original_base_pos(self.test_vcf_multidel, 13, 'chr21'), 17) - for i in range(20): - self.assertTrue(utils.get_original_base_pos(self.test_vcf_del_dup_2, i, 'chr21') == i + 2 * (i > 0) - 4 * (i > 5)) - self.assertTrue(utils.get_original_base_pos(self.test_vcf_del_dup_del, i, 'chr21') == i + 2 * (i > 0) - 4 * (i > 5) + 3 * (i > 10)) - self.assertTrue(utils.get_original_base_pos(self.test_vcf_del_inv_del, i, 'chr21') == ((9 - i) if 1 < i < 6 else (i + 2 * (i > 0) + 3 * (i > 6)))) - if __name__ == '__main__': unittest.main() diff --git a/test/test_processing.py b/test/test_processing.py index 732563d..30c3e18 100644 --- a/test/test_processing.py +++ b/test/test_processing.py @@ -18,7 +18,7 @@ def __init__(self, ref, par, hap1, hap2, bed, vcf): def extract_bed_records(self): # parse bed record into dict for easy comparison - # --> example split bed record: ['chr19', '0', '3', 'chr19', '0', '3', 'DEL', '3', '1/1', 'DEL', '1', '0'] + # --> example split bed record: ['chr19', '0', '3', 'chr19', '0', '3', 'DEL', '3', '1/1', 'DEL', '1'] bed_records = [] with open(self.bed) as f: for line in f: @@ -26,7 +26,7 @@ def extract_bed_records(self): bed_record = {'source_chr': ln[0], 'source_s': ln[1], 'source_e': ln[2], 'target_chr': ln[3], 'target_s': ln[4], 'target_e': ln[5], 'ev_type': ln[6], 'len': ln[7], 'zyg': ln[8], 'parent_type': ln[9], - 'nth_sv': ln[10], 'order': ln[11]} + 'sv_id': ln[10]} bed_records.append(bed_record) return bed_records @@ -369,10 +369,7 @@ def singleton_event_bed_tests(self, records, sv_type, chrom, len): self.assertTrue(all([record['source_chr'] == record['target_chr'] == chrom for record in records])) self.assertTrue(all([record['parent_type'] == sv_type for record in records])) self.assertTrue(all([record['len'] == len for record in records])) - self.assertTrue(all([record['nth_sv'] == '1' for record in records])) - self.assertTrue( - all([record['order'] == str(int(record['ev_type'] in constants.NONZERO_ORDER_OPERATIONS)) for record in - records])) + self.assertTrue(all([record['sv_id'] == '1' for record in records])) self.assertTrue(set([record['zyg'] for record in records]) in [{'1/1'}, {'0/1'}, {'1/0'}]) def singleton_event_vcf_tests(self, record, sv_type, chrom, possible_intervals, possible_targets=None): @@ -522,7 +519,7 @@ def test_export_bedpe_INVdup(self): def test_nth_sv_entry(self): records = self.initialize_test(self.test_objects_multievent, 'INVdup') for i in range(len(records)): - self.assertTrue(records[i]['nth_sv'] == str(i + 1)) + self.assertTrue(records[i]['sv_id'] == str(i + 1)) def test_export_vcf_simple_events(self): for sv_type in ['DEL', 'DUP', 'INV', 'INS']: From d141bab6a41a951238d1686e2640bc585f4b1081 Mon Sep 17 00:00:00 2001 From: Chris Rohlicek <35237693+crohlicek@users.noreply.github.com> Date: Fri, 8 Dec 2023 12:55:39 -0500 Subject: [PATCH 35/44] Config structure change (#10) * config now accepts min_lengths and max_lengths inputs of type list only * updated demo config to use lists for input sizes * example_use_cases.md updated with configs that use lists for input sizes * avoid_intervals moved to top level of confi * SVs config field replaces with variant_sets; related changes to docs and tests * clarified config file format * fix to old default stored for filter_small_chr * removal of forced HOM for div_dDUPs (a requirement for div. repeats) --------- Co-authored-by: Ilya Shlyakhter --- docs/example_sv_visualizations.md | 4 - docs/example_use_cases.md | 64 ++++--- docs/input_guidelines.md | 48 ++++-- insilicosv/constants.py | 3 +- insilicosv/processing.py | 16 +- insilicosv/simulate.py | 13 +- insilicosv/utils.py | 4 +- test/test_known_svs.py | 38 ++--- test/test_processing.py | 102 +++++------ test/test_simulate.py | 263 +++++++++++++++-------------- workflows/configs/demo_config.yaml | 14 +- 11 files changed, 286 insertions(+), 283 deletions(-) diff --git a/docs/example_sv_visualizations.md b/docs/example_sv_visualizations.md index 355a720..3c6f646 100644 --- a/docs/example_sv_visualizations.md +++ b/docs/example_sv_visualizations.md @@ -4,10 +4,6 @@ Below are IGV pileup images of each of the predefined SV types with short read a ### DEL A $→ ∅$ -<<<<<<< HEAD -<<<<<<< HEAD -======= ->>>>>>> develop ![DEL](sample_imgs/DEL_39373784_39375651.png) diff --git a/docs/example_use_cases.md b/docs/example_use_cases.md index f6728d1..704144c 100644 --- a/docs/example_use_cases.md +++ b/docs/example_use_cases.md @@ -7,15 +7,15 @@ To incorporate SVs from the predefined library of SV types, a configuration file # YAML config file sim_settings: reference: {path}/{to}/ref.fa -SVs: +variant_sets: - type: "INS" number: 10 - min_length: 5 - max_length: 10 + min_length: [5] + max_length: [10] - type: "INVdel" number: 2 - min_length: 5 - max_length: 10 + min_length: [5] + max_length: [10] - type: "dupINVdel" number: 1 min_length: @@ -34,7 +34,7 @@ This [summary config](summary_config.md) contains an example specifying the even ### Example 1b - Example SNP/INDEL specification SNPs and INDELs are supported by insilicoSV as well. Because SNPs are only a single base in length, they only need to be specified with `number` as in the example below: ```yaml -SVs: +variant_sets: - type: "SNP" number: 10 ``` @@ -46,7 +46,7 @@ Custom SVs can be specified by manually describing the desired variant with the # YAML config file sim_settings: reference: {path}/{to}/ref.fa -SVs: +variant_sets: - type: "Custom" source: AB_C_D target: bb'_AEc'_EDC @@ -85,7 +85,7 @@ To edit an input reference file with a known set of variants the user can provid # YAML config file sim_settings: reference: {path}/{to}/ref.fa -SVs: +variant_sets: - vcf_path: {path_to_vcf} ``` ``` @@ -97,12 +97,12 @@ When initializing a new simulation the user can include a list of banned genome ```yaml sim_settings: reference: {path}/{to}/ref.fa -SVs: - - avoid_intervals: "{path}/{to}/{banned_intervals}.vcf" +avoid_intervals: "{path}/{to}/{banned_intervals}.vcf" +variant_sets: - type: "DEL" number: 3 - min_length: 1000 - max_length: 10000 + min_length: [1000] + max_length: [10000] - type: "DUP" number: 3 ... @@ -120,20 +120,16 @@ sim_settings: reference: {path}/{to}/ref.fa overlap_events: bed: '/{path_to}/{candidate_overlap_events}.bed' -SVs: +variant_sets: - type: "DEL" number: 10 - min_length: - - 5 - max_length: - - 5 + min_length: [5] + max_length: [5] num_overlap: 5 - type: "DUP" number: 10 - min_length: - - 5 - max_length: - - 5 + min_length: [5] + max_length: [5] num_overlap: 2 ``` Multiple BED files can be given as input and their records will be combined and drawn from during SV placement (in this @@ -170,11 +166,11 @@ sim_settings: reference: {path}/{to}/ref.fa overlap_events: bed: '/{path_to}/{candidate_overlap_events}.bed' -SVs: +variant_sets: - type: "DEL" number: 10 - min_length: 500 - max_length: 1000 + min_length: [500] + max_length: [1000] num_alu_mediated: 5 ``` @@ -186,11 +182,11 @@ sim_settings: overlap_events: bed: ['/{path_to}/{candidate_overlap_events_1}.bed','/{path_to}/{candidate_overlap_events_2}.bed'] allow_types: ['L1HS', 'L1PA3'] -SVs: +variant_sets: - type: "DEL" number: 10 - min_length: 500 - max_length: 1000 + min_length: [500] + max_length: [1000] num_overlap: [3, 5] ``` By providing a list in the `num_overlap` field, each number given in the list will be interpreted as the desired overlap count for the corresponding entry in the `allow_types` list. As a result, any list given in the `num_overlap` field must be of the same length as the `allow_types` list. `0` is a valid entry in the `num_overlap` list, and are required if one wishes to only specify overlap counts for a subset of the element types given in `allow_types`. @@ -203,11 +199,11 @@ sim_settings: overlap_events: bed: ['/{path_to}/{candidate_overlap_events_1}.bed','/{path_to}/{candidate_overlap_events_2}.bed'] allow_types: ['L1HS', 'L1PA3'] -SVs: +variant_sets: - type: "DEL" number: 10 - min_length: 500 - max_length: 1000 + min_length: [500] + max_length: [1000] num_partial_overlap: [3, 5] ``` @@ -222,12 +218,10 @@ below (and if it is not provided it will be drawn uniformly from (0.5, 1.0)): ```yaml sim_settings: reference: {path}/{to}/ref.fa -SVs: +variant_sets: - type: "DIVERGENCE" number: 3 divergence_prob: 0.2 - min_length: - - 500 - max_length: - - 1000 + min_length: [500] + max_length: [1000] ``` diff --git a/docs/input_guidelines.md b/docs/input_guidelines.md index e9daec3..ef88442 100644 --- a/docs/input_guidelines.md +++ b/docs/input_guidelines.md @@ -2,13 +2,35 @@ insilicoSV takes in a yaml configuration file as input, which specifies the path to the input reference genome and information regarding the SVs that will be simulated. Following the simulation, it outputs two haplotype files, BED and VCF files describing the placement of the simulated SVs, a stats file, and a .fasta file containing any novel insertion sequences that were included in the simulation. ### Parameter File -The configuration yaml file specifies the path to the input reference genome as well as the SV type, range of lengths, and the number of SVs of each type to simulate. All configurations for SVs should be put under the "variant_sets" key (note: "SV" here includes SNPs and INDELs because while they are not technically types of SVs, they are treated in the same way by the simulator). For each SV, the following parameters are available: -1. *type*: str - insilicoSV supports a predefined list of SVs and allows users to enter a custom transformation. Either "Custom" or one of the 19 predefined SV types given in [SV grammar](https://github.com/PopicLab/insilicoSV-dev/blob/develop/docs/sv_grammar.md) should be entered. -2. *number*: int - describes how many of the specified SV type to simulate -3. *min_length*: int - If an SV only has a single reference interval then a single integer should be given for the min_length and max_length. If an SV has multiple reference intervals then multiple must be provided to min_length and max_length to specify the size ranges for each component of the SV. Each min_length / max_length entry is allocated to the SV reference intervals in lexicographical order (see [Example 2](https://github.com/PopicLab/insilicoSV-dev/blob/develop/docs/example_use_cases.md#example-2---custom-svs) for an illustration). -4. *max_length*: int - must be the same type as min_length, note that max_length >= min_length >= 0 for all elements in each -5. *source=None [optional]* - Source sequence for a custom SV, see below to find instructions on how to create a transformation -6. *target=None [optional]* - Target sequence for a custom SV, see below to find instructions on how to create a transformation +The configuration yaml file specifies simulation-wide settings (such as the reference genome) and a list of +variant sets to simulate. For each variant set, it specifies the variant type, the range of sizes for each variant part, and the number of variants to simulate. All configurations for variant sets should be put under the top-level "variant_sets" key. For example, the following configuration file defines two variant sets: + +```yaml +# YAML config file +sim_settings: + reference: {path}/{to}/ref.fa +variant_sets: + - type: "INS" + number: 10 + min_length: 5 + max_length: 10 + - type: "INVdel" + number: 2 + min_length: 5 + max_length: 10 +``` + +Further examples of configuration files can be found in the documentation section [Example Use Cases](example_use_cases.md). + +The following parameters can be given for each variant set. Each parameter is required unless otherwise specified. +1. *type*: str, the variant type. insilicoSV supports a predefined list of SV types and allows users to enter a custom transformation. Either "Custom" or one of the 19 predefined variant types named in the below table should be entered. +2. *number*: int, describes how many of the specified variant type to simulate for this variant set. +3. *min_length*: list, provides the minimum length for each variant part. SNPs, indels and simple SVs have a single part, while complex SVs +may have multiple parts; e.g. INVdel variants have two. The order of part lengths in the list must correspond to the alphabetical order +of part names used when defining the variant type; see [Example 2](https://github.com/PopicLab/insilicoSV-dev/blob/develop/docs/example_use_cases.md#example-2---custom-svs) for an illustration. List of length=1 should be provided for variants with a single source interval. +4. *max_length*: list, analogous to min_length. Must provide the same number of entries as min_length, note that max_length >= min_length >= 0 for all elements in each +5. *source=None [for variant sets of type Custom]*: Source sequence for a custom SV, see below to find instructions on how to create a transformation +6. *target=None [for variant sets of type Custom]*: Target sequence for a custom SV, see below to find instructions on how to create a transformation The following parameters can be set under the "sim_settings" key to change default configurations for the simulator: 1. *reference*: str - path to input reference used as template for simulation @@ -22,16 +44,8 @@ The following parameters can be set on the top level of the config file and prov 1. *avoid_intervals*: str - path to VCF containing intervals to be ignored during SV placement (see [example config](https://github.com/PopicLab/insilicoSV-dev/blob/develop/docs/example_use_cases.md#example-4---marking-banned-intervals-of-the-genome)) 2. *overlap_events*: str - path to BED file containing genome elements to be used for overlapping SV placement (see [example config](https://github.com/PopicLab/insilicoSV-dev/blob/develop/docs/example_use_cases.md#example-5---placing-events-at-known-repetitive-element-intervals)) -A basic example configuration file is given below, and examples of the full set of simulation options available through various config inputs can be found in the [example use cases](https://github.com/PopicLab/insilicoSV-dev/blob/develop/docs/example_use_cases.md) page. -```yaml -sim_settings: - reference: {path}/{to}/ref.fa -SVs: - - type: "DEL" - number: 3 - min_length: [1000] - max_length: [10000] -``` +Examples of the full set of simulation options available through various config inputs can be found in the [example use cases](https://github.com/PopicLab/insilicoSV-dev/blob/develop/docs/example_use_cases.md) page. + ### Output BED File Each line/entry of the BED file describes a single SV component, which we describe as an *event*, meant to indicate the fundamental mutation operators that compose in different ways to constitute SVs of different type. Each BED line will have the following parameters: diff --git a/insilicosv/constants.py b/insilicosv/constants.py index 3eb6c9e..10c4408 100644 --- a/insilicosv/constants.py +++ b/insilicosv/constants.py @@ -88,6 +88,5 @@ class Symbols(Enum): DEFAULT_CONFIG = {"sim_settings": {"max_tries": 100, "fail_if_placement_issues": False, "generate_log_file": False, - "filter_small_chr": True, "prioritize_top": False}, - "SVs": {}} + "variant_sets": {}} diff --git a/insilicosv/processing.py b/insilicosv/processing.py index eeb587e..54e3a58 100644 --- a/insilicosv/processing.py +++ b/insilicosv/processing.py @@ -20,7 +20,7 @@ def run_checks_randomized(config): """ check method for yaml given with SVs given for randomized placement on reference """ - config_svs = config['SVs'] + config_svs = config['variant_sets'] for config_sv in config_svs: if "avoid_intervals" in config_sv: continue @@ -45,7 +45,7 @@ def run_checks_randomized(config): for parameter in config['sim_settings']: if parameter not in valid_optional_par: raise Exception("\"{}\" is an invalid argument under sim_settings".format(parameter)) - valid_keys = ["sim_settings", "SVs", "overlap_events"] # valid arguments at the top level + valid_keys = ["sim_settings", "variant_sets", "overlap_events", "avoid_intervals"] # valid arguments at the top level for key in config: if key not in valid_keys: raise Exception("Unknown argument \"{}\"".format(key)) @@ -53,19 +53,21 @@ def run_checks_randomized(config): def postproc_config_dict(self): if 'sim_settings' not in self.config.keys(): raise Exception("Must include \'sim_settings\' sections specifying at least \'reference\' path") + if "filter_small_chr" in self.config.keys() and not isinstance(self.config["filter_small_chr"], int): + raise Exception("Must provide value of type int to \'filter_small_chr\'") if "reference" not in self.config["sim_settings"]: raise Exception("Must include reference FASTA file in \'reference\' field of \'sim_settings\'") elif self.config["sim_settings"]["reference"].split(".")[-1] not in ["fa", "fna", "fasta"]: raise Exception("Input reference must be of type .fa, .fna, or .fasta") - if "vcf_path" not in self.config["SVs"][0]: + if "vcf_path" not in self.config["variant_sets"][0]: self.run_checks_randomized(self.config) - for config_sv in self.config['SVs']: - if "avoid_intervals" in config_sv or "vcf_path" in config_sv: + for config_sv in self.config['variant_sets']: + if "vcf_path" in config_sv: continue # SV event length specification - not applicable for SNPs if config_sv["type"] != "SNP": - if isinstance(config_sv["min_length"], int): - config_sv["length_ranges"] = [(config_sv["min_length"], config_sv["max_length"])] + if not isinstance(config_sv["min_length"], list) or not isinstance(config_sv["max_length"], list): + raise Exception("Must provide entries of type list to \'min_length\' and \'max_length\'") else: config_sv["length_ranges"] = list(zip(config_sv["min_length"], config_sv["max_length"])) assert all(max_len >= min_len >= 0 for (min_len, max_len) in config_sv["length_ranges"]), "Max length must be >= min length for all SVs! Also ensure that all length values are >= 0." diff --git a/insilicosv/simulate.py b/insilicosv/simulate.py index c02d597..809f4f0 100644 --- a/insilicosv/simulate.py +++ b/insilicosv/simulate.py @@ -107,7 +107,7 @@ def __init__(self, par_file, log_file=None): config = self.formatter.config self.ref_file = config['sim_settings']['reference'] self.ref_fasta = FastaFile(self.ref_file) - self.svs_config = config['SVs'] + self.svs_config = config['variant_sets'] self.sim_settings = config['sim_settings'] if log_file and "generate_log_file" in self.sim_settings.keys(): @@ -138,10 +138,9 @@ def __init__(self, par_file, log_file=None): self.svs = [] self.event_ranges = defaultdict(list) - for d in self.svs_config: - if "avoid_intervals" in d: - # extract {chrom: [(start, end)]} intervals from vcf, add intervals from vcf to event range - self.extract_vcf_event_intervals(d["avoid_intervals"]) + if "avoid_intervals" in config: + # extract {chrom: [(start, end)]} intervals from vcf, add intervals from vcf to event range + self.extract_vcf_event_intervals(config["avoid_intervals"]) self.overlap_events = None if "overlap_events" not in config.keys() \ else utils.OverlapEvents(config, allow_chroms=self.order_ids) @@ -202,8 +201,6 @@ def initialize_svs(self): """ if self.mode == "randomized": for sv_config in self.svs_config: - if "avoid_intervals" in sv_config: - continue for num in range(sv_config["number"]): # logic for placing events at intervals given in overlap bed file: # for the first (sv_config["num_overlap"]) events, instantiate the SV at the next valid repeat elt interval @@ -229,7 +226,7 @@ def initialize_svs(self): div_prob=(None if 'divergence_prob' not in sv_config.keys() else sv_config['divergence_prob'])) # For divergent repeat simulation, need div_dDUP to be homozygous - if self.sim_settings.get("homozygous_only", False) or random.randint(0, 1) or sv.type == Variant_Type.div_dDUP: + if self.sim_settings.get("homozygous_only", False) or random.randint(0, 1): sv.ishomozygous = Zygosity.HOMOZYGOUS sv.hap = [True, True] else: diff --git a/insilicosv/utils.py b/insilicosv/utils.py index 649947b..70d7c1a 100644 --- a/insilicosv/utils.py +++ b/insilicosv/utils.py @@ -126,11 +126,11 @@ def __init__(self, config, allow_chroms=None): # optional list of Alu pairs to be used as flanking Alus for DELs/DUPs (to simulate Alu-mediated CNVs) # --> dict of form {SV_identifier: [(chrom_1, a_1, b_1), ..., (chrom_n, a_n, b_n)]} - self.alu_pairs = self.populate_alu_pairs(config['SVs']) + self.alu_pairs = self.populate_alu_pairs(config['variant_sets']) def get_num_overlap_counts(self, config): # populate nested dict of the form {sv type: {element type: num_overlap}} - for sv in config['SVs']: + for sv in config['variant_sets']: sv_config_key = get_sv_config_identifier(sv) # building separate counts dictionaries for complete overlaps, partial overlaps, and alu-mediated intervals for overlap_count, count_dict in [('num_overlap', self.svtype_overlap_counts), ('num_partial_overlap', self.svtype_partial_overlap_counts)]: diff --git a/test/test_known_svs.py b/test/test_known_svs.py index 95a471f..1c49adf 100644 --- a/test/test_known_svs.py +++ b/test/test_known_svs.py @@ -42,82 +42,82 @@ def setUp(self): self.test_objects_simple_events = {'DEL': TestObject([self.ref_file, {"chr21": "GCACTATCTCTCCGT"}], [self.par, {"sim_settings": {"reference": self.ref_file}, - "SVs": [{"vcf_path": self.test_vcf_simple_del}]}], + "variant_sets": [{"vcf_path": self.test_vcf_simple_del}]}], self.hap1, self.hap2, self.bed), 'DUP': TestObject([self.ref_file, {"chr21": "GCACTATCTCTCCGT"}], [self.par, {"sim_settings": {"reference": self.ref_file}, - "SVs": [{"vcf_path": self.test_vcf_simple_dup}]}], + "variant_sets": [{"vcf_path": self.test_vcf_simple_dup}]}], self.hap1, self.hap2, self.bed), 'INV': TestObject([self.ref_file, {"chr21": "GCACTATCTCTCCGT"}], [self.par, {"sim_settings": {"reference": self.ref_file}, - "SVs": [{"vcf_path": self.test_vcf_simple_inv}]}], + "variant_sets": [{"vcf_path": self.test_vcf_simple_inv}]}], self.hap1, self.hap2, self.bed), 'INS': TestObject([self.ref_file, {"chr21": "GCACTATCTCTCCGT"}], [self.par, {"sim_settings": {"reference": self.ref_file}, - "SVs": [{"vcf_path": self.test_vcf_simple_ins}]}], + "variant_sets": [{"vcf_path": self.test_vcf_simple_ins}]}], self.hap1, self.hap2, self.bed), 'INS_2': TestObject([self.ref_file, {"chr21": "GCACTATCTCTCCGT"}], [self.par, {"sim_settings": {"reference": self.ref_file}, - "SVs": [{"vcf_path": self.test_vcf_simple_ins_no_insseq}]}], + "variant_sets": [{"vcf_path": self.test_vcf_simple_ins_no_insseq}]}], self.hap1, self.hap2, self.bed), 'SNP': TestObject([self.ref_file, {"chr21": "GCACTATCTCTCCGT"}], [self.par, {"sim_settings": {"reference": self.ref_file}, - "SVs": [{"vcf_path": self.test_vcf_snp}]}], + "variant_sets": [{"vcf_path": self.test_vcf_snp}]}], self.hap1, self.hap2, self.bed), 'INVdup': TestObject([self.ref_file, {"chr21": "GCACTATCTCTCCGT"}], [self.par, {"sim_settings": {"reference": self.ref_file}, - "SVs": [{"vcf_path": self.test_vcf_invdup}]}], + "variant_sets": [{"vcf_path": self.test_vcf_invdup}]}], self.hap1, self.hap2, self.bed), } self.test_objects_multievent = {'multiDEL': TestObject([self.ref_file, {"chr21": "GCACTATCTCTCCGT"}], [self.par, {"sim_settings": {"reference": self.ref_file}, - "SVs": [{"vcf_path": self.test_vcf_multidel}]}], + "variant_sets": [{"vcf_path": self.test_vcf_multidel}]}], self.hap1, self.hap2, self.bed), 'del_ins': TestObject([self.ref_file, {"chr21": "GCACTATCTCTCCGT"}], [self.par, {"sim_settings": {"reference": self.ref_file}, - "SVs": [{"vcf_path": self.test_vcf_del_ins}]}], + "variant_sets": [{"vcf_path": self.test_vcf_del_ins}]}], self.hap1, self.hap2, self.bed), 'del_ins_del': TestObject([self.ref_file, {"chr21": "GCACTATCTCTCCGT"}], [self.par, {"sim_settings": {"reference": self.ref_file}, - "SVs": [{"vcf_path": self.test_vcf_del_ins_del}]}], + "variant_sets": [{"vcf_path": self.test_vcf_del_ins_del}]}], self.hap1, self.hap2, self.bed), 'del_dup_del': TestObject([self.ref_file, {"chr21": "GCACTATCTCTCCGT"}], [self.par, {"sim_settings": {"reference": self.ref_file}, - "SVs": [{"vcf_path": self.test_vcf_del_dup_del}]}], + "variant_sets": [{"vcf_path": self.test_vcf_del_dup_del}]}], self.hap1, self.hap2, self.bed), 'del_inv_del': TestObject([self.ref_file, {"chr21": "GCACTATCTCTCCGT"}], [self.par, {"sim_settings": {"reference": self.ref_file}, - "SVs": [{"vcf_path": self.test_vcf_del_inv_del}]}], + "variant_sets": [{"vcf_path": self.test_vcf_del_inv_del}]}], self.hap1, self.hap2, self.bed), 'dup_dup_ins': TestObject([self.ref_file, {"chr21": "GCACTATCTCTCCGT"}], [self.par, {"sim_settings": {"reference": self.ref_file}, - "SVs": [{"vcf_path": self.test_vcf_dup_dup_ins}]}], + "variant_sets": [{"vcf_path": self.test_vcf_dup_dup_ins}]}], self.hap1, self.hap2, self.bed), 'multiDEL_multiSNP': TestObject([self.ref_file, {"chr21": "GCACTATCTCTCCGT"}], [self.par, {"sim_settings": {"reference": self.ref_file}, - "SVs": [{"vcf_path": self.test_vcf_multidel_multisnp}]}], + "variant_sets": [{"vcf_path": self.test_vcf_multidel_multisnp}]}], self.hap1, self.hap2, self.bed), } self.test_objects_dispersions = {'div_dDUP': TestObject([self.ref_file, {"chr21": "GCACTATCTCTCCGT"}], [self.par, {"sim_settings": {"reference": self.ref_file}, - "SVs": [{"vcf_path": self.test_vcf_div_dDUP}]}], + "variant_sets": [{"vcf_path": self.test_vcf_div_dDUP}]}], self.hap1, self.hap2, self.bed), 'dDUP': TestObject([self.ref_file, {"chr21": "GCACTATCTCTCCGT"}], [self.par, {"sim_settings": {"reference": self.ref_file}, - "SVs": [{"vcf_path": self.test_vcf_dDUP}]}], + "variant_sets": [{"vcf_path": self.test_vcf_dDUP}]}], self.hap1, self.hap2, self.bed), 'INV_dDUP': TestObject([self.ref_file, {"chr21": "GCACTATCTCTCCGT"}], [self.par, {"sim_settings": {"reference": self.ref_file}, - "SVs": [{"vcf_path": self.test_vcf_INV_dDUP}]}], + "variant_sets": [{"vcf_path": self.test_vcf_INV_dDUP}]}], self.hap1, self.hap2, self.bed), 'TRA': TestObject([self.ref_file, {"chr21": "GCACTATCTCTCCGT"}], [self.par, {"sim_settings": {"reference": self.ref_file}, - "SVs": [{"vcf_path": self.test_vcf_TRA}]}], + "variant_sets": [{"vcf_path": self.test_vcf_TRA}]}], self.hap1, self.hap2, self.bed), 'multievent': TestObject([self.ref_file, {"chr21": "GCACTATCTCTCCGT"}], [self.par, {"sim_settings": {"reference": self.ref_file}, - "SVs": [{"vcf_path": self.test_vcf_multi_dispersion}]}], + "variant_sets": [{"vcf_path": self.test_vcf_multi_dispersion}]}], self.hap1, self.hap2, self.bed)} def helper_test_simple_sv(self, config_event_obj, target_frags=None): diff --git a/test/test_processing.py b/test/test_processing.py index 30c3e18..41b2b02 100644 --- a/test/test_processing.py +++ b/test/test_processing.py @@ -64,36 +64,36 @@ def setUp(self): self.test_objects_simple_events = {'DEL': TestProcObject([self.ref_file, {"chr19": "CTG"}], [self.par, {"sim_settings": {"reference": self.ref_file, "max_tries": 50, "prioritize_top": True}, - "SVs": [{"type": "DEL", "number": 1, - "max_length": 3, - "min_length": 3}]}], + "variant_sets": [{"type": "DEL", "number": 1, + "max_length": [3], + "min_length": [3]}]}], self.hap1, self.hap2, self.bed, self.vcf), 'DUP': TestProcObject([self.ref_file, {"chr19": "CTG"}], [self.par, {"sim_settings": {"reference": self.ref_file, "max_tries": 50, "prioritize_top": True}, - "SVs": [{"type": "DUP", "number": 1, - "max_length": 3, - "min_length": 3}]}], + "variant_sets": [{"type": "DUP", "number": 1, + "max_length": [3], + "min_length": [3]}]}], self.hap1, self.hap2, self.bed, self.vcf), 'INV': TestProcObject([self.ref_file, {"chr19": "CTG"}], [self.par, {"sim_settings": {"reference": self.ref_file, "max_tries": 50, "prioritize_top": True}, - "SVs": [{"type": "INV", "number": 1, - "max_length": 3, - "min_length": 3}]}], + "variant_sets": [{"type": "INV", "number": 1, + "max_length": [3], + "min_length": [3]}]}], self.hap1, self.hap2, self.bed, self.vcf), 'INS': TestProcObject([self.ref_file, {"chr19": "C"}], [self.par, {"sim_settings": {"reference": self.ref_file, "max_tries": 50, "prioritize_top": True}, - "SVs": [{"type": "INS", "number": 1, - "max_length": 3, - "min_length": 3}]}], + "variant_sets": [{"type": "INS", "number": 1, + "max_length": [3], + "min_length": [3]}]}], self.hap1, self.hap2, self.bed, self.vcf)} self.test_objects_flanked_inversions = {'dupINVdup': TestProcObject([self.ref_file, {"chr19": "ACTGTC"}], [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "dupINVdup", "number": 1, + "variant_sets": [{"type": "dupINVdup", "number": 1, "max_length": [2, 2, 2], "min_length": [2, 2, 2]}]}], self.hap1, self.hap2, self.bed, self.vcf), @@ -101,7 +101,7 @@ def setUp(self): [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "delINVdel", "number": 1, + "variant_sets": [{"type": "delINVdel", "number": 1, "max_length": [2, 2, 2], "min_length": [2, 2, 2]}]}], self.hap1, self.hap2, self.bed, self.vcf), @@ -109,7 +109,7 @@ def setUp(self): [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "dupINVdel", "number": 1, + "variant_sets": [{"type": "dupINVdel", "number": 1, "max_length": [2, 2, 2], "min_length": [2, 2, 2]}]}], self.hap1, self.hap2, self.bed, self.vcf), @@ -117,7 +117,7 @@ def setUp(self): [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "delINVdup", "number": 1, + "variant_sets": [{"type": "delINVdup", "number": 1, "max_length": [2, 2, 2], "min_length": [2, 2, 2]}]}], self.hap1, self.hap2, self.bed, self.vcf)} @@ -125,7 +125,7 @@ def setUp(self): [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "dDUP", "number": 1, + "variant_sets": [{"type": "dDUP", "number": 1, "max_length": [3, 3], "min_length": [3, 3]}]}], self.hap1, self.hap2, self.bed, self.vcf), @@ -133,7 +133,7 @@ def setUp(self): [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "INV_dDUP", "number": 1, + "variant_sets": [{"type": "INV_dDUP", "number": 1, "max_length": [3, 3], "min_length": [3, 3]}]}], self.hap1, self.hap2, self.bed, self.vcf), @@ -141,7 +141,7 @@ def setUp(self): [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "TRA", "number": 1, + "variant_sets": [{"type": "TRA", "number": 1, "max_length": [3, 3], "min_length": [3, 3]}]}], self.hap1, self.hap2, self.bed, self.vcf)} @@ -149,7 +149,7 @@ def setUp(self): [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "delINV", "number": 1, + "variant_sets": [{"type": "delINV", "number": 1, "max_length": [3, 3], "min_length": [3, 3]}]}], self.hap1, self.hap2, self.bed, self.vcf), @@ -157,7 +157,7 @@ def setUp(self): [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "INVdel", "number": 1, + "variant_sets": [{"type": "INVdel", "number": 1, "max_length": [3, 3], "min_length": [3, 3]}]}], self.hap1, self.hap2, self.bed, self.vcf)} @@ -165,7 +165,7 @@ def setUp(self): [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "dDUP_iDEL", "number": 1, + "variant_sets": [{"type": "dDUP_iDEL", "number": 1, "max_length": [3, 3, 2], "min_length": [3, 3, 2]}]}], self.hap1, self.hap2, self.bed, self.vcf), @@ -173,7 +173,7 @@ def setUp(self): [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "INS_iDEL", "number": 1, + "variant_sets": [{"type": "INS_iDEL", "number": 1, "max_length": [3, 3, 2], "min_length": [3, 3, 2]}]}], self.hap1, self.hap2, self.bed, self.vcf)} @@ -181,7 +181,7 @@ def setUp(self): [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "dup_INV", "number": 1, + "variant_sets": [{"type": "dup_INV", "number": 1, "max_length": [4, 4], "min_length": [4, 4]}]}], self.hap1, self.hap2, self.bed, self.vcf), @@ -189,7 +189,7 @@ def setUp(self): [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "INV_dup", "number": 1, + "variant_sets": [{"type": "INV_dup", "number": 1, "max_length": [4, 4], "min_length": [4, 4]}]}], self.hap1, self.hap2, self.bed, self.vcf)} @@ -197,17 +197,17 @@ def setUp(self): [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "INVdup", "number": 1, - "max_length": 4, - "min_length": 4}]}], + "variant_sets": [{"type": "INVdup", "number": 1, + "max_length": [4], + "min_length": [4]}]}], self.hap1, self.hap2, self.bed, self.vcf)} self.test_objects_multievent = {'INVdup': TestProcObject([self.ref_file, {"chr19": "ACTGCTAATGCGTTCACTGCTAATGCGTTC"}], [self.par, {"sim_settings": {"reference": self.ref_file, "max_tries": 200, "prioritize_top": True}, - "SVs": [{"type": "INVdup", "number": 3, - "max_length": 4, - "min_length": 2}]}], + "variant_sets": [{"type": "INVdup", "number": 3, + "max_length": [4], + "min_length": [2]}]}], self.hap1, self.hap2, self.bed, self.vcf)} self.test_objects_overlap_simple = {'overlap1': TestProcObject([self.ref_file, {"chr21": "CTCCGTCGTACTAAGTCGTACTCCGTCGTACTAAGTCGTA"}], [self.par, {"sim_settings": {"reference": self.ref_file, @@ -216,8 +216,8 @@ def setUp(self): "overlap_events": { "bed": [self.test_overlap_bed, self.test_overlap_bed_2], "allow_types": ["L1HS", "ALR/Alpha"]}, - "SVs": [{"type": "DEL", "number": 5, - "min_length": 1, "max_length": 5, + "variant_sets": [{"type": "DEL", "number": 5, + "min_length": [1], "max_length": [5], "num_overlap": [2, 1]}]}], self.hap1, self.hap2, self.bed, self.vcf), 'overlap2': TestProcObject([self.ref_file, {"chr21": "CTCCGTCGTACTAAGTCGTACTCCGTCGTACTAAGTCGTA"}], @@ -226,8 +226,8 @@ def setUp(self): "overlap_events": { "bed": [self.test_overlap_bed, self.test_overlap_bed_2], "allow_types": ["L1HS", "ALR/Alpha"]}, - "SVs": [{"type": "DEL", "number": 4, - "min_length": 1, "max_length": 5, + "variant_sets": [{"type": "DEL", "number": 4, + "min_length": [1], "max_length": [5], "num_overlap": [3, 1]}]}], self.hap1, self.hap2, self.bed, self.vcf), 'overlap3': TestProcObject([self.ref_file, {"chr21": "CTCCGTCGTACTAAGTCGTACTCCGTCGTACTAAGTCGTA"}], @@ -237,8 +237,8 @@ def setUp(self): "overlap_events": { "bed": [self.test_overlap_bed, self.test_overlap_bed_2], "allow_types": ["L1", "ALR"]}, - "SVs": [{"type": "DEL", "number": 5, - "min_length": 1, "max_length": 5, + "variant_sets": [{"type": "DEL", "number": 5, + "min_length": [1], "max_length": [5], "num_overlap": [3, 2]}]}], self.hap1, self.hap2, self.bed, self.vcf), 'overlap4': TestProcObject([self.ref_file, {"chr21": "CTCCGTCGTACTAAGTCGTACTCCGTCGTACTAAGTCGTA"}], @@ -248,8 +248,8 @@ def setUp(self): "overlap_events": { "bed": [self.test_overlap_bed, self.test_overlap_bed_2], "allow_types": "L1"}, - "SVs": [{"type": "DEL", "number": 5, - "min_length": 1, "max_length": 5, + "variant_sets": [{"type": "DEL", "number": 5, + "min_length": [1], "max_length": [5], "num_overlap": 2}]}], self.hap1, self.hap2, self.bed, self.vcf), 'overlap5': TestProcObject([self.ref_file, {"chr21": "CTCCGTCGTACTAAGTCGTACTCCGTCGTACTAAGTCGTA"}], @@ -259,8 +259,8 @@ def setUp(self): "overlap_events": { "bed": self.test_overlap_bed_3, "allow_types": "ALR"}, - "SVs": [{"type": "DEL", "number": 5, - "min_length": 1, "max_length": 5, + "variant_sets": [{"type": "DEL", "number": 5, + "min_length": [1], "max_length": [5], "num_overlap": 2}]}], self.hap1, self.hap2, self.bed, self.vcf), 'overlap6': TestProcObject([self.ref_file, {"chr21": "CCTCCGTCGTACTAAGTCGTACTAAGTCGTACTCCGTCGTACTAAGTCGTATCCGTCGTACTAAGTCGTACTAAGTCGTACTCCGTCGTACTAAGTCGTA"}], @@ -269,11 +269,11 @@ def setUp(self): "fail_if_placement_issues": True}, "overlap_events": {"bed": self.test_overlap_bed_11, "allow_types": ['Alu', 'L1', 'L2', 'SVA', 'HERVK']}, - "SVs": [{"type": "DEL", "number": 5, - "min_length": 2, "max_length": 4, + "variant_sets": [{"type": "DEL", "number": 5, + "min_length": [2], "max_length": [4], "num_overlap": [1, 1, 1, 1, 1]}, {"type": "DEL", "number": 5, - "min_length": 6, "max_length": 8, + "min_length": [6], "max_length": [8], "num_overlap": [1, 1, 1, 1, 1]}]}], self.hap1, self.hap2, self.bed, self.vcf), 'overlap7': TestProcObject([self.ref_file, {"chr21": "CCTCCGTCGTACTAAGTCGTACTAAGTCGTACTCCGTCGTACTAAGTCGTATCCGTCGTACTAAGTCGTACTAAGTCGTACTCCGTCGTACTAAGTCGTA"}], @@ -282,11 +282,11 @@ def setUp(self): "fail_if_placement_issues": True}, "overlap_events": {"bed": self.test_overlap_bed_11, "allow_types": ['Alu', 'L1', 'L2', 'SVA', 'HERVK']}, - "SVs": [{"type": "DEL", "number": 5, - "min_length": 1, "max_length": 1, + "variant_sets": [{"type": "DEL", "number": 5, + "min_length": [1], "max_length": [1], "num_partial_overlap": [1, 1, 1, 1, 1]}, {"type": "DEL", "number": 5, - "min_length": 2, "max_length": 2, + "min_length": [2], "max_length": [2], "num_partial_overlap": [1, 1, 1, 1, 1]}]}], self.hap1, self.hap2, self.bed, self.vcf), 'overlap8': TestProcObject([self.ref_file, {"chr21": "CCTCCGTCGTACTAAGTCGTACTAAGTCGTACTCCGTCGTACTAAGTCGTATCCGTCGTACTAAGTCGTACTAAGTCGTACTCCGTCGTACTAAGTCGTA"}], @@ -295,7 +295,7 @@ def setUp(self): "fail_if_placement_issues": True}, "overlap_events": {"bed": self.test_overlap_bed_11, "allow_types": ['Alu', 'L1', 'L2', 'SVA', 'HERVK']}, - "SVs": [{"type": "dDUP", "number": 5, + "variant_sets": [{"type": "dDUP", "number": 5, "min_length": [2, 1], "max_length": [4, 1], "num_overlap": [1, 1, 1, 1, 1]}, {"type": "dDUP", "number": 5, @@ -308,7 +308,7 @@ def setUp(self): "fail_if_placement_issues": True}, "overlap_events": {"bed": self.test_overlap_bed_11, "allow_types": ['Alu', 'L1', 'L2', 'SVA', 'HERVK']}, - "SVs": [{"type": "dDUP", "number": 5, + "variant_sets": [{"type": "dDUP", "number": 5, "min_length": [1, 1], "max_length": [1, 1], "num_partial_overlap": [1, 1, 1, 1, 1]}, {"type": "dDUP", "number": 5, @@ -321,8 +321,8 @@ def setUp(self): "prioritize_top": True, "fail_if_placement_issues": True}, "overlap_events": {"bed": self.test_overlap_bed_4}, - "SVs": [{"type": "DEL", "number": 1, - "min_length": 13, "max_length": 15, + "variant_sets": [{"type": "DEL", "number": 1, + "min_length": [13], "max_length": [15], "num_alu_mediated": 1}]}], self.hap1, self.hap2, self.bed, self.vcf)} diff --git a/test/test_simulate.py b/test/test_simulate.py index d23e56f..0ab343a 100644 --- a/test/test_simulate.py +++ b/test/test_simulate.py @@ -91,119 +91,120 @@ def setUp(self): self.test_overlap_bed_13 = "test/inputs/example_overlap_events_13.bed" self.test_objects_no_dis = [TestObject([self.ref_file, {"Chromosome19": "CTCCGTCGTACTAGACAGCTCCCGACAGAGCACTGGTGTCTTGTTTCTTTAAACACCAGTATTTAGATGCACTATCTCTCCGT"}], - [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "SVs": [ - {"type": "delINVdup", "number": 1, "max_length": 5, - "min_length": 5}]}], + [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "variant_sets": [ + {"type": "delINVdup", "number": 1, "max_length": [5], + "min_length": [5]}]}], self.hap1, self.hap2, self.bed), TestObject([self.ref_file, {"Chromosome19": "CTCCGTCGTACTAGACAGCTCCCGACAGAGCACTGGTGTCTTGTTTCTTTAAACACCAGTATTTAGATGCACTATCTCTCCGT"}], - [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "SVs": [ - {"type": "delINVdup", "number": 1, "max_length": 5, "min_length": 5}, - {"type": "delINVdel", "number": 1, "min_length": 5, "max_length": 5}, - {"type": "dupINVdup", "number": 1, "min_length": 5, "max_length": 5} + [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "variant_sets": [ + {"type": "delINVdup", "number": 1, "max_length": [5], "min_length": [5]}, + {"type": "delINVdel", "number": 1, "min_length": [5], "max_length": [5]}, + {"type": "dupINVdup", "number": 1, "min_length": [5], "max_length": [5]} ]}], self.hap1, self.hap2, self.bed), TestObject([self.ref_file, {"Chromosome19": "CTCCGTCGTACTAGACAGCTCCCGAGTCAGGGAGCAAAAAAGTGTGACACTAGTCCACAGGTGAGAAACACAAATATTCAGAGCACTGGTGTCTTGTTTCTTTAAACACCAGTATTTAGATGCACTATCTCTCCGT"}], - [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "SVs": [ - {"type": "dupINVdel", "number": 1, "max_length": 5, "min_length": 5}, - {"type": "delINV", "number": 1, "min_length": 5, "max_length": 5}, - {"type": "INVdel", "number": 1, "min_length": 5, "max_length": 5} + [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "variant_sets": [ + {"type": "dupINVdel", "number": 1, "max_length": [5], "min_length": [5]}, + {"type": "delINV", "number": 1, "min_length": [5], "max_length": [5]}, + {"type": "INVdel", "number": 1, "min_length": [5], "max_length": [5]} ]}], self.hap1, self.hap2, self.bed), TestObject([self.ref_file, {"Chromosome19": "ACACTAGTCCACAGGTGAGAATCTTGTTTCTTTAAACACCAGTATTTAGATGCACTATCTCTCCGT"}], - [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "SVs": [ - {"type": "dup_INV", "number": 1, "max_length": 5, "min_length": 5}, - {"type": "INV_dup", "number": 1, "min_length": 5, "max_length": 5} + [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "variant_sets": [ + {"type": "dup_INV", "number": 1, "max_length": [5], "min_length": [5]}, + {"type": "INV_dup", "number": 1, "min_length": [5], "max_length": [5]} ]}], self.hap1, self.hap2, self.bed), TestObject([self.ref_file, {"chr19": "CTCCGTCGTACTAGACAGCTCCCGACAGAGCACTGGTGTCTTGTTTCTTTAAACACCAGTATTTAGATGCACTATCTCTCCGT"}], - [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "SVs": [ - {"type": "delINVdup", "number": 1, "max_length": 5, "min_length": 5}, - {"avoid_intervals": "test/inputs/example_avoid_interval.vcf"}]}], + [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, + "avoid_intervals": "test/inputs/example_avoid_interval.vcf", + "variant_sets": [{"type": "delINVdup", "number": 1, + "max_length": [5], "min_length": [5]}]}], self.hap1, self.hap2, self.bed), # small ref for testing three-part events TestObject([self.ref_file, {"Chromosome19": "CTCCGT"}], - [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "SVs": [ + [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "variant_sets": [ {"type": "dupINVdup", "number": 1, - "min_length": {2, 2, 2}, - "max_length": {2, 2, 2}}]}], + "min_length": [2, 2, 2], + "max_length": [2, 2, 2]}]}], self.hap1, self.hap2, self.bed), TestObject([self.ref_file, {"Chromosome19": "CTCCGT"}], - [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "SVs": [ + [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "variant_sets": [ {"type": "delINVdel", "number": 1, - "min_length": {2, 2, 2}, - "max_length": {2, 2, 2}}]}], + "min_length": [2, 2, 2], + "max_length": [2, 2, 2]}]}], self.hap1, self.hap2, self.bed), TestObject([self.ref_file, {"Chromosome19": "CTCCGT"}], - [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "SVs": [ + [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "variant_sets": [ {"type": "delINVdup", "number": 1, - "min_length": {2, 2, 2}, - "max_length": {2, 2, 2}}]}], + "min_length": [2, 2, 2], + "max_length": [2, 2, 2]}]}], self.hap1, self.hap2, self.bed), TestObject([self.ref_file, {"Chromosome19": "CTCCGT"}], - [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "SVs": [ + [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "variant_sets": [ {"type": "dupINVdel", "number": 1, - "min_length": {2, 2, 2}, - "max_length": {2, 2, 2}}]}], + "min_length": [2, 2, 2], + "max_length": [2, 2, 2]}]}], self.hap1, self.hap2, self.bed), # objects for delINV and INVdel TestObject([self.ref_file, {"Chromosome19": "CTCCGT"}], - [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "SVs": [ + [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "variant_sets": [ {"type": "delINV", "number": 1, - "min_length": {3, 3}, - "max_length": {3, 3}}]}], + "min_length": [3, 3], + "max_length": [3, 3]}]}], self.hap1, self.hap2, self.bed), TestObject([self.ref_file, {"Chromosome19": "CTCCGT"}], - [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "SVs": [ + [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "variant_sets": [ {"type": "INVdel", "number": 1, - "min_length": {3, 3}, - "max_length": {3, 3}}]}], + "min_length": [3, 3], + "max_length": [3, 3]}]}], self.hap1, self.hap2, self.bed), # object for inverted duplication TestObject([self.ref_file, {"Chromosome19": "CGT"}], - [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "SVs": [ + [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "variant_sets": [ {"type": "INVdup", "number": 1, - "min_length": 3, - "max_length": 3}]}], + "min_length": [3], + "max_length": [3]}]}], self.hap1, self.hap2, self.bed) ] # test objects for bidirectional tests self.test_dispersion_objects = [TestObject([self.ref_file, {"Chromosome19": "CT"}], - [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "SVs": [ + [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "variant_sets": [ {"type": "TRA", "number": 1, "min_length": [1, 1], "max_length": [1, 1]}]}], self.hap1, self.hap2, self.bed), TestObject([self.ref_file, {"Chromosome19": "CT"}], - [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "SVs": [ + [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "variant_sets": [ {"type": "dDUP", "number": 1, "min_length": [1, 1], "max_length": [1, 1]}]}], self.hap1, self.hap2, self.bed), TestObject([self.ref_file, {"Chromosome19": "CT"}], - [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "SVs": [ + [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "variant_sets": [ {"type": "INV_dDUP", "number": 1, "min_length": [1, 1], "max_length": [1, 1]}]}], self.hap1, self.hap2, self.bed), TestObject([self.ref_file, {"Chromosome19": "CTG"}], - [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "SVs": [ + [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "variant_sets": [ {"type": "dDUP_iDEL", "number": 1, "min_length": [1, 1, 1], "max_length": [1, 1, 1]}]}], self.hap1, self.hap2, self.bed), TestObject([self.ref_file, {"Chromosome19": "CTG"}], - [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "SVs": [ + [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "variant_sets": [ {"type": "INS_iDEL", "number": 1, "min_length": [1, 1, 1], @@ -211,72 +212,72 @@ def setUp(self): self.hap1, self.hap2, self.bed) ] self.test_objects_ins = [TestObject([self.ref_file, {"Chromosome19": "CTCCGTCGTACTAGACAGCTCCCGACAGAGCACTGGTGTCTTGTTTCTTTAAACACCAGTATTTAGATGCACTATCTCTCCGT"}], - [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "SVs": [ - {"type": "INS", "number": 1, "min_length": 5, "max_length": 5}, - {"type": "delINV", "number": 1, "min_length": 5, "max_length": 5}, - {"type": "INS", "number": 1, "min_length": 5, "max_length": 5}]}], + [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "variant_sets": [ + {"type": "INS", "number": 1, "min_length": [5], "max_length": [5]}, + {"type": "delINV", "number": 1, "min_length": [5], "max_length": [5]}, + {"type": "INS", "number": 1, "min_length": [5], "max_length": [5]}]}], self.hap1, self.hap2, self.bed)] # --------- simple event test objects ----------- self.test_objects_simple_dels = [TestObject([self.ref_file, {"Chromosome19": "CACTATCTCTCCGAT"}], [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "DEL", "number": 1, - "min_length": 13, "max_length": 13}]}], + "variant_sets": [{"type": "DEL", "number": 1, + "min_length": [13], "max_length": [13]}]}], self.hap1, self.hap2, self.bed), TestObject([self.ref_file, {"Chromosome19": "CACTATCTCTCCGAT"}], [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "DEL", "number": 1, - "min_length": 14, "max_length": 14}]}], + "variant_sets": [{"type": "DEL", "number": 1, + "min_length": [14], "max_length": [14]}]}], self.hap1, self.hap2, self.bed)] self.test_objects_simple_dups = [TestObject([self.ref_file, {"Chromosome19": "CA"}], [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "DUP", "number": 1, - "min_length": 2, "max_length": 2}]}], + "variant_sets": [{"type": "DUP", "number": 1, + "min_length": [2], "max_length": [2]}]}], self.hap1, self.hap2, self.bed), TestObject([self.ref_file, {"Chromosome19": "CAT"}], [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "DUP", "number": 1, - "min_length": 2, "max_length": 2}]}], + "variant_sets": [{"type": "DUP", "number": 1, + "min_length": [2], "max_length": [2]}]}], self.hap1, self.hap2, self.bed), TestObject([self.ref_file, {"Chromosome19": "C"}], [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "DUP", "number": 1, - "min_length": 1, "max_length": 1}]}], + "variant_sets": [{"type": "DUP", "number": 1, + "min_length": [1], "max_length": [1]}]}], self.hap1, self.hap2, self.bed)] self.test_objects_simple_inss = [TestObject([self.ref_file, {"Chromosome19": "CA"}], [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "INS", "number": 1, - "min_length": 5, "max_length": 5}]}], + "variant_sets": [{"type": "INS", "number": 1, + "min_length": [5], "max_length": [5]}]}], self.hap1, self.hap2, self.bed)] self.test_objects_simple_invs = [TestObject([self.ref_file, {"Chromosome19": "CA"}], [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "INV", "number": 1, - "min_length": 2, "max_length": 2}]}], + "variant_sets": [{"type": "INV", "number": 1, + "min_length": [2], "max_length": [2]}]}], self.hap1, self.hap2, self.bed), TestObject([self.ref_file, {"Chromosome19": "C"}], [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "INV", "number": 1, - "min_length": 1, "max_length": 1}]}], + "variant_sets": [{"type": "INV", "number": 1, + "min_length": [1], "max_length": [1]}]}], self.hap1, self.hap2, self.bed)] # ---------- test objects for overlap-aware event placement ------------ self.test_objects_overlap_simple = [TestObject([self.ref_file, {"chr21": "CTCCGTCGTA"}], [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "overlap_events": {"bed": self.test_overlap_bed}, - "SVs": [{"type": "DEL", "number": 1, - "min_length": 2, "max_length": 2, + "variant_sets": [{"type": "DEL", "number": 1, + "min_length": [2], "max_length": [2], "num_overlap": 1}]}], self.hap1, self.hap2, self.bed), TestObject([self.ref_file, {"chr21": "CTCCGTCGTA"}], [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "overlap_events": {"bed": self.test_overlap_bed}, - "SVs": [{"type": "DUP", "number": 1, - "min_length": 2, "max_length": 2, + "variant_sets": [{"type": "DUP", "number": 1, + "min_length": [2], "max_length": [2], "num_overlap": 1}, {"type": "INV", "number": 1, - "min_length": 2, "max_length": 2, + "min_length": [2], "max_length": [2], "num_overlap": 1}]}], self.hap1, self.hap2, self.bed), # combine two input files, filter all but one event by type @@ -284,16 +285,16 @@ def setUp(self): [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "overlap_events": {"bed": [self.test_overlap_bed, self.test_overlap_bed_2], "allow_types": ["L1PA15"]}, - "SVs": [{"type": "DEL", "number": 1, - "min_length": 2, "max_length": 5, + "variant_sets": [{"type": "DEL", "number": 1, + "min_length": [2], "max_length": [5], "num_overlap": 1}]}], self.hap1, self.hap2, self.bed), # combine two input files, filter all by length TestObject([self.ref_file, {"chr21": "CTCCGTCGTACTAAGTCGTA"}], [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "overlap_events": {"bed": [self.test_overlap_bed, self.test_overlap_bed_2]}, - "SVs": [{"type": "DEL", "number": 1, - "min_length": 10, "max_length": 10, + "variant_sets": [{"type": "DEL", "number": 1, + "min_length": [10], "max_length": [10], "num_overlap": 1}]}], self.hap1, self.hap2, self.bed), # combine two input files, filter all by chromosome @@ -301,8 +302,8 @@ def setUp(self): [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "overlap_events": { "bed": [self.test_overlap_bed, self.test_overlap_bed_2]}, - "SVs": [{"type": "DEL", "number": 1, - "min_length": 10, "max_length": 10, + "variant_sets": [{"type": "DEL", "number": 1, + "min_length": [10], "max_length": [10], "num_overlap": 1}]}], self.hap1, self.hap2, self.bed), # type-specific num_overlap params @@ -311,8 +312,8 @@ def setUp(self): "overlap_events": { "bed": [self.test_overlap_bed, self.test_overlap_bed_2], "allow_types": ["L1HS", "ALR/Alpha"]}, - "SVs": [{"type": "DEL", "number": 4, - "min_length": 1, "max_length": 10, + "variant_sets": [{"type": "DEL", "number": 4, + "min_length": [1], "max_length": [10], "num_overlap": [2, 1]}]}], self.hap1, self.hap2, self.bed), # type-specific num_overlap param > num available (ALR) @@ -321,19 +322,19 @@ def setUp(self): "overlap_events": { "bed": [self.test_overlap_bed, self.test_overlap_bed_2], "allow_types": ["L1HS", "ALR/Alpha"]}, - "SVs": [{"type": "DEL", "number": 5, - "min_length": 1, "max_length": 5, + "variant_sets": [{"type": "DEL", "number": 5, + "min_length": [1], "max_length": [5], "num_overlap": [2, 3]}]}], self.hap1, self.hap2, self.bed), TestObject([self.ref_file, {"chr21": "CCTCCGTCGTACTAAGTCGTACTAAGTCGTACTCCGTCGTACTAAGTCGTATCCGTCGTACTAAGTCGTACTAAGTCGTACTCCGTCGTACTAAGTCGTA"}], [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "overlap_events": {"bed": self.test_overlap_bed_11, "allow_types": ['Alu', 'L1', 'L2', 'SVA', 'HERVK']}, - "SVs": [{"type": "DEL", "number": 5, - "min_length": 2, "max_length": 4, + "variant_sets": [{"type": "DEL", "number": 5, + "min_length": [2], "max_length": [4], "num_overlap": [1, 1, 1, 1, 1]}, {"type": "DEL", "number": 5, - "min_length": 6, "max_length": 8, + "min_length": [6], "max_length": [8], "num_overlap": [1, 1, 1, 1, 1]} ]}], self.hap1, self.hap2, self.bed) @@ -342,7 +343,7 @@ def setUp(self): [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "overlap_events": {"bed": [self.test_overlap_bed, self.test_overlap_bed_2], "allow_types": ["L1HS"]}, - "SVs": [{"type": "dDUP", "number": 1, + "variant_sets": [{"type": "dDUP", "number": 1, "min_length": [2, 1], "max_length": [2, 1], "num_overlap": 1}]}], @@ -352,7 +353,7 @@ def setUp(self): "overlap_events": { "bed": [self.test_overlap_bed, self.test_overlap_bed_2], "allow_types": ["L1HS", "AluSz6"]}, - "SVs": [{"type": "TRA", "number": 1, + "variant_sets": [{"type": "TRA", "number": 1, "min_length": [4, 1], "max_length": [6, 1], "num_overlap": 1}, @@ -365,7 +366,7 @@ def setUp(self): TestObject([self.ref_file, {"chr21": "CTCCGTCGTACTAAGTCGTACTCCGTCGTACTAAGTCGTA"}], [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "overlap_events": {"bed": self.test_overlap_bed_2}, - "SVs": [{"type": "delINVdel", "number": 1, + "variant_sets": [{"type": "delINVdel", "number": 1, "min_length": [3, 3, 3], "max_length": [3, 3, 3], "num_overlap": 1}]}], @@ -373,7 +374,7 @@ def setUp(self): TestObject([self.ref_file, {"chr21": "CTCCGTCGTACTAAGTCGTACTCCGTCGTACTAAGTCGTA"}], [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "overlap_events": {"bed": self.test_overlap_bed_10}, - "SVs": [{"type": "delINV", "number": 1, + "variant_sets": [{"type": "delINV", "number": 1, "min_length": [3, 3], "max_length": [3, 3], "num_overlap": 1}, @@ -386,7 +387,7 @@ def setUp(self): TestObject([self.ref_file, {"chr21": "CTCCGTCGTACTAAGTCGTACTCCGTCGTACTAAGTCGTA"}], [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, "overlap_events": {"bed": self.test_overlap_bed_13}, - "SVs": [{"type": "delINVdel", "number": 1, + "variant_sets": [{"type": "delINVdel", "number": 1, "min_length": [3, 3, 3], "max_length": [3, 3, 3], "num_partial_overlap": 1}]}], @@ -396,8 +397,8 @@ def setUp(self): [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True, "fail_if_placement_issues": True}, "overlap_events": {"bed": self.test_overlap_bed_4}, - "SVs": [{"type": "DEL", "number": 1, - "min_length": 13, "max_length": 15, + "variant_sets": [{"type": "DEL", "number": 1, + "min_length": [13], "max_length": [15], "num_alu_mediated": 1}]}], self.hap1, self.hap2, self.bed), TestObject([self.ref_file, {"chr21": "CTCCGTCGTACTAAGTCGTACTCCGTCGTCCTAAGTCGTA"}], @@ -405,11 +406,11 @@ def setUp(self): "fail_if_placement_issues": True}, "overlap_events": {"bed": [self.test_overlap_bed_4, self.test_overlap_bed_5]}, - "SVs": [{"type": "DEL", "number": 1, - "min_length": 14, "max_length": 14, + "variant_sets": [{"type": "DEL", "number": 1, + "min_length": [14], "max_length": [14], "num_alu_mediated": 1}, {"type": "DEL", "number": 1, - "min_length": 5, "max_length": 7, + "min_length": [5], "max_length": [7], "num_alu_mediated": 1} ]}], self.hap1, self.hap2, self.bed), @@ -418,8 +419,8 @@ def setUp(self): "fail_if_placement_issues": True}, "overlap_events": {"bed": [self.test_overlap_bed_4, self.test_overlap_bed_5]}, - "SVs": [{"type": "DEL", "number": 5, - "min_length": 2, "max_length": 2, + "variant_sets": [{"type": "DEL", "number": 5, + "min_length": [2], "max_length": [2], "num_alu_mediated": 5}]}], self.hap1, self.hap2, self.bed) ] @@ -428,8 +429,8 @@ def setUp(self): "fail_if_placement_issues": True}, "overlap_events": {"bed": [self.test_overlap_bed, self.test_overlap_bed_4], "allow_types": "L1HS"}, - "SVs": [{"type": "DEL", "number": 1, - "min_length": 13, "max_length": 15, + "variant_sets": [{"type": "DEL", "number": 1, + "min_length": [13], "max_length": [15], "num_alu_mediated": 1}, {"type": "dDUP", "number": 1, "min_length": [2, 1], @@ -441,8 +442,8 @@ def setUp(self): "fail_if_placement_issues": True}, "overlap_events": { "bed": [self.test_overlap_bed_6, self.test_overlap_bed_4]}, - "SVs": [{"type": "DEL", "number": 1, - "min_length": 13, "max_length": 15, + "variant_sets": [{"type": "DEL", "number": 1, + "min_length": [13], "max_length": [15], "num_alu_mediated": 1}, {"type": "dDUP", "number": 1, "min_length": [2, 1], @@ -454,11 +455,11 @@ def setUp(self): "fail_if_placement_issues": False}, "overlap_events": {"bed": self.test_overlap_bed_4, "allow_types": "Alu"}, - "SVs": [{"type": "DEL", "number": 1, - "min_length": 4, "max_length": 4, + "variant_sets": [{"type": "DEL", "number": 1, + "min_length": [4], "max_length": [4], "num_overlap": 1}, {"type": "DEL", "number": 1, - "min_length": 13, "max_length": 15, + "min_length": [13], "max_length": [15], "num_alu_mediated": 1} ]}], self.hap1, self.hap2, self.bed), @@ -468,8 +469,8 @@ def setUp(self): "overlap_events": {"bed": [self.test_overlap_bed_4, self.test_overlap_bed_5], "allow_types": ["Alu", "L1", "MLT", "(GT)"]}, - "SVs": [{"type": "DEL", "number": 3, - "min_length": 2, "max_length": 8, + "variant_sets": [{"type": "DEL", "number": 3, + "min_length": [2], "max_length": [8], "num_overlap": [0, 2, 1, 0]} ]}], self.hap1, self.hap2, self.bed), @@ -480,8 +481,8 @@ def setUp(self): self.test_overlap_bed_4, self.test_overlap_bed_5], "allow_types": ["Alu", "ALR", "L1", "MLT", "(GT)"]}, - "SVs": [{"type": "DEL", "number": 5, - "min_length": 2, "max_length": 8, + "variant_sets": [{"type": "DEL", "number": 5, + "min_length": [2], "max_length": [8], "num_overlap": [0, 1, 2, 0, 0], "num_partial_overlap": [0, 1, 1, 0, 0]} ]}], @@ -491,8 +492,8 @@ def setUp(self): "fail_if_placement_issues": False}, "overlap_events": {"bed": self.test_overlap_bed_9, "allow_types": ["Alu", "ALR", "L1", "MLT", "(GT)"]}, - "SVs": [{"type": "DEL", "number": 6, - "min_length": 2, "max_length": 4, + "variant_sets": [{"type": "DEL", "number": 6, + "min_length": [2], "max_length": [4], "num_overlap": [0, 1, 2, 0, 0], "num_partial_overlap": [0, 1, 0, 0, 0], "num_alu_mediated": 1} @@ -503,16 +504,16 @@ def setUp(self): [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True, "fail_if_placement_issues": True}, "overlap_events": {"bed": self.test_overlap_bed_12}, - "SVs": [{"type": "DEL", "number": 1, - "min_length": 2, "max_length": 2, + "variant_sets": [{"type": "DEL", "number": 1, + "min_length": [2], "max_length": [2], "num_partial_overlap": 1}]}], self.hap1, self.hap2, self.bed), TestObject([self.ref_file, {"chr21": "CTCCGTAGTAAGTCAGGTGAGGCAG"}], [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True, "fail_if_placement_issues": True}, "overlap_events": {"bed": self.test_overlap_bed_7}, - "SVs": [{"type": "DEL", "number": 2, - "min_length": 2, "max_length": 6, + "variant_sets": [{"type": "DEL", "number": 2, + "min_length": [2], "max_length": [6], "num_partial_overlap": 1, "num_overlap": 1}]}], self.hap1, self.hap2, self.bed), @@ -520,8 +521,8 @@ def setUp(self): [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True, "fail_if_placement_issues": True}, "overlap_events": {"bed": self.test_overlap_bed_8}, - "SVs": [{"type": "DEL", "number": 3, - "min_length": 2, "max_length": 6, + "variant_sets": [{"type": "DEL", "number": 3, + "min_length": [2], "max_length": [6], "num_partial_overlap": 1, "num_overlap": 1, "num_alu_mediated": 1}]}], @@ -530,8 +531,8 @@ def setUp(self): [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True, "fail_if_placement_issues": True}, "overlap_events": {"bed": self.test_overlap_bed_8}, - "SVs": [{"type": "DEL", "number": 2, - "min_length": 2, "max_length": 6, + "variant_sets": [{"type": "DEL", "number": 2, + "min_length": [2], "max_length": [6], "num_partial_overlap": 1, "num_alu_mediated": 1}]}], self.hap1, self.hap2, self.bed) @@ -540,18 +541,18 @@ def setUp(self): # ---------- test objects for divergence event ------------ self.test_objects_divergence_event = [TestObject([self.ref_file, {"chr21": "CTCCGTCGTA"}], [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "DIVERGENCE", "number": 1, - "min_length": 5, "max_length": 5}]}], + "variant_sets": [{"type": "DIVERGENCE", "number": 1, + "min_length": [5], "max_length": [5]}]}], self.hap1, self.hap2, self.bed), TestObject([self.ref_file, {"chr21": "CTCCGTCGTA"}], [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "DIVERGENCE", "number": 1, 'divergence_prob': 1, - "min_length": 10, "max_length": 10}]}], + "variant_sets": [{"type": "DIVERGENCE", "number": 1, 'divergence_prob': 1, + "min_length": [10], "max_length": [10]}]}], self.hap1, self.hap2, self.bed), TestObject([self.ref_file, {"chr21": "CTCCGTCGTA"}], [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "DIVERGENCE", "number": 1, 'divergence_prob': 0.2, - "min_length": 10, "max_length": 10}]}], + "variant_sets": [{"type": "DIVERGENCE", "number": 1, 'divergence_prob': 0.2, + "min_length": [10], "max_length": [10]}]}], self.hap1, self.hap2, self.bed) ] @@ -559,33 +560,33 @@ def setUp(self): "chr20": "CTCCGT"}], [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True, "filter_small_chr": 10}, - "SVs": [{"type": "DEL", "number": 1, - "max_length": 3, - "min_length": 3}]}], + "variant_sets": [{"type": "DEL", "number": 1, + "max_length": [3], + "min_length": [3]}]}], self.hap1, self.hap2, self.bed), TestObject([self.ref_file, {"chr21": "CTCCGTCGTACTAAGTCGTACTCCGTCGTACTAAGTCGTA", "chr20": "CTCCGT"}], [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True, "filter_small_chr": 50}, - "SVs": [{"type": "DEL", "number": 1, - "max_length": 3, - "min_length": 3}]}], + "variant_sets": [{"type": "DEL", "number": 1, + "max_length": [3], + "min_length": [3]}]}], self.hap1, self.hap2, self.bed)] self.test_objects_req_space = [TestObject([self.ref_file, {"chr21": "CTCCGT"}], [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "DEL", "number": 1, - "max_length": 9, - "min_length": 9}]}], + "variant_sets": [{"type": "DEL", "number": 1, + "max_length": [9], + "min_length": [9]}]}], self.hap1, self.hap2, self.bed)] # ----------- test objects for SNPs ----------- self.test_objects_SNPs = [TestObject([self.ref_file, {"chr21": "C"}], [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "SNP", "number": 1}]}], + "variant_sets": [{"type": "SNP", "number": 1}]}], self.hap1, self.hap2, self.bed), TestObject([self.ref_file, {"chr21": "CTGTTGACCG"}], [self.par, {"sim_settings": {"reference": self.ref_file, "prioritize_top": True}, - "SVs": [{"type": "SNP", "number": 4}]}], + "variant_sets": [{"type": "SNP", "number": 4}]}], self.hap1, self.hap2, self.bed) ] diff --git a/workflows/configs/demo_config.yaml b/workflows/configs/demo_config.yaml index 80ca292..f6859c5 100644 --- a/workflows/configs/demo_config.yaml +++ b/workflows/configs/demo_config.yaml @@ -3,19 +3,19 @@ sim_settings: reference: 'chr21_ref/chr21.fa' max_tries: 200 prioritize_top: True -SVs: +variant_sets: - type: "DEL" number: 5 - min_length: 50 - max_length: 1000 + min_length: [50] + max_length: [1000] - type: "DUP" number: 5 - min_length: 50 - max_length: 1000 + min_length: [50] + max_length: [1000] - type: "INV" number: 5 - min_length: 50 - max_length: 1000 + min_length: [50] + max_length: [1000] - type: "dDUP" number: 5 min_length: From 22c3f85392c00b9145792f55295048d799b277c1 Mon Sep 17 00:00:00 2001 From: Chris Rohlicek <35237693+crohlicek@users.noreply.github.com> Date: Fri, 8 Dec 2023 12:55:51 -0500 Subject: [PATCH 36/44] updates / typo corrections to demo notebook markdown cells (#13) * updates / typo corrections to demo notebook markdown cells * change description of PBSIM read combination step --- workflows/demo.ipynb | 249 +++++++++++++++++++++++++++++++++++-------- 1 file changed, 202 insertions(+), 47 deletions(-) diff --git a/workflows/demo.ipynb b/workflows/demo.ipynb index 01f91ca..fa829c1 100644 --- a/workflows/demo.ipynb +++ b/workflows/demo.ipynb @@ -9,7 +9,7 @@ }, "source": [ "# SV Simulation Tutorial:\n", - "This notebook demonstrates the process of creating a synthetic genome from an input reference, and then simulating and aligning reads and inspecting the results. Below we provide an example configuration file specifying the SVs to be included in the synthetic output genome and insert those SVs into chromosome 21 of GRCh38. We provide example calls to DWGSIM and PBSIM3 to generate synthetic paired-end short read and HiFi long reads, but this procedure is generalizable to any read simulator. Lastly, we provide visualization code to view the size distribution of the simulated SVs as well as the pileup images of the reads in the impacted regions of the genome." + "This notebook demonstrates the process of creating a synthetic genome from an input reference, and then simulating and aligning reads and inspecting the results. Below we provide an example configuration file specifying the SVs to be included in the synthetic output genome and insert those SVs into chromosome 21 of GRCh38. We provide example calls to DWGSIM and PBSIM3 to generate synthetic paired-end short reads and HiFi long reads, but this procedure is generalizable to any read simulator. Lastly, we provide visualization code to view the size distribution of the simulated SVs as well as the pileup images of the reads in the impacted regions of the genome." ] }, { @@ -34,10 +34,14 @@ }, { "cell_type": "markdown", - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%% md\n" + } + }, "source": [ "## Synthetic reference simulation\n", - "`config.yaml` gives the composition of the set of SVs to be input into the reference. Here we've included 5 examples each of the types deletion (DEL), tandem duplication (DUP), inversion (INV), and dispersed duplication (dDUP)." + "`demo_config.yaml` gives the composition of the set of SVs to be input into the reference. Here we've included 5 examples each of the types deletion (DEL), tandem duplication (DUP), inversion (INV), and dispersed duplication (dDUP)." ] }, { @@ -56,7 +60,11 @@ }, { "cell_type": "markdown", - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%% md\n" + } + }, "source": [ "Downloading chr21 reference" ] @@ -81,7 +89,11 @@ }, { "cell_type": "markdown", - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%% md\n" + } + }, "source": [ "Instantiating and populating the output directory (insilicosv places all output files in the directory containing the config, so we copy the demo config there)." ] @@ -89,7 +101,11 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, "outputs": [], "source": [ "%%sh\n", @@ -99,7 +115,11 @@ }, { "cell_type": "markdown", - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%% md\n" + } + }, "source": [ "`insilicosv` is called with the above config as input, and a random seed is set for the simulation (an optional input)." ] @@ -107,7 +127,11 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, "outputs": [], "source": [ "%%sh\n", @@ -116,7 +140,11 @@ }, { "cell_type": "markdown", - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%% md\n" + } + }, "source": [ "Below we show the VCF generated from the simulation" ] @@ -124,7 +152,11 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, "outputs": [], "source": [ "%%sh\n", @@ -133,7 +165,11 @@ }, { "cell_type": "markdown", - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%% md\n" + } + }, "source": [ "## Read simulation\n", "### Short-read simulation\n", @@ -153,7 +189,11 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, "outputs": [], "source": [ "%%sh\n", @@ -168,7 +208,11 @@ }, { "cell_type": "markdown", - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%% md\n" + } + }, "source": [ "After generating the reads, we align with BWA" ] @@ -176,7 +220,11 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, "outputs": [], "source": [ "%%sh\n", @@ -186,7 +234,11 @@ }, { "cell_type": "markdown", - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%% md\n" + } + }, "source": [ "After alignment, we sort and index the .bam" ] @@ -194,7 +246,11 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, "outputs": [], "source": [ "%%sh\n", @@ -204,7 +260,11 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, "outputs": [], "source": [ "%%sh\n", @@ -214,16 +274,24 @@ }, { "cell_type": "markdown", - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%% md\n" + } + }, "source": [ "### Long-read simulation\n", - "The commands below use PBSIM3 to simulate HiFi reads from the synthetic genome (again at 10x total coverage). As with the short read simulation above, after generating the reads we combine the two haplotypes' reads and and create a .bam (with minimap2 in this case) which we then sort and index. " + "The command below uses PBSIM3 to simulate HiFi reads from the synthetic genome (again at 10x coverage). PBSIM3 outputs reads for each reference contig so in this case we combine the reads from the two synthetic haplotypes and create a .bam (with minimap2) which we then sort and index." ] }, { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, "outputs": [], "source": [ "%%sh\n", @@ -234,13 +302,16 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, "outputs": [], "source": [ "%%sh\n", - "mv output/sim_lr_0001.fastq output/sim_lr.hap12.fastq\n", - "cat output/sim_lr_0002.fastq >> output/sim_lr.hap12.fastq\n", - "rm output/sim_lr_0002.fastq\n", + "cat output/sim_lr_*.fastq >> output/sim_lr.fastq\n", + "rm output/sim_lr_*.fastq\n", "rm output/*.maf\n", "rm output/*.ref" ] @@ -248,17 +319,25 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, "outputs": [], "source": [ "%%sh\n", - "minimap2 --eqx -ax map-hifi chr21_ref/chr21.fa output/sim_lr.hap12.fastq | samtools view -Sb > output/sim_lr.minimap2.bam" + "minimap2 --eqx -ax map-hifi chr21_ref/chr21.fa output/sim_lr.fastq | samtools view -Sb > output/sim_lr.minimap2.bam" ] }, { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, "outputs": [], "source": [ "%%sh\n", @@ -268,7 +347,11 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, "outputs": [], "source": [ "%%sh\n", @@ -278,14 +361,22 @@ }, { "cell_type": "markdown", - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%% md\n" + } + }, "source": [ "------" ] }, { "cell_type": "markdown", - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%% md\n" + } + }, "source": [ "## SV Size Visualization\n", "Below we provide a simple parsing function to convert the VCF generated above into a dataframe that can easily be plotted or fed to other pos-hoc analyses." @@ -330,7 +421,11 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, "outputs": [], "source": [ "sim_df = insilico_bench_to_df('output/sim.vcf')" @@ -339,7 +434,11 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, "outputs": [], "source": [ "sim_df" @@ -348,7 +447,11 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, "outputs": [], "source": [ "def plot_simulation(df):\n", @@ -364,7 +467,11 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, "outputs": [], "source": [ "plot_simulation(sim_df)" @@ -372,16 +479,24 @@ }, { "cell_type": "markdown", - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%% md\n" + } + }, "source": [ "## IGV Visualization\n", - "Below we provide infrastructure for the automatic visualization of insilicoSV output in IGV. The IGV batch script generated by this function can be input into desktop or commandline IGV, but for this example we will call into commandline IGV, which can be downloaded [here](https://data.broadinstitute.org/igv/projects/downloads/2.16/IGV_2.16.2.zip)." + "Below we provide infrastructure for the automatic visualization of insilicoSV output in IGV. The IGV batch script generated by this function can be input into desktop or commandline IGV, but for this example we will call into commandline IGV." ] }, { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, "outputs": [], "source": [ "%%sh\n", @@ -391,7 +506,11 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, "outputs": [], "source": [ "def is_contained(query_interval, interval):\n", @@ -464,7 +583,11 @@ }, { "cell_type": "markdown", - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%% md\n" + } + }, "source": [ "The batch script is populated with some initializing parameters regarding alignment visualization but can be edited according to the [documentation](https://github.com/igvteam/igv/wiki/Batch-commands)" ] @@ -472,7 +595,11 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, "outputs": [], "source": [ "%%sh\n", @@ -481,7 +608,11 @@ }, { "cell_type": "markdown", - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%% md\n" + } + }, "source": [ "This call to IGV will populate the `IGV_screenshots/` directory with `.png` images for each record in our input VCF, a subset of which we visualize below." ] @@ -489,7 +620,11 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, "outputs": [], "source": [ "%%sh\n", @@ -499,7 +634,11 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, "outputs": [], "source": [ "Image(filename='IGV_screenshots/chr21_23841813_23842113_DEL.png')" @@ -508,7 +647,11 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, "outputs": [], "source": [ "Image(filename='IGV_screenshots/chr21_25464823_25465098_DUP.png')" @@ -517,7 +660,11 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, "outputs": [], "source": [ "Image(filename='IGV_screenshots/chr21_14269125_14269334_INV.png')" @@ -526,7 +673,11 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, "outputs": [], "source": [ "Image(filename='IGV_screenshots/chr21_37672777_37673392_dDUP.png')" @@ -535,7 +686,11 @@ { "cell_type": "code", "execution_count": null, - "metadata": {}, + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, "outputs": [], "source": [] } From e9923bb9eb3a9b213c08f6fb7ed04714ee329b81 Mon Sep 17 00:00:00 2001 From: Chris Rohlicek <35237693+crohlicek@users.noreply.github.com> Date: Fri, 8 Dec 2023 13:05:38 -0500 Subject: [PATCH 37/44] Minor edits to input_guidelines.md --- docs/input_guidelines.md | 20 +++++++++----------- 1 file changed, 9 insertions(+), 11 deletions(-) diff --git a/docs/input_guidelines.md b/docs/input_guidelines.md index ef88442..517ea91 100644 --- a/docs/input_guidelines.md +++ b/docs/input_guidelines.md @@ -12,23 +12,21 @@ sim_settings: variant_sets: - type: "INS" number: 10 - min_length: 5 - max_length: 10 + min_length: [5] + max_length: [10] - type: "INVdel" number: 2 - min_length: 5 - max_length: 10 + min_length: [5] + max_length: [10] ``` -Further examples of configuration files can be found in the documentation section [Example Use Cases](example_use_cases.md). - The following parameters can be given for each variant set. Each parameter is required unless otherwise specified. -1. *type*: str, the variant type. insilicoSV supports a predefined list of SV types and allows users to enter a custom transformation. Either "Custom" or one of the 19 predefined variant types named in the below table should be entered. -2. *number*: int, describes how many of the specified variant type to simulate for this variant set. -3. *min_length*: list, provides the minimum length for each variant part. SNPs, indels and simple SVs have a single part, while complex SVs +1. *type*: str - the variant type. insilicoSV supports a predefined list of SV types and allows users to enter a custom transformation. Either "Custom" or one of the 19 predefined variant types named in [this figure](sv_grammar.md) should be entered. +2. *number*: int - describes how many of the specified variant type to simulate for this variant set. +3. *min_length*: list - provides the minimum length for each variant part. SNPs, indels and simple SVs have a single part, while complex SVs may have multiple parts; e.g. INVdel variants have two. The order of part lengths in the list must correspond to the alphabetical order of part names used when defining the variant type; see [Example 2](https://github.com/PopicLab/insilicoSV-dev/blob/develop/docs/example_use_cases.md#example-2---custom-svs) for an illustration. List of length=1 should be provided for variants with a single source interval. -4. *max_length*: list, analogous to min_length. Must provide the same number of entries as min_length, note that max_length >= min_length >= 0 for all elements in each +4. *max_length*: list - analogous to min_length. Must provide the same number of entries as min_length, note that max_length >= min_length >= 0 for all elements in each 5. *source=None [for variant sets of type Custom]*: Source sequence for a custom SV, see below to find instructions on how to create a transformation 6. *target=None [for variant sets of type Custom]*: Target sequence for a custom SV, see below to find instructions on how to create a transformation @@ -42,7 +40,7 @@ The following parameters can be set under the "sim_settings" key to change defau The following parameters can be set on the top level of the config file and provide higher-order controls over SV placement: 1. *avoid_intervals*: str - path to VCF containing intervals to be ignored during SV placement (see [example config](https://github.com/PopicLab/insilicoSV-dev/blob/develop/docs/example_use_cases.md#example-4---marking-banned-intervals-of-the-genome)) -2. *overlap_events*: str - path to BED file containing genome elements to be used for overlapping SV placement (see [example config](https://github.com/PopicLab/insilicoSV-dev/blob/develop/docs/example_use_cases.md#example-5---placing-events-at-known-repetitive-element-intervals)) +2. *overlap_events*: str - path to BED file containing genome elements to be used for overlapping SV placement (see [example config](https://github.com/PopicLab/insilicoSV-dev/blob/develop/docs/example_use_cases.md#example-5---placing-svs-at-known-repetitive-element-intervals)) Examples of the full set of simulation options available through various config inputs can be found in the [example use cases](https://github.com/PopicLab/insilicoSV-dev/blob/develop/docs/example_use_cases.md) page. From 87181fb4e68b8bab1178a1d1cc3e5687d27e8316 Mon Sep 17 00:00:00 2001 From: crohlicek Date: Fri, 8 Dec 2023 13:10:57 -0500 Subject: [PATCH 38/44] removed unit test for base mapping util not included in this release --- test/test_known_svs.py | 14 -------------- 1 file changed, 14 deletions(-) diff --git a/test/test_known_svs.py b/test/test_known_svs.py index ba5c719..95a471f 100644 --- a/test/test_known_svs.py +++ b/test/test_known_svs.py @@ -168,20 +168,6 @@ def test_dispersion_events(self): self.helper_test_simple_sv(self.test_objects_dispersions['TRA'], ['GCCTCACTATTCCGT']) self.helper_test_simple_sv(self.test_objects_dispersions['multievent'], ['GACGGCCTACTATCACTATTCCGT']) - def test_get_original_pos(self): - for i in range(20): - self.assertTrue(utils.get_original_base_pos(self.test_vcf_simple_del, i, 'chr21') == i + (7 if i >= 2 else 0)) - self.assertTrue(utils.get_original_base_pos(self.test_vcf_simple_dup, i, 'chr21') == i - (7 if i >= 9 else 0)) - self.assertTrue(utils.get_original_base_pos(self.test_vcf_simple_inv, i, 'chr21') == (i if i < 2 or i >= 9 else 10 - i)) - self.assertTrue(utils.get_original_base_pos(self.test_vcf_del_dup, i, 'chr21') == i + (3 if 1 < i < 11 else 0)) - self.assertTrue(utils.get_original_base_pos(self.test_vcf_multidel, 1, 'chr21'), 1) - self.assertTrue(utils.get_original_base_pos(self.test_vcf_multidel, 9, 'chr21'), 11) - self.assertTrue(utils.get_original_base_pos(self.test_vcf_multidel, 13, 'chr21'), 17) - for i in range(20): - self.assertTrue(utils.get_original_base_pos(self.test_vcf_del_dup_2, i, 'chr21') == i + 2 * (i > 0) - 4 * (i > 5)) - self.assertTrue(utils.get_original_base_pos(self.test_vcf_del_dup_del, i, 'chr21') == i + 2 * (i > 0) - 4 * (i > 5) + 3 * (i > 10)) - self.assertTrue(utils.get_original_base_pos(self.test_vcf_del_inv_del, i, 'chr21') == ((9 - i) if 1 < i < 6 else (i + 2 * (i > 0) + 3 * (i > 6)))) - if __name__ == '__main__': unittest.main() From 1df98f5da9cccec05a6a939a0c716ae5ae97a1e1 Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Fri, 8 Dec 2023 13:16:34 -0500 Subject: [PATCH 39/44] changed version to 0.0.6 --- pyproject.toml | 2 +- setup.py | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/pyproject.toml b/pyproject.toml index 298da5d..9db59b6 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -4,7 +4,7 @@ build-backend = "setuptools.build_meta" [project] name = "insilicosv" -version = "0.0.5" +version = "0.0.6" authors = [ { name="Chris Rohlicek", email="crohlice@broadinstitute.org" }, { name="Nick Jiang", email="nickj@berkeley.edu" }, diff --git a/setup.py b/setup.py index b0f6acf..4249a23 100644 --- a/setup.py +++ b/setup.py @@ -3,7 +3,7 @@ setup( name = "insilicosv", - version = "0.0.5", + version = "0.0.6", description = ("Structural variant simulation"), url = "https://github.com/PopicLab/insilicoSV", From f4df4e5060c39a4fe7d0e750711231df87b578fa Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Fri, 8 Dec 2023 13:35:41 -0500 Subject: [PATCH 40/44] removed the linux-specific env definition workflows/insilicosv-demo-env.yml, since our docs say to use the platform-agnostic insilicosv-demo-env.reqs.txt --- workflows/insilicosv-demo-env.yml | 383 ------------------------------ 1 file changed, 383 deletions(-) delete mode 100644 workflows/insilicosv-demo-env.yml diff --git a/workflows/insilicosv-demo-env.yml b/workflows/insilicosv-demo-env.yml deleted file mode 100644 index 4f2a7dd..0000000 --- a/workflows/insilicosv-demo-env.yml +++ /dev/null @@ -1,383 +0,0 @@ -name: insilicosv-demo-env -channels: - - conda-forge - - bioconda - - defaults -dependencies: - - _libgcc_mutex=0.1=conda_forge - - _openmp_mutex=4.5=2_gnu - - aioeasywebdav=2.4.0=pyha770c72_0 - - aiohttp=3.9.1=py310h2372a71_0 - - aiosignal=1.3.1=pyhd8ed1ab_0 - - alsa-lib=1.2.10=hd590300_0 - - amply=0.1.6=pyhd8ed1ab_0 - - anyio=4.1.0=pyhd8ed1ab_0 - - appdirs=1.4.4=pyh9f0ad1d_0 - - appnope=0.1.3=pyhd8ed1ab_0 - - argon2-cffi=23.1.0=pyhd8ed1ab_0 - - argon2-cffi-bindings=21.2.0=py310h2372a71_4 - - arrow=1.3.0=pyhd8ed1ab_0 - - asttokens=2.4.1=pyhd8ed1ab_0 - - async-lru=2.0.4=pyhd8ed1ab_0 - - async-timeout=4.0.3=pyhd8ed1ab_0 - - attmap=0.13.2=pyhd8ed1ab_0 - - attr=2.5.1=h166bdaf_1 - - attrs=23.1.0=pyh71513ae_1 - - babel=2.13.1=pyhd8ed1ab_0 - - backcall=0.2.0=pyh9f0ad1d_0 - - bcftools=1.18=h8b25389_0 - - bcrypt=4.1.1=py310hcb5633a_0 - - beautifulsoup4=4.12.2=pyha770c72_0 - - bedtools=2.31.1=hf5e1c6e_0 - - bleach=6.1.0=pyhd8ed1ab_0 - - boto3=1.33.6=pyhd8ed1ab_0 - - botocore=1.33.6=pyhd8ed1ab_0 - - brotli=1.1.0=hd590300_1 - - brotli-bin=1.1.0=hd590300_1 - - brotli-python=1.1.0=py310hc6cd4ac_1 - - bwa=0.7.17=he4a0461_11 - - bzip2=1.0.8=hd590300_5 - - c-ares=1.23.0=hd590300_0 - - ca-certificates=2023.11.17=hbcca054_0 - - cached-property=1.5.2=hd8ed1ab_1 - - cached_property=1.5.2=pyha770c72_1 - - cachetools=5.3.2=pyhd8ed1ab_0 - - cairo=1.18.0=h3faef2a_0 - - certifi=2023.11.17=pyhd8ed1ab_0 - - cffi=1.16.0=py310h2fee648_0 - - charset-normalizer=3.3.2=pyhd8ed1ab_0 - - coin-or-cbc=2.10.10=h9002f0b_0 - - coin-or-cgl=0.60.7=h516709c_0 - - coin-or-clp=1.17.8=h1ee7a9c_0 - - coin-or-osi=0.108.8=ha2443b9_0 - - coin-or-utils=2.11.9=hee58242_0 - - coincbc=2.10.10=0_metapackage - - colorama=0.4.6=pyhd8ed1ab_0 - - comm=0.1.4=pyhd8ed1ab_0 - - configargparse=1.7=pyhd8ed1ab_0 - - connection_pool=0.0.3=pyhd3deb0d_0 - - contourpy=1.2.0=py310hd41b1e2_0 - - cryptography=41.0.5=py310h75e40e8_0 - - cycler=0.12.1=pyhd8ed1ab_0 - - datrie=0.8.2=py310h2372a71_7 - - dbus=1.13.6=h5008d03_3 - - debugpy=1.8.0=py310hc6cd4ac_1 - - decorator=5.1.1=pyhd8ed1ab_0 - - defusedxml=0.7.1=pyhd8ed1ab_0 - - docutils=0.20.1=py310hff52083_2 - - dpath=2.1.6=pyha770c72_0 - - dropbox=11.36.2=pyhd8ed1ab_0 - - dwgsim=1.1.14=h50ea8bc_0 - - eido=0.2.2=pyhd8ed1ab_0 - - entrypoints=0.4=pyhd8ed1ab_0 - - exceptiongroup=1.2.0=pyhd8ed1ab_0 - - executing=2.0.1=pyhd8ed1ab_0 - - expat=2.5.0=hcb278e6_1 - - filechunkio=1.8=py_2 - - font-ttf-dejavu-sans-mono=2.37=hab24e00_0 - - font-ttf-inconsolata=3.000=h77eed37_0 - - font-ttf-source-code-pro=2.038=h77eed37_0 - - font-ttf-ubuntu=0.83=h77eed37_1 - - fontconfig=2.14.2=h14ed4e7_0 - - fonts-conda-ecosystem=1=0 - - fonts-conda-forge=1=0 - - fonttools=4.46.0=py310h2372a71_0 - - fqdn=1.5.1=pyhd8ed1ab_0 - - freetype=2.12.1=h267a509_2 - - frozenlist=1.4.0=py310h2372a71_1 - - ftputil=5.0.4=pyhd8ed1ab_0 - - gettext=0.21.1=h27087fc_0 - - giflib=5.2.1=h0b41bf4_3 - - gitdb=4.0.11=pyhd8ed1ab_0 - - gitpython=3.1.40=pyhd8ed1ab_0 - - glib=2.78.1=hfc55251_1 - - glib-tools=2.78.1=hfc55251_1 - - google-api-core=2.14.0=pyhd8ed1ab_0 - - google-api-python-client=2.109.0=pyhd8ed1ab_0 - - google-auth=2.24.0=pyhca7485f_0 - - google-auth-httplib2=0.1.1=pyhd8ed1ab_0 - - google-cloud-core=2.3.3=pyhd8ed1ab_0 - - google-cloud-storage=2.13.0=pyhca7485f_0 - - google-crc32c=1.1.2=py310hc5c09a0_5 - - google-resumable-media=2.6.0=pyhd8ed1ab_0 - - googleapis-common-protos=1.61.0=pyhd8ed1ab_0 - - graphite2=1.3.13=h58526e2_1001 - - grpcio=1.59.3=py310h1b8f574_0 - - gsl=2.7=he838d99_0 - - gst-plugins-base=1.22.7=h8e1006c_0 - - gstreamer=1.22.7=h98fc4e7_0 - - harfbuzz=8.3.0=h3d44ed6_0 - - htslib=1.18=h81da01d_0 - - httplib2=0.22.0=pyhd8ed1ab_0 - - humanfriendly=10.0=pyhd8ed1ab_6 - - icu=73.2=h59595ed_0 - - idna=3.6=pyhd8ed1ab_0 - - igv=2.16.2=hdfd78af_0 - - importlib-metadata=6.9.0=pyha770c72_0 - - importlib_metadata=6.9.0=hd8ed1ab_0 - - importlib_resources=6.1.1=pyhd8ed1ab_0 - - iniconfig=2.0.0=pyhd8ed1ab_0 - - intervaltree=3.1.0=pyhd8ed1ab_1 - - ipykernel=6.26.0=pyhf8b6a83_0 - - ipython=8.18.1=pyh31011fe_1 - - isoduration=20.11.0=pyhd8ed1ab_0 - - jedi=0.19.1=pyhd8ed1ab_0 - - jinja2=3.1.2=pyhd8ed1ab_1 - - jmespath=1.0.1=pyhd8ed1ab_0 - - json5=0.9.14=pyhd8ed1ab_0 - - jsonpointer=2.4=py310hff52083_3 - - jsonschema=4.20.0=pyhd8ed1ab_0 - - jsonschema-specifications=2023.11.2=pyhd8ed1ab_0 - - jsonschema-with-format-nongpl=4.20.0=pyhd8ed1ab_0 - - jupyter-lsp=2.2.1=pyhd8ed1ab_0 - - jupyter_client=8.6.0=pyhd8ed1ab_0 - - jupyter_core=5.5.0=py310hff52083_0 - - jupyter_events=0.9.0=pyhd8ed1ab_0 - - jupyter_server=2.11.1=pyhd8ed1ab_0 - - jupyter_server_terminals=0.4.4=pyhd8ed1ab_1 - - jupyterlab=4.0.9=pyhd8ed1ab_0 - - jupyterlab_pygments=0.3.0=pyhd8ed1ab_0 - - jupyterlab_server=2.25.2=pyhd8ed1ab_0 - - k8=0.2.5=hdcf5f25_4 - - keyutils=1.6.1=h166bdaf_0 - - kiwisolver=1.4.5=py310hd41b1e2_1 - - krb5=1.21.2=h659d440_0 - - lame=3.100=h166bdaf_1003 - - lcms2=2.15=h7f713cb_2 - - ld_impl_linux-64=2.40=h41732ed_0 - - lerc=4.0.0=h27087fc_0 - - libabseil=20230802.1=cxx17_h59595ed_0 - - libblas=3.9.0=20_linux64_openblas - - libbrotlicommon=1.1.0=hd590300_1 - - libbrotlidec=1.1.0=hd590300_1 - - libbrotlienc=1.1.0=hd590300_1 - - libcap=2.69=h0f662aa_0 - - libcblas=3.9.0=20_linux64_openblas - - libclang=15.0.7=default_hb11cfb5_4 - - libclang13=15.0.7=default_ha2b6cf4_4 - - libcrc32c=1.1.2=h9c3ff4c_0 - - libcups=2.3.3=h4637d8d_4 - - libcurl=8.4.0=hca28451_0 - - libdeflate=1.18=h0b41bf4_0 - - libedit=3.1.20191231=he28a2e2_2 - - libev=4.33=h516909a_1 - - libevent=2.1.12=hf998b51_1 - - libexpat=2.5.0=hcb278e6_1 - - libffi=3.4.2=h7f98852_5 - - libflac=1.4.3=h59595ed_0 - - libgcc-ng=13.2.0=h807b86a_3 - - libgcrypt=1.10.3=hd590300_0 - - libgfortran-ng=13.2.0=h69a702a_3 - - libgfortran5=13.2.0=ha4646dd_3 - - libglib=2.78.1=h783c2da_1 - - libgomp=13.2.0=h807b86a_3 - - libgpg-error=1.47=h71f35ed_0 - - libgrpc=1.59.3=hd6c4280_0 - - libiconv=1.17=h166bdaf_0 - - libjpeg-turbo=2.1.5.1=hd590300_1 - - liblapack=3.9.0=20_linux64_openblas - - liblapacke=3.9.0=20_linux64_openblas - - libllvm15=15.0.7=h5cf9203_3 - - libnghttp2=1.58.0=h47da74e_0 - - libnsl=2.0.1=hd590300_0 - - libogg=1.3.4=h7f98852_1 - - libopenblas=0.3.25=pthreads_h413a1c8_0 - - libopus=1.3.1=h7f98852_1 - - libpng=1.6.39=h753d276_0 - - libpq=15.4=hfc447b1_2 - - libprotobuf=4.24.4=hf27288f_0 - - libre2-11=2023.06.02=h7a70373_0 - - libsndfile=1.2.2=hc60ed4a_1 - - libsodium=1.0.18=h36c2ea0_1 - - libsqlite=3.44.2=h2797004_0 - - libssh2=1.11.0=h0841786_0 - - libstdcxx-ng=13.2.0=h7e041cc_3 - - libsystemd0=254=h3516f8a_0 - - libtiff=4.6.0=h8b53f26_0 - - libuuid=2.38.1=h0b41bf4_0 - - libvorbis=1.3.7=h9c3ff4c_0 - - libwebp-base=1.3.2=hd590300_0 - - libxcb=1.15=h0b41bf4_0 - - libxkbcommon=1.6.0=h5d7e998_0 - - libxml2=2.11.6=h232c23b_0 - - libzlib=1.2.13=hd590300_5 - - logmuse=0.2.6=pyh8c360ce_0 - - lz4-c=1.9.4=hcb278e6_0 - - markdown-it-py=3.0.0=pyhd8ed1ab_0 - - markupsafe=2.1.3=py310h2372a71_1 - - matplotlib=3.8.2=py310hff52083_0 - - matplotlib-base=3.8.2=py310h62c0568_0 - - matplotlib-inline=0.1.6=pyhd8ed1ab_0 - - mdurl=0.1.0=pyhd8ed1ab_0 - - minimap2=2.26=he4a0461_2 - - mistune=3.0.2=pyhd8ed1ab_0 - - mpg123=1.32.3=h59595ed_0 - - multidict=6.0.4=py310h2372a71_1 - - munkres=1.1.4=pyh9f0ad1d_0 - - mysql-common=8.0.33=hf1915f5_6 - - mysql-libs=8.0.33=hca2cd23_6 - - nb_conda_kernels=2.3.1=pyhd8ed1ab_3 - - nbclient=0.8.0=pyhd8ed1ab_0 - - nbconvert-core=7.11.0=pyhd8ed1ab_0 - - nbformat=5.9.2=pyhd8ed1ab_0 - - ncurses=6.4=h59595ed_2 - - nest-asyncio=1.5.8=pyhd8ed1ab_0 - - notebook=7.0.6=pyhd8ed1ab_0 - - notebook-shim=0.2.3=pyhd8ed1ab_0 - - nspr=4.35=h27087fc_0 - - nss=3.95=h1d7d5a4_0 - - numpy=1.26.2=py310hb13e2d6_0 - - oauth2client=4.1.3=py_0 - - openjdk=11.0.20=hbf40d96_2 - - openjpeg=2.5.0=h488ebb8_3 - - openssl=3.1.4=hd590300_0 - - overrides=7.4.0=pyhd8ed1ab_0 - - packaging=23.2=pyhd8ed1ab_0 - - pandas=2.1.3=py310hcc13569_0 - - pandocfilters=1.5.0=pyhd8ed1ab_0 - - paramiko=3.3.1=pyhd8ed1ab_0 - - parso=0.8.3=pyhd8ed1ab_0 - - patsy=0.5.4=pyhd8ed1ab_0 - - pbsim3=3.0.1=h4ac6f70_0 - - pcre2=10.42=hcad00b1_0 - - peppy=0.35.7=pyhd8ed1ab_0 - - perl=5.32.1=4_hd590300_perl5 - - pexpect=4.8.0=pyh1a96a4e_2 - - pickleshare=0.7.5=py_1003 - - pillow=10.0.1=py310h29da1c1_1 - - pip=23.3.1=pyhd8ed1ab_0 - - pixman=0.42.2=h59595ed_0 - - pkgutil-resolve-name=1.3.10=pyhd8ed1ab_1 - - plac=1.4.1=pyhd8ed1ab_1 - - platformdirs=4.0.0=pyhd8ed1ab_0 - - pluggy=1.3.0=pyhd8ed1ab_0 - - ply=3.11=py_1 - - prettytable=3.9.0=pyhd8ed1ab_0 - - prometheus_client=0.19.0=pyhd8ed1ab_0 - - prompt-toolkit=3.0.41=pyha770c72_0 - - protobuf=4.24.4=py310h620c231_0 - - psutil=5.9.5=py310h2372a71_1 - - pthread-stubs=0.4=h36c2ea0_1001 - - ptyprocess=0.7.0=pyhd3deb0d_0 - - pulp=2.7.0=py310hff52083_1 - - pulseaudio-client=16.1=hb77b528_5 - - pure_eval=0.2.2=pyhd8ed1ab_0 - - pyasn1=0.5.1=pyhd8ed1ab_0 - - pyasn1-modules=0.3.0=pyhd8ed1ab_0 - - pycparser=2.21=pyhd8ed1ab_0 - - pygments=2.17.2=pyhd8ed1ab_0 - - pynacl=1.5.0=py310h2372a71_3 - - pyopenssl=23.3.0=pyhd8ed1ab_0 - - pyparsing=3.1.1=pyhd8ed1ab_0 - - pyqt=5.15.9=py310h04931ad_5 - - pyqt5-sip=12.12.2=py310hc6cd4ac_5 - - pysam=0.22.0=py310h41dec4a_0 - - pysftp=0.2.9=py_1 - - pysocks=1.7.1=pyha2e5f31_6 - - pytest=7.4.3=pyhd8ed1ab_0 - - python=3.10.13=hd12c33a_0_cpython - - python-dateutil=2.8.2=pyhd8ed1ab_0 - - python-fastjsonschema=2.19.0=pyhd8ed1ab_0 - - python-irodsclient=1.1.9=pyhd8ed1ab_0 - - python-json-logger=2.0.7=pyhd8ed1ab_0 - - python-tzdata=2023.3=pyhd8ed1ab_0 - - python_abi=3.10=4_cp310 - - pytz=2023.3.post1=pyhd8ed1ab_0 - - pyu2f=0.1.5=pyhd8ed1ab_0 - - pyyaml=6.0.1=py310h2372a71_1 - - pyzmq=25.1.1=py310h795f18f_2 - - qt-main=5.15.8=hc47bfe8_16 - - re2=2023.06.02=h2873b5e_0 - - readline=8.2=h8228510_1 - - referencing=0.31.1=pyhd8ed1ab_0 - - requests=2.31.0=pyhd8ed1ab_0 - - reretry=0.11.8=pyhd8ed1ab_0 - - rfc3339-validator=0.1.4=pyhd8ed1ab_0 - - rfc3986-validator=0.1.1=pyh9f0ad1d_0 - - rich=13.7.0=pyhd8ed1ab_0 - - rpds-py=0.13.2=py310hcb5633a_0 - - rsa=4.9=pyhd8ed1ab_0 - - s3transfer=0.8.2=pyhd8ed1ab_0 - - samtools=1.18=h50ea8bc_1 - - scipy=1.11.4=py310hb13e2d6_0 - - seaborn=0.13.0=hd8ed1ab_0 - - seaborn-base=0.13.0=pyhd8ed1ab_0 - - send2trash=1.8.2=pyh41d4057_0 - - setuptools=68.2.2=pyhd8ed1ab_0 - - setuptools-scm=8.0.4=pyhd8ed1ab_0 - - sip=6.7.12=py310hc6cd4ac_0 - - six=1.16.0=pyh6c4a22f_0 - - slacker=0.14.0=py_0 - - smart_open=6.4.0=pyhd8ed1ab_0 - - smmap=5.0.0=pyhd8ed1ab_0 - - snakemake=7.32.4=hdfd78af_1 - - snakemake-minimal=7.32.4=pyhdfd78af_1 - - sniffio=1.3.0=pyhd8ed1ab_0 - - sortedcontainers=2.4.0=pyhd8ed1ab_0 - - soupsieve=2.5=pyhd8ed1ab_1 - - stack_data=0.6.2=pyhd8ed1ab_0 - - statsmodels=0.14.0=py310h1f7b6fc_2 - - stone=3.3.1=pyhd8ed1ab_0 - - stopit=1.1.2=py_0 - - tabulate=0.9.0=pyhd8ed1ab_1 - - terminado=0.18.0=pyh0d859eb_0 - - throttler=1.2.2=pyhd8ed1ab_0 - - tinycss2=1.2.1=pyhd8ed1ab_0 - - tk=8.6.13=noxft_h4845f30_101 - - toml=0.10.2=pyhd8ed1ab_0 - - tomli=2.0.1=pyhd8ed1ab_0 - - toposort=1.10=pyhd8ed1ab_0 - - tornado=6.3.3=py310h2372a71_1 - - traitlets=5.14.0=pyhd8ed1ab_0 - - types-python-dateutil=2.8.19.14=pyhd8ed1ab_0 - - typing-extensions=4.8.0=hd8ed1ab_0 - - typing_extensions=4.8.0=pyha770c72_0 - - typing_utils=0.1.0=pyhd8ed1ab_0 - - tzdata=2023c=h71feb2d_0 - - ubiquerg=0.6.3=pyhd8ed1ab_0 - - unicodedata2=15.1.0=py310h2372a71_0 - - uri-template=1.3.0=pyhd8ed1ab_0 - - uritemplate=4.1.1=pyhd8ed1ab_0 - - urllib3=1.26.18=pyhd8ed1ab_0 - - veracitools=0.1.3=py_0 - - wcwidth=0.2.12=pyhd8ed1ab_0 - - webcolors=1.13=pyhd8ed1ab_0 - - webencodings=0.5.1=pyhd8ed1ab_2 - - websocket-client=1.6.4=pyhd8ed1ab_0 - - wheel=0.42.0=pyhd8ed1ab_0 - - wrapt=1.16.0=py310h2372a71_0 - - xcb-util=0.4.0=hd590300_1 - - xcb-util-image=0.4.0=h8ee46fc_1 - - xcb-util-keysyms=0.4.0=h8ee46fc_1 - - xcb-util-renderutil=0.3.9=hd590300_1 - - xcb-util-wm=0.4.1=h8ee46fc_1 - - xkeyboard-config=2.40=hd590300_0 - - xorg-fixesproto=5.0=h7f98852_1002 - - xorg-inputproto=2.3.2=h7f98852_1002 - - xorg-kbproto=1.0.7=h7f98852_1002 - - xorg-libice=1.1.1=hd590300_0 - - xorg-libsm=1.2.4=h7391055_0 - - xorg-libx11=1.8.7=h8ee46fc_0 - - xorg-libxau=1.0.11=hd590300_0 - - xorg-libxdmcp=1.1.3=h7f98852_0 - - xorg-libxext=1.3.4=h0b41bf4_2 - - xorg-libxfixes=5.0.3=h7f98852_1004 - - xorg-libxi=1.7.10=h7f98852_0 - - xorg-libxrender=0.9.11=hd590300_0 - - xorg-libxt=1.3.0=hd590300_1 - - xorg-libxtst=1.2.3=h7f98852_1002 - - xorg-recordproto=1.14.2=h7f98852_1002 - - xorg-renderproto=0.11.1=h7f98852_1002 - - xorg-xextproto=7.3.0=h0b41bf4_1003 - - xorg-xf86vidmodeproto=2.3.1=h7f98852_1002 - - xorg-xproto=7.0.31=h7f98852_1007 - - xz=5.2.6=h166bdaf_0 - - yaml=0.2.5=h7f98852_2 - - yarl=1.9.3=py310h2372a71_0 - - yte=1.5.1=pyha770c72_2 - - zeromq=4.3.5=h59595ed_0 - - zipp=3.17.0=pyhd8ed1ab_0 - - zlib=1.2.13=hd590300_5 - - zstd=1.5.5=hfc55251_0 - - pip: - - insilicosv==0.0.5 From a02af25777768ce9edaf1114f34b69fa45256ee1 Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Fri, 8 Dec 2023 13:59:44 -0500 Subject: [PATCH 41/44] Adjust install instructions for the period while pip has the current version of insilicosv but bioconda does not yet --- README.md | 4 ++-- docs/demo_notebook.md | 6 +++++- 2 files changed, 7 insertions(+), 3 deletions(-) diff --git a/README.md b/README.md index 122bc62..36acbc8 100644 --- a/README.md +++ b/README.md @@ -18,10 +18,10 @@ Installation using pip: * `$ pip install insilicosv` -Installation using conda: + ## To Run The recommended workflow for running insilicoSV is as follows: diff --git a/docs/demo_notebook.md b/docs/demo_notebook.md index 72e1b54..5baa4e8 100644 --- a/docs/demo_notebook.md +++ b/docs/demo_notebook.md @@ -22,6 +22,10 @@ Activate the environment with ``` conda activate insilicosv-demo-env ``` -and launch the notebook with `jupyter notebook workflows/demo.ipynb` . +To ensure that the current insilicosv version is installed, run +``` +pip install insilicosv==0.0.6 +``` +and launch the notebook with `jupyter notebook workflows/demo.ipynb` . From 7513df72eda32b255c80a75fd0446b90dcbf9b47 Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Fri, 8 Dec 2023 14:14:48 -0500 Subject: [PATCH 42/44] install instructions: use pip install --upgrade --- docs/demo_notebook.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/docs/demo_notebook.md b/docs/demo_notebook.md index 5baa4e8..ae13403 100644 --- a/docs/demo_notebook.md +++ b/docs/demo_notebook.md @@ -25,7 +25,7 @@ conda activate insilicosv-demo-env To ensure that the current insilicosv version is installed, run ``` -pip install insilicosv==0.0.6 +pip install --upgrade insilicosv ``` and launch the notebook with `jupyter notebook workflows/demo.ipynb` . From 81678fa448735a480a6af85cc57cc7c49aa2ec4d Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Fri, 8 Dec 2023 16:19:52 -0500 Subject: [PATCH 43/44] demo notebook docs: added M1 Mac install instructions --- docs/demo_notebook.md | 11 +++++++++-- 1 file changed, 9 insertions(+), 2 deletions(-) diff --git a/docs/demo_notebook.md b/docs/demo_notebook.md index ae13403..a4ac39b 100644 --- a/docs/demo_notebook.md +++ b/docs/demo_notebook.md @@ -11,8 +11,15 @@ reads at the sites of the simulated variants. To run the notebook, first create a conda environment with all dependencies used in the notebook. The environment definition is provided in -`workflows/insilicosv-demo-env.reqs.txt`. After setting up -[bioconda](https://bioconda.github.io/), create the environment with the command +`workflows/insilicosv-demo-env.reqs.txt`. First, set up +[bioconda](https://bioconda.github.io/). If you're using an M1 Mac, +[install Rosetta 2](https://support.apple.com/en-us/HT211861), and run these commands: +``` +conda config --add subdirs osx-64 +conda config --add subdirs noarch +``` + +Then, create the environment with the command ``` conda create -n insilicosv-demo-env --file workflows/insilicosv-demo-env.reqs.txt From 099454b4d6b6400ffa7921575a3d5c393d6dc647 Mon Sep 17 00:00:00 2001 From: Ilya Shlyakhter Date: Tue, 12 Dec 2023 16:14:12 -0500 Subject: [PATCH 44/44] re-adding conda install instructions --- README.md | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/README.md b/README.md index 36acbc8..122bc62 100644 --- a/README.md +++ b/README.md @@ -18,10 +18,10 @@ Installation using pip: * `$ pip install insilicosv` - +* Install insilicosv with `conda install insilicosv` ## To Run The recommended workflow for running insilicoSV is as follows: