De Bruijn Graph Oligo Design

For our peptide libraries, the main functional motif is a short linear k-mer peptide. In principle, we are wasting lots of oligos that end up repeating the same k-mers multiple times. Given a set of input ORFs, ideally we would represent each k-mer only once (or twice?) in the set of designed oligos. Instead of performing sequence clustering with CD-HIT, which is probably a crude approximation, we can probably do much better by building a de bruijn graph from the desired k-mer length, and then covering it with short paths that will become the peptide tiles to reverse translate and synthesize.

As a test, we'll use ORFs from UniProt covering human-infecting viruses (in virscan2 library) and also ORFs from Staph from NCBI and Harm van Bakel (in staph library).


In [1]:
virscan2_orf_file = '/Users/laserson/repos/phage_libraries_private/virscan2/design/uniprot-host-9606-reviewed.fasta'
virscan2_pep_file = '/Users/laserson/repos/phage_libraries_private/virscan2/design/protein_tiles.fasta'
staph_orf_file = '/Users/laserson/repos/phage_libraries_private/staph/design/input_orfs.fasta'
staph_pep_file = '/Users/laserson/repos/phage_libraries_private/staph/design/protein_tiles.fasta'

In [2]:
k = 15
tile_size = 56

In [3]:
!grep "^>" {virscan2_orf_file} | wc -l
!grep "^>" {virscan2_pep_file} | wc -l
!grep "^>" {staph_orf_file} | wc -l
!grep "^>" {staph_pep_file} | wc -l


5914
54710
634624
115785

In [4]:
import sys
import random
from math import ceil
from Bio import SeqIO
import numpy as np
import matplotlib.pyplot as plt
import matplotlib as mpl
import seaborn as sns
import networkx as nx
from networkx.drawing.nx_agraph import graphviz_layout

In [5]:
from tqdm import tqdm_notebook as tqdm

In [6]:
import warnings
warnings.filterwarnings('ignore')

In [7]:
%matplotlib inline

In [8]:
def gen_kmers(s, k):
    if k <= 0:
        raise ValueError('k-mer len must be positive')
    if len(s) < k:
        raise ValueError('k-mer len longer than string')
    for i in range(len(s) - k + 1):
        yield s[i:i + k]


def build_debruijn_graph(fasta_file, k):
    dbg = nx.DiGraph()
    for sr in tqdm(SeqIO.parse(fasta_file, 'fasta')):
        s = str(sr.seq)
        if len(s) <= k:
            print('Found record whose length is not longer than k-mer length:\n{}'.format(str(sr)),
                  file=sys.stderr)
            continue
        kmers = list(gen_kmers(s, k))
        # define the graph structure
        dbg.add_path(kmers)
        # add cds labels to nodes and count "multiplicity"
        for kmer in kmers:
            dbg.node[kmer].setdefault('cds', []).append(sr.id)
            dbg.node[kmer]['multiplicity'] = dbg.node[kmer].get('multiplicity', 0) + 1
        # annotate N/C-terminal nodes
        dbg.node[kmers[0]]['nterm'] = True
        dbg.node[kmers[-1]]['cterm'] = True
    return dbg

Some utilities that work on any graph. The first ones mutate a graph to set counters, the latter ones return aggregates of the values.


In [9]:
def incr_attr(graph, node, attr):
    graph.node[node][attr] = graph.node[node].get(attr, 0) + 1

def zero_attr(graph, node, attr):
    graph.node[node][attr] = 0

def reset_attr(graph, attr):
    for node in graph.nodes():
        graph.node[node][attr] = 0

def sum_attr(graph, nodes, attr):
    return sum([graph.node[node].get(attr, 0) for node in nodes])

def max_attr(graph, nodes, attr):
    return max([graph.node[node].get(attr, 0) for node in nodes])

def graph_sum_attr(graph, attr):
    return sum([d.get(attr, 0) for d in graph.node.values()])

def graph_max_attr(graph, attr):
    return max([d.get(attr, 0) for d in graph.node.values()])

def graph_num_pos_attr(graph, attr):
    return (np.asarray([d.get(attr, 0) for d in graph.node.values()]) > 0).sum()

These functions work with sequences on a DBG.


In [10]:
def sequence_attr_sum(dbg, s, k, attr):
    return sum([dbg.node[kmer].get(attr, 0) for kmer in gen_kmers(s, k)])

def count_kmers_into_attr(dbg, fasta_file, k, attr):
    for sr in tqdm(SeqIO.parse(fasta_file, 'fasta')):
        if len(sr) < k:
            continue
        for kmer in gen_kmers(str(sr.seq), k):
            if dbg.has_node(kmer):
                incr_attr(dbg, kmer, attr)

In [11]:
def plot_graph(g):
    fig, ax = plt.subplots(figsize=(10, 10))
    nx.draw(g, pos=graphviz_layout(g), ax=ax, node_size=10, with_labels=False)

Build the de bruijn graph off of the ORFs


In [12]:
virscan2_dbg = build_debruijn_graph(virscan2_orf_file, k)


Found record whose length is not longer than k-mer length:
ID: sp|B3EUR5|PB1F2_I61A1
Name: sp|B3EUR5|PB1F2_I61A1
Description: sp|B3EUR5|PB1F2_I61A1 Protein PB1-F2 OS=Influenza A virus (strain A/Swine/Wisconsin/1/1961 H1N1) GN=PB1 PE=3 SV=2
Number of features: 0
Seq('MGQEQGIPWIL', SingleLetterAlphabet())
Found record whose length is not longer than k-mer length:
ID: sp|A8C8X2|PB1F2_I67A2
Name: sp|A8C8X2|PB1F2_I67A2
Description: sp|A8C8X2|PB1F2_I67A2 Putative protein PB1-F2 OS=Influenza A virus (strain A/Swine/Wisconsin/1/1967 H1N1) GN=PB1-F2 PE=3 SV=2
Number of features: 0
Seq('MGQEQDTPWIL', SingleLetterAlphabet())
Found record whose length is not longer than k-mer length:
ID: sp|P12481|NEF_HV1Z8
Name: sp|P12481|NEF_HV1Z8
Description: sp|P12481|NEF_HV1Z8 Protein Nef (Fragment) OS=Human immunodeficiency virus type 1 group M subtype D (isolate Z84) GN=nef PE=3 SV=3
Number of features: 0
Seq('MGGKWSKSS', SingleLetterAlphabet())
Found record whose length is not longer than k-mer length:
ID: sp|P12511|TAT_HV1Z8
Name: sp|P12511|TAT_HV1Z8
Description: sp|P12511|TAT_HV1Z8 Protein Tat (Fragment) OS=Human immunodeficiency virus type 1 group M subtype D (isolate Z84) PE=3 SV=1
Number of features: 0
Seq('PSSQPRGDPTGPKE', SingleLetterAlphabet())
Found record whose length is not longer than k-mer length:
ID: sp|P12509|TAT_HV1W2
Name: sp|P12509|TAT_HV1W2
Description: sp|P12509|TAT_HV1W2 Protein Tat (Fragment) OS=Human immunodeficiency virus type 1 group M subtype B (isolate WMJ22) PE=3 SV=1
Number of features: 0
Seq('PTSQPRGDPTGPKE', SingleLetterAlphabet())

Found record whose length is not longer than k-mer length:
ID: sp|P23210|VP19_HHV1K
Name: sp|P23210|VP19_HHV1K
Description: sp|P23210|VP19_HHV1K Triplex capsid protein VP19C (Fragment) OS=Human herpesvirus 1 (strain KOS) GN=UL38 PE=3 SV=1
Number of features: 0
Seq('MKTNPL', SingleLetterAlphabet())

In [16]:
staph_dbg = build_debruijn_graph(staph_orf_file, k)


---------------------------------------------------------------------------
KeyboardInterrupt                         Traceback (most recent call last)
<ipython-input-16-05a50f332b67> in <module>()
----> 1 staph_dbg = build_debruijn_graph(staph_orf_file, k)

<ipython-input-8-f9ff240ac9f2> in build_debruijn_graph(fasta_file, k)
     22         for kmer in kmers:
     23             dbg.node[kmer].setdefault('cds', []).append(sr.id)
---> 24             dbg.node[kmer]['multiplicity'] = dbg.node[kmer].get('multiplicity', 0) + 1
     25         # annotate N/C-terminal nodes
     26         dbg.node[kmers[0]]['nterm'] = True

KeyboardInterrupt: 
45130it [01:10, 642.55it/s]

In [13]:
print(nx.info(virscan2_dbg))


Name: 
Type: DiGraph
Number of nodes: 1440898
Number of edges: 1462592
Average in degree:   1.0151
Average out degree:   1.0151

In [ ]:
print(nx.info(staph_dbg))

In [14]:
virscan2_multiplicities = np.asarray([d['multiplicity'] for d in virscan2_dbg.node.values()])

In [ ]:
staph_multiplicities = np.asarray([d['multiplicity'] for d in staph_dbg.node.values()])

In [15]:
virscan2_multiplicities.max()


Out[15]:
145

In [18]:
staph_multiplicities.max()


Out[18]:
76380

In [19]:
_ = plt.hist(virscan2_multiplicities, bins=range(max(virscan2_multiplicities)), log=True)



In [22]:
_ = plt.hist(staph_multiplicities, bins=range(500), log=True)



In [24]:
virscan2_multiplicities.mean()


Out[24]:
2.0113040617725892

In [26]:
staph_multiplicities.mean()


Out[26]:
54.704788917078488

In [29]:
(virscan2_multiplicities == 1).sum()


Out[29]:
925488

In [30]:
(virscan2_multiplicities > 1).sum()


Out[30]:
515410

In [31]:
(staph_multiplicities == 1).sum()


Out[31]:
1982012

In [33]:
(staph_multiplicities > 1).sum()


Out[33]:
1306435

In [34]:
(staph_multiplicities > 10).sum()


Out[34]:
944915

Most of the k-mers have a single inbound and outbound edge. The number of multiplicity=1 nodes can be taken as a proxy for unique kmers, which need to be covered by a protein tile. In theory, for the multiplicity>1 nodes, it would be ideal if we could represent them with a single protein tile as well. So the best we can hope to do (approx) is the sum of those values divided by tile size. (Alternatively, it's simply equal to the number of nodes divided by the tile size, since each node represents a unique residue.)


In [35]:
# NUMBER OF OLIGOS IN BEST CASE (approx)
len(virscan2_multiplicities) / (tile_size - k)


Out[35]:
35143.85365853659

In [36]:
# NUMBER OF OLIGOS IN BEST CASE (approx)
len(staph_multiplicities) / (tile_size - k)


Out[36]:
80206.0243902439

Compute the component subgraphs


In [37]:
nx.number_weakly_connected_components(virscan2_dbg)


Out[37]:
1597

In [38]:
nx.number_weakly_connected_components(staph_dbg)


Out[38]:
9041

Note how that one quarter and one sixth of the number of input ORFs.

Compute some stats on the components


In [73]:
dbg = virscan2_dbg

component_avg_deg = []
component_num_branched_nodes = []
component_num_orfs = []
component_avg_multiplicity = []
component_max_multiplicity = []
for component in nx.weakly_connected_component_subgraphs(dbg):
    component_avg_deg.append(np.mean([p[1] for p in component.degree_iter()]))
    component_num_branched_nodes.append((np.asarray([p[1] for p in component.degree_iter()]) > 2).sum())
    component_num_orfs.append(len(set([orf for p in component.nodes_iter(True) for orf in p[1]['cds']])))
    component_avg_multiplicity.append(graph_sum_attr(component, 'multiplicity') / len(component))
    component_max_multiplicity.append(graph_max_attr(component, 'multiplicity'))

In [92]:
fig, ax = plt.subplots()
_ = ax.hist(component_avg_deg, bins=100, log=False)
_ = ax.set(xlabel='component avg deg')

fig, ax = plt.subplots()
_ = ax.hist(component_num_branched_nodes, bins=range(200), log=True)
_ = ax.set(xlabel='num branched nodes in component')

fig, ax = plt.subplots()
_ = ax.hist(component_num_orfs, bins=range(max(component_num_orfs)), log=True)
_ = ax.set(xlabel='num ORFs represented in component')

fig, ax = plt.subplots()
_ = ax.hist(component_avg_multiplicity, bins=range(ceil(max(component_avg_multiplicity))), log=False)
_ = ax.set(xlabel='component avg multiplicity')

fig, ax = plt.subplots()
_ = ax.hist(component_max_multiplicity, bins=range(ceil(max(component_max_multiplicity))), log=False)
_ = ax.set(xlabel='component max multiplicity')



In [93]:
dbg = staph_dbg

component_avg_deg = []
component_num_branched_nodes = []
component_num_orfs = []
component_avg_multiplicity = []
component_max_multiplicity = []
for component in nx.weakly_connected_component_subgraphs(dbg):
    component_avg_deg.append(np.mean([p[1] for p in component.degree_iter()]))
    component_num_branched_nodes.append((np.asarray([p[1] for p in component.degree_iter()]) > 2).sum())
    component_num_orfs.append(len(set([orf for p in component.nodes_iter(True) for orf in p[1]['cds']])))
    component_avg_multiplicity.append(graph_sum_attr(component, 'multiplicity') / len(component))
    component_max_multiplicity.append(graph_max_attr(component, 'multiplicity'))

In [97]:
fig, ax = plt.subplots()
_ = ax.hist(component_avg_deg, bins=100, log=False)
_ = ax.set(xlabel='component avg deg')

fig, ax = plt.subplots()
_ = ax.hist(component_num_branched_nodes, bins=range(200), log=True)
_ = ax.set(xlabel='num branched nodes in component')

fig, ax = plt.subplots()
_ = ax.hist(component_num_orfs, bins=100, log=True)
_ = ax.set(xlabel='num ORFs represented in component')

fig, ax = plt.subplots()
_ = ax.hist(component_avg_multiplicity, bins=100, log=True)
_ = ax.set(xlabel='component avg multiplicity')

fig, ax = plt.subplots()
_ = ax.hist(component_max_multiplicity, bins=np.linspace(0, 2000, 100), log=True)
_ = ax.set(xlabel='component max multiplicity')



In [46]:
virscan2_components = list(nx.weakly_connected_component_subgraphs(virscan2_dbg))

In [47]:
staph_components = list(nx.weakly_connected_component_subgraphs(staph_dbg))

Here are some example components


In [50]:
plot_graph(virscan2_components[690])



In [52]:
plot_graph(staph_components[45])



In [53]:
plot_graph(staph_components[1001])


We can add the coverage of the simple-design protein tile library on top of the DBG and then compare the coverage on each k-mer to the multiplicity.


In [101]:
count_kmers_into_attr(virscan2_dbg, virscan2_pep_file, k, attr='coverage')
count_kmers_into_attr(staph_dbg, staph_pep_file, k, attr='coverage')

Compute the coverage values


In [103]:
# recompute m to ensure same order as c
virscan2_multiplicity = []
virscan2_coverage = []
for d in virscan2_dbg.node.values():
    virscan2_multiplicity.append(d['multiplicity'])
    virscan2_coverage.append(d.get('coverage', 0))
virscan2_multiplicity = np.asarray(virscan2_multiplicity)
virscan2_coverage = np.asarray(virscan2_coverage)

In [104]:
# recompute m to ensure same order as c
staph_multiplicity = []
staph_coverage = []
for d in staph_dbg.node.values():
    staph_multiplicity.append(d['multiplicity'])
    staph_coverage.append(d.get('coverage', 0))
staph_multiplicity = np.asarray(staph_multiplicity)
staph_coverage = np.asarray(staph_coverage)

In [106]:
_ = plt.hist(virscan2_coverage, bins=range(max(virscan2_coverage)), log=True)



In [109]:
_ = plt.hist(staph_coverage, bins=range(40), log=True)



In [111]:
virscan2_coverage.mean()


Out[111]:
1.5906490258158454

In [112]:
virscan2_coverage.max()


Out[112]:
54

In [113]:
staph_coverage.mean()


Out[113]:
1.4707015195926831

In [114]:
staph_coverage.max()


Out[114]:
211

which is consistent with designing for a 2x library coverage?

Comparing the values against each other


In [117]:
fig, ax = plt.subplots()
_ = ax.hist2d(virscan2_multiplicity, virscan2_coverage, bins=50, norm=mpl.colors.LogNorm(), cmap='hot')
_ = ax.set(xlabel='multiplicity', ylabel='coverage', ylim=(0, 60))



In [126]:
fig, ax = plt.subplots()
_ = ax.hist2d(staph_multiplicity, staph_coverage, bins=[np.linspace(0, 500, 201), np.linspace(0, 50, 51)], norm=mpl.colors.LogNorm(), cmap='hot')
_ = ax.set(xlabel='multiplicity', ylabel='coverage')


Heuristic strategy

Build the tile set over several passes.

  1. Take all C-terminal and N-terminal tiles.
  2. Then create the set of all possible tiles from the input ORFs and randomly permute.
  3. First pass iteration. Accept a tile if
    • Tile length - sum of weights on nodes it covers > 0.95 * Tile length
  4. Second pass iteration. Generate candidate tiles again. Accept a tile if
    • Tile length - sum of weights on nodes it covers > 0
    • Path length from new tile start to any other tile's start > 0.4 * Tile length
    • Path length from new tile end to any other tile's end > 0.4 * Tile length

In [220]:
def is_good_candidate(candidate, dbg, tile_size, k, frac_added_weight=0.95, weight_cutoff=20, covered_multiplicity_factor=0.5):
    covered_weight = sum_attr(dbg, gen_kmers(candidate, k), 'weight')
    max_weight = max_attr(dbg, gen_kmers(candidate, k), 'weight')
    covered_multiplicity = sum_attr(dbg, gen_kmers(candidate, k), 'multiplicity')
    p1 = tile_size - covered_weight > frac_added_weight * tile_size
    p2 = max_weight < weight_cutoff
    p3 = covered_multiplicity > (1 + covered_multiplicity_factor) * tile_size
    return (p1 and p2 and p3)

def all_tiles(fasta_file, tile_size):
    all_tiles = set()
    for sr in tqdm(SeqIO.parse(fasta_file, 'fasta')):
        s = str(sr.seq)
        if len(s) < tile_size:
            print('seq is shorter than tile size\n{}'.format(sr), file=sys.stderr)
            continue
        all_tiles |= set(gen_kmers(s, tile_size))
    return all_tiles

def cterm_tiles(fasta_file, tile_size):
    cterm_tiles = set()
    for sr in tqdm(SeqIO.parse(fasta_file, 'fasta')):
        s = str(sr.seq)
        if len(s) < tile_size:
            print('seq is shorter than tile size\n{}'.format(sr), file=sys.stderr)
            continue
        cterm_tiles.add(s[-tile_size:])
    return cterm_tiles

def select_candidates(candidates, selected_tiles, dbg, tile_size, k,
                      frac_added_weight, weight_cutoff, covered_multiplicity_factor):    
    for candidate in tqdm(candidates):
        if (candidate not in selected_tiles and
            is_good_candidate(candidate, dbg, tile_size, k, frac_added_weight, weight_cutoff, covered_multiplicity_factor)):
            selected_tiles.add(candidate)
            for kmer in gen_kmers(candidate, k):
                incr_attr(dbg, kmer, 'weight')

def tiling_stats(selected_tiles, dbg):
    print('Num tiles: {}'.format(len(selected_tiles)))
    print('Frac kmers covered: {}'.format(graph_num_pos_attr(dbg, 'weight') / len(dbg)))
    print('Max kmer coverage: {}'.format(graph_max_attr(dbg, 'weight')))
    weighted_cov = sum([d['multiplicity'] for d in dbg.node.values() if d.get('weight', 0) > 0]) / graph_sum_attr(dbg, 'multiplicity')
    print('Weighted coverage: {}'.format(weighted_cov))
    cterm_cov = sum([1 for d in dbg.node.values() if (d.get('weight', 0) and d.get('cterm', False))]) / graph_sum_attr(dbg, 'cterm')
    print('C-term coverage: {}'.format(cterm_cov))

In [205]:
sum([True, 0, 0, True])


Out[205]:
2

In [195]:
# VIRSCAN2 FIRST
orf_file = virscan2_orf_file
dbg = virscan2_dbg

Generate candidate tiles


In [196]:
all_candidate_tiles = all_tiles(orf_file, tile_size)
cterm_candidate_tiles = cterm_tiles(orf_file, tile_size)
all_candidate_tiles = list(all_candidate_tiles - cterm_candidate_tiles)
cterm_candidate_tiles = list(cterm_candidate_tiles)


seq is shorter than tile size
ID: sp|P0CK28|A145_VACCC
Name: sp|P0CK28|A145_VACCC
Description: sp|P0CK28|A145_VACCC Virion membrane protein A14.5 OS=Vaccinia virus (strain Copenhagen) GN=A 14.5L PE=2 SV=1
Number of features: 0
Seq('MISNYEPLLLLVITCCVLLFNFTISSKTKIDIIFAVQTIVFIWFIFHFVHSAI', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P0CK27|A145_VAR67
Name: sp|P0CK27|A145_VAR67
Description: sp|P0CK27|A145_VAR67 Virion membrane protein A14.5 OS=Variola virus (isolate Human/India/Ind3/1967) GN=A 14.5L PE=2 SV=1
Number of features: 0
Seq('MISNYEPLLLLVITCCVLLFNFTISSKTKIDIIFAVQTIVFIWFIFHFVHSAI', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P11817|E417_ADE03
Name: sp|P11817|E417_ADE03
Description: sp|P11817|E417_ADE03 Probable early E4 17 kDa protein (Fragment) OS=Human adenovirus B serotype 3 PE=4 SV=1
Number of features: 0
Seq('FKAVRGERLVYSVKWEGGGKITTRIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P0C6H9|HBEAG_HBVD2
Name: sp|P0C6H9|HBEAG_HBVD2
Description: sp|P0C6H9|HBEAG_HBVD2 Truncated HBeAg protein OS=Hepatitis B virus genotype D (isolate France/alpha1/1989) GN=C PE=4 SV=1
Number of features: 0
Seq('MQLFHLCLIISCSCPTVQASKLCLGWL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P0C6G8|HBEAG_HBVB3
Name: sp|P0C6G8|HBEAG_HBVB3
Description: sp|P0C6G8|HBEAG_HBVB3 Truncated HBeAg protein OS=Hepatitis B virus genotype B2 (isolate Vietnam/9873/1997) GN=C PE=4 SV=1
Number of features: 0
Seq('MQLFHLCLIISCSCPTVQASKLCLGWL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P0C6K6|HBEAG_HBVB8
Name: sp|P0C6K6|HBEAG_HBVB8
Description: sp|P0C6K6|HBEAG_HBVB8 Truncated HBeAg protein OS=Hepatitis B virus genotype B1 (isolate Japan/Ry30/2002) GN=C PE=4 SV=1
Number of features: 0
Seq('MQLFHLCLVISCSCPTVQASKLCLGWL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P0C6H0|HBEAG_HBVB6
Name: sp|P0C6H0|HBEAG_HBVB6
Description: sp|P0C6H0|HBEAG_HBVB6 Truncated HBeAg protein OS=Hepatitis B virus genotype B2 subtype adw (isolate China/patient4/1996) GN=C PE=4 SV=1
Number of features: 0
Seq('MQLFHLCLIISCSCPTVQASKLCLGWL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P29893|F17_VACCP
Name: sp|P29893|F17_VACCP
Description: sp|P29893|F17_VACCP Core phosphoprotein F17 (Fragment) OS=Vaccinia virus (strain L-IVP) GN=FE1 PE=3 SV=1
Number of features: 0
Seq('MNSHFASAHTPFYINTKEARYLVLKAVKVCDVRTVECEGSKA', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P0C6H1|HBEAG_HBVB7
Name: sp|P0C6H1|HBEAG_HBVB7
Description: sp|P0C6H1|HBEAG_HBVB7 Truncated HBeAg protein OS=Hepatitis B virus genotype B1 (isolate Japan/Yamagata-2/1998) GN=C PE=4 SV=1
Number of features: 0
Seq('MQLFHLCLVISCSCPTVQASKLCLGWL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P0C6K5|HBEAG_HBVC9
Name: sp|P0C6K5|HBEAG_HBVC9
Description: sp|P0C6K5|HBEAG_HBVC9 Truncated HBeAg protein OS=Hepatitis B virus genotype C subtype ayw (isolate Australia/AustRC/1992) GN=C PE=4 SV=1
Number of features: 0
Seq('MQLFHLCLIISCSCPTVQASKLCLGWL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P0C6I0|HBEAG_HBVD4
Name: sp|P0C6I0|HBEAG_HBVD4
Description: sp|P0C6I0|HBEAG_HBVD4 Truncated HBeAg protein OS=Hepatitis B virus genotype D subtype ayw (isolate Japan/JYW796/1988) GN=C PE=4 SV=1
Number of features: 0
Seq('MQLFHLCLIIFCSCPTVQASKLCLGWL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|Q00334|I3_VACCP
Name: sp|Q00334|I3_VACCP
Description: sp|Q00334|I3_VACCP Protein I3 (Fragment) OS=Vaccinia virus (strain L-IVP) GN=I3L PE=2 SV=1
Number of features: 0
Seq('DLARNLGLVDIDDEYDEDSDKEKPIFNV', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|B3EUR5|PB1F2_I61A1
Name: sp|B3EUR5|PB1F2_I61A1
Description: sp|B3EUR5|PB1F2_I61A1 Protein PB1-F2 OS=Influenza A virus (strain A/Swine/Wisconsin/1/1961 H1N1) GN=PB1 PE=3 SV=2
Number of features: 0
Seq('MGQEQGIPWIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|A8C8X2|PB1F2_I67A2
Name: sp|A8C8X2|PB1F2_I67A2
Description: sp|A8C8X2|PB1F2_I67A2 Putative protein PB1-F2 OS=Influenza A virus (strain A/Swine/Wisconsin/1/1967 H1N1) GN=PB1-F2 PE=3 SV=2
Number of features: 0
Seq('MGQEQDTPWIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P12480|NEF_HV1J3
Name: sp|P12480|NEF_HV1J3
Description: sp|P12480|NEF_HV1J3 Protein Nef (Fragment) OS=Human immunodeficiency virus type 1 group M subtype B (isolate JH32) GN=nef PE=3 SV=3
Number of features: 0
Seq('MGGKWSKRSVVGWPAVR', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P12481|NEF_HV1Z8
Name: sp|P12481|NEF_HV1Z8
Description: sp|P12481|NEF_HV1Z8 Protein Nef (Fragment) OS=Human immunodeficiency virus type 1 group M subtype D (isolate Z84) GN=nef PE=3 SV=3
Number of features: 0
Seq('MGGKWSKSS', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|Q7TFA1|NS7B_CVHSA
Name: sp|Q7TFA1|NS7B_CVHSA
Description: sp|Q7TFA1|NS7B_CVHSA Protein non-structural 7b OS=Human SARS coronavirus GN=7b PE=4 SV=1
Number of features: 0
Seq('MNELTLIDFYLCFLAFLLFLVLIMLIIFWFSLEIQDLEEPCTKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|B3SRS6|NSP6_ROTAD
Name: sp|B3SRS6|NSP6_ROTAD
Description: sp|B3SRS6|NSP6_ROTAD Non-structural protein 6 OS=Rotavirus A (strain RVA/Human/United States/D/1974/G1P1A[8]) PE=3 SV=1
Number of features: 0
Seq('MNRLLQRQLFLENLLVGTNSMFHQISKHSINTCCRSL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|B3SRV8|NSP6_ROTHP
Name: sp|B3SRV8|NSP6_ROTHP
Description: sp|B3SRV8|NSP6_ROTHP Non-structural protein 6 OS=Rotavirus A (strain RVA/Human/United States/P/1974/G3P1A[8]) PE=3 SV=1
Number of features: 0
Seq('MNRLLQRQLFLENLLVGVNSTFHQMQKHSINTCCRSL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P0CK23|O3_VAR67
Name: sp|P0CK23|O3_VAR67
Description: sp|P0CK23|O3_VAR67 Protein O3 OS=Variola virus (isolate Human/India/Ind3/1967) GN=O3L PE=2 SV=1
Number of features: 0
Seq('MLVVIMFFIAFAFCSWLSYSYLRPYISTKELNKSRMFYIT', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|Q7TFA0|NS8A_CVHSA
Name: sp|Q7TFA0|NS8A_CVHSA
Description: sp|Q7TFA0|NS8A_CVHSA Protein non-structural 8a OS=Human SARS coronavirus GN=8a PE=3 SV=1
Number of features: 0
Seq('MKLLIVLTCISLCSCICTVVQRCASNKPHVLEDPCKVQH', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|B3SRY2|NSP6_ROTWI
Name: sp|B3SRY2|NSP6_ROTWI
Description: sp|B3SRY2|NSP6_ROTWI Non-structural protein 6 OS=Rotavirus A (isolate RVA/Human/United States/WI61/1983/G9P1A[8]) PE=3 SV=1
Number of features: 0
Seq('MNRLLQRQLFLENLLVGVNSTFHQM', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P09614|NSS_BUNL7
Name: sp|P09614|NSS_BUNL7
Description: sp|P09614|NSS_BUNL7 Non-structural protein NS-S (Fragment) OS=Bunyavirus La Crosse (isolate Aedes triseriatus/United States/L74/1974) GN=N PE=3 SV=1
Number of features: 0
Seq('MMSHQQVQINLILMQGIWTSVLKMQNHSTLLQLGSSSTMPQRPRLLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P0CK22|O3_VACCC
Name: sp|P0CK22|O3_VACCC
Description: sp|P0CK22|O3_VACCC Protein O3 OS=Vaccinia virus (strain Copenhagen) GN=O3L PE=2 SV=1
Number of features: 0
Seq('MLVVIMFFIAFAFCSWLSYSYLRPYISTKELNKSR', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P05663|PKG3_ADE07
Name: sp|P05663|PKG3_ADE07
Description: sp|P05663|PKG3_ADE07 Packaging protein 3 (Fragment) OS=Human adenovirus B serotype 7 GN=L1 PE=2 SV=1
Number of features: 0
Seq('MHPVLRQMRPQQQAPSQQQPQKALLAP', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P24429|PP71_HCMVT
Name: sp|P24429|PP71_HCMVT
Description: sp|P24429|PP71_HCMVT 71 kDa phosphoprotein (Fragment) OS=Human cytomegalovirus (strain Towne) GN=UL82 PE=3 SV=1
Number of features: 0
Seq('MSQASSSPGEGPSSEAAAISEAEAASGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|F7V996|RL9A_HCMVM
Name: sp|F7V996|RL9A_HCMVM
Description: sp|F7V996|RL9A_HCMVM Protein RL9A OS=Human cytomegalovirus (strain Merlin) GN=RL9A PE=4 SV=1
Number of features: 0
Seq('MSLDAASHQPAARRLLDSALVRRVLACMIIVIMIAISIWILTYVLFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P05953|VPR_HV1C4
Name: sp|P05953|VPR_HV1C4
Description: sp|P05953|VPR_HV1C4 Protein Vpr (Fragment) OS=Human immunodeficiency virus type 1 group M subtype B (isolate CDC-451) GN=vpr PE=3 SV=1
Number of features: 0
Seq('NSATTAVYSFQDWVSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P08808|VPU_HV1W2
Name: sp|P08808|VPU_HV1W2
Description: sp|P08808|VPU_HV1W2 Protein Vpu (Fragment) OS=Human immunodeficiency virus type 1 group M subtype B (isolate WMJ22) GN=vpu PE=3 SV=1
Number of features: 0
Seq('ERAEDSGNESEGDHEELSALVDMGHDALWDVDDL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P07577|SH_PIV5
Name: sp|P07577|SH_PIV5
Description: sp|P07577|SH_PIV5 Small hydrophobic protein OS=Parainfluenza virus 5 (strain W3) GN=SH PE=3 SV=1
Number of features: 0
Seq('MLPDPEDPESKKATRRAGNLIICFLFIFFLFVTFIVPTLRHLLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|Q75005|TAT_HV1ET
Name: sp|Q75005|TAT_HV1ET
Description: sp|Q75005|TAT_HV1ET Protein Tat OS=Human immunodeficiency virus type 1 group M subtype C (isolate ETH2220) PE=3 SV=1
Number of features: 0
Seq('MEPVDPNLEPWNHPGSQPKTACNQCYCKKCSYHCLVCFLTKA', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P12512|TAT_HV1ZH
Name: sp|P12512|TAT_HV1ZH
Description: sp|P12512|TAT_HV1ZH Protein Tat (Fragment) OS=Human immunodeficiency virus type 1 group M subtype A (isolate Z321) PE=3 SV=1
Number of features: 0
Seq('PLPTTRGNPTGPKESKKEVESKTETDPFAW', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P12511|TAT_HV1Z8
Name: sp|P12511|TAT_HV1Z8
Description: sp|P12511|TAT_HV1Z8 Protein Tat (Fragment) OS=Human immunodeficiency virus type 1 group M subtype D (isolate Z84) PE=3 SV=1
Number of features: 0
Seq('PSSQPRGDPTGPKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P12509|TAT_HV1W2
Name: sp|P12509|TAT_HV1W2
Description: sp|P12509|TAT_HV1W2 Protein Tat (Fragment) OS=Human immunodeficiency virus type 1 group M subtype B (isolate WMJ22) PE=3 SV=1
Number of features: 0
Seq('PTSQPRGDPTGPKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P12507|TAT_HV1BN
Name: sp|P12507|TAT_HV1BN
Description: sp|P12507|TAT_HV1BN Protein Tat (Fragment) OS=Human immunodeficiency virus type 1 group M subtype B (isolate BRVA) PE=3 SV=1
Number of features: 0
Seq('APEDSQSHQVSLSKQPASQAGGDPTGPKESKKKVESETETDPVP', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P12508|TAT_HV1J3
Name: sp|P12508|TAT_HV1J3
Description: sp|P12508|TAT_HV1J3 Protein Tat (Fragment) OS=Human immunodeficiency virus type 1 group M subtype B (isolate JH32) PE=3 SV=1
Number of features: 0
Seq('EAETATKSCSGRQANQVSLPKQPASQPRGDPTGPKESKKKVETETETDPVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P12510|TAT_HV1Z3
Name: sp|P12510|TAT_HV1Z3
Description: sp|P12510|TAT_HV1Z3 Protein Tat (Fragment) OS=Human immunodeficiency virus type 1 group M subtype U (isolate Z3) PE=3 SV=1
Number of features: 0
Seq('PSSQPRGDPTGQEEPKKKVEKKTTTDPFD', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P08807|VPU_HV1Z8
Name: sp|P08807|VPU_HV1Z8
Description: sp|P08807|VPU_HV1Z8 Protein Vpu (Fragment) OS=Human immunodeficiency virus type 1 group M subtype D (isolate Z84) GN=vpu PE=3 SV=1
Number of features: 0
Seq('NQSERAEDSGNESDGDKDELSTLVEMGHHAPWDIDDM', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P08804|VPU_HV1N5
Name: sp|P08804|VPU_HV1N5
Description: sp|P08804|VPU_HV1N5 Protein Vpu (Fragment) OS=Human immunodeficiency virus type 1 group M subtype B (isolate NY5) GN=vpu PE=3 SV=1
Number of features: 0
Seq('RKVDRIIDRIRERAEDSGNESEGDQEELSALVEMGHDAPWDVNDL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P23210|VP19_HHV1K
Name: sp|P23210|VP19_HHV1K
Description: sp|P23210|VP19_HHV1K Triplex capsid protein VP19C (Fragment) OS=Human herpesvirus 1 (strain KOS) GN=UL38 PE=3 SV=1
Number of features: 0
Seq('MKTNPL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|Q02513|VE1_HPV53
Name: sp|Q02513|VE1_HPV53
Description: sp|Q02513|VE1_HPV53 Replication protein E1 (Fragment) OS=Human papillomavirus type 53 GN=E1 PE=3 SV=1
Number of features: 0
Seq('AFHYAQLADVDSNAQAFLKSNMQAKYVKDCGIMCRHYKRAQQQQMNMKQWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P19326|Z_LYCVP
Name: sp|P19326|Z_LYCVP
Description: sp|P19326|Z_LYCVP RING finger protein Z (Fragment) OS=Lymphocytic choriomeningitis virus (strain Pasteur) GN=Z PE=3 SV=1
Number of features: 0
Seq('PDTTYLGPLNCKSCWQKFDSLVRCHDHYLCRHCLNLLLTSSDRCPLCKYPL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P0CK28|A145_VACCC
Name: sp|P0CK28|A145_VACCC
Description: sp|P0CK28|A145_VACCC Virion membrane protein A14.5 OS=Vaccinia virus (strain Copenhagen) GN=A 14.5L PE=2 SV=1
Number of features: 0
Seq('MISNYEPLLLLVITCCVLLFNFTISSKTKIDIIFAVQTIVFIWFIFHFVHSAI', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P0CK27|A145_VAR67
Name: sp|P0CK27|A145_VAR67
Description: sp|P0CK27|A145_VAR67 Virion membrane protein A14.5 OS=Variola virus (isolate Human/India/Ind3/1967) GN=A 14.5L PE=2 SV=1
Number of features: 0
Seq('MISNYEPLLLLVITCCVLLFNFTISSKTKIDIIFAVQTIVFIWFIFHFVHSAI', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P11817|E417_ADE03
Name: sp|P11817|E417_ADE03
Description: sp|P11817|E417_ADE03 Probable early E4 17 kDa protein (Fragment) OS=Human adenovirus B serotype 3 PE=4 SV=1
Number of features: 0
Seq('FKAVRGERLVYSVKWEGGGKITTRIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P0C6H9|HBEAG_HBVD2
Name: sp|P0C6H9|HBEAG_HBVD2
Description: sp|P0C6H9|HBEAG_HBVD2 Truncated HBeAg protein OS=Hepatitis B virus genotype D (isolate France/alpha1/1989) GN=C PE=4 SV=1
Number of features: 0
Seq('MQLFHLCLIISCSCPTVQASKLCLGWL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P0C6G8|HBEAG_HBVB3
Name: sp|P0C6G8|HBEAG_HBVB3
Description: sp|P0C6G8|HBEAG_HBVB3 Truncated HBeAg protein OS=Hepatitis B virus genotype B2 (isolate Vietnam/9873/1997) GN=C PE=4 SV=1
Number of features: 0
Seq('MQLFHLCLIISCSCPTVQASKLCLGWL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P0C6K6|HBEAG_HBVB8
Name: sp|P0C6K6|HBEAG_HBVB8
Description: sp|P0C6K6|HBEAG_HBVB8 Truncated HBeAg protein OS=Hepatitis B virus genotype B1 (isolate Japan/Ry30/2002) GN=C PE=4 SV=1
Number of features: 0
Seq('MQLFHLCLVISCSCPTVQASKLCLGWL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P0C6H0|HBEAG_HBVB6
Name: sp|P0C6H0|HBEAG_HBVB6
Description: sp|P0C6H0|HBEAG_HBVB6 Truncated HBeAg protein OS=Hepatitis B virus genotype B2 subtype adw (isolate China/patient4/1996) GN=C PE=4 SV=1
Number of features: 0
Seq('MQLFHLCLIISCSCPTVQASKLCLGWL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P29893|F17_VACCP
Name: sp|P29893|F17_VACCP
Description: sp|P29893|F17_VACCP Core phosphoprotein F17 (Fragment) OS=Vaccinia virus (strain L-IVP) GN=FE1 PE=3 SV=1
Number of features: 0
Seq('MNSHFASAHTPFYINTKEARYLVLKAVKVCDVRTVECEGSKA', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P0C6H1|HBEAG_HBVB7
Name: sp|P0C6H1|HBEAG_HBVB7
Description: sp|P0C6H1|HBEAG_HBVB7 Truncated HBeAg protein OS=Hepatitis B virus genotype B1 (isolate Japan/Yamagata-2/1998) GN=C PE=4 SV=1
Number of features: 0
Seq('MQLFHLCLVISCSCPTVQASKLCLGWL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P0C6K5|HBEAG_HBVC9
Name: sp|P0C6K5|HBEAG_HBVC9
Description: sp|P0C6K5|HBEAG_HBVC9 Truncated HBeAg protein OS=Hepatitis B virus genotype C subtype ayw (isolate Australia/AustRC/1992) GN=C PE=4 SV=1
Number of features: 0
Seq('MQLFHLCLIISCSCPTVQASKLCLGWL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P0C6I0|HBEAG_HBVD4
Name: sp|P0C6I0|HBEAG_HBVD4
Description: sp|P0C6I0|HBEAG_HBVD4 Truncated HBeAg protein OS=Hepatitis B virus genotype D subtype ayw (isolate Japan/JYW796/1988) GN=C PE=4 SV=1
Number of features: 0
Seq('MQLFHLCLIIFCSCPTVQASKLCLGWL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|Q00334|I3_VACCP
Name: sp|Q00334|I3_VACCP
Description: sp|Q00334|I3_VACCP Protein I3 (Fragment) OS=Vaccinia virus (strain L-IVP) GN=I3L PE=2 SV=1
Number of features: 0
Seq('DLARNLGLVDIDDEYDEDSDKEKPIFNV', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|B3EUR5|PB1F2_I61A1
Name: sp|B3EUR5|PB1F2_I61A1
Description: sp|B3EUR5|PB1F2_I61A1 Protein PB1-F2 OS=Influenza A virus (strain A/Swine/Wisconsin/1/1961 H1N1) GN=PB1 PE=3 SV=2
Number of features: 0
Seq('MGQEQGIPWIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|A8C8X2|PB1F2_I67A2
Name: sp|A8C8X2|PB1F2_I67A2
Description: sp|A8C8X2|PB1F2_I67A2 Putative protein PB1-F2 OS=Influenza A virus (strain A/Swine/Wisconsin/1/1967 H1N1) GN=PB1-F2 PE=3 SV=2
Number of features: 0
Seq('MGQEQDTPWIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P12480|NEF_HV1J3
Name: sp|P12480|NEF_HV1J3
Description: sp|P12480|NEF_HV1J3 Protein Nef (Fragment) OS=Human immunodeficiency virus type 1 group M subtype B (isolate JH32) GN=nef PE=3 SV=3
Number of features: 0
Seq('MGGKWSKRSVVGWPAVR', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P12481|NEF_HV1Z8
Name: sp|P12481|NEF_HV1Z8
Description: sp|P12481|NEF_HV1Z8 Protein Nef (Fragment) OS=Human immunodeficiency virus type 1 group M subtype D (isolate Z84) GN=nef PE=3 SV=3
Number of features: 0
Seq('MGGKWSKSS', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|Q7TFA1|NS7B_CVHSA
Name: sp|Q7TFA1|NS7B_CVHSA
Description: sp|Q7TFA1|NS7B_CVHSA Protein non-structural 7b OS=Human SARS coronavirus GN=7b PE=4 SV=1
Number of features: 0
Seq('MNELTLIDFYLCFLAFLLFLVLIMLIIFWFSLEIQDLEEPCTKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|B3SRS6|NSP6_ROTAD
Name: sp|B3SRS6|NSP6_ROTAD
Description: sp|B3SRS6|NSP6_ROTAD Non-structural protein 6 OS=Rotavirus A (strain RVA/Human/United States/D/1974/G1P1A[8]) PE=3 SV=1
Number of features: 0
Seq('MNRLLQRQLFLENLLVGTNSMFHQISKHSINTCCRSL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|B3SRV8|NSP6_ROTHP
Name: sp|B3SRV8|NSP6_ROTHP
Description: sp|B3SRV8|NSP6_ROTHP Non-structural protein 6 OS=Rotavirus A (strain RVA/Human/United States/P/1974/G3P1A[8]) PE=3 SV=1
Number of features: 0
Seq('MNRLLQRQLFLENLLVGVNSTFHQMQKHSINTCCRSL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P0CK23|O3_VAR67
Name: sp|P0CK23|O3_VAR67
Description: sp|P0CK23|O3_VAR67 Protein O3 OS=Variola virus (isolate Human/India/Ind3/1967) GN=O3L PE=2 SV=1
Number of features: 0
Seq('MLVVIMFFIAFAFCSWLSYSYLRPYISTKELNKSRMFYIT', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|Q7TFA0|NS8A_CVHSA
Name: sp|Q7TFA0|NS8A_CVHSA
Description: sp|Q7TFA0|NS8A_CVHSA Protein non-structural 8a OS=Human SARS coronavirus GN=8a PE=3 SV=1
Number of features: 0
Seq('MKLLIVLTCISLCSCICTVVQRCASNKPHVLEDPCKVQH', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|B3SRY2|NSP6_ROTWI
Name: sp|B3SRY2|NSP6_ROTWI
Description: sp|B3SRY2|NSP6_ROTWI Non-structural protein 6 OS=Rotavirus A (isolate RVA/Human/United States/WI61/1983/G9P1A[8]) PE=3 SV=1
Number of features: 0
Seq('MNRLLQRQLFLENLLVGVNSTFHQM', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P09614|NSS_BUNL7
Name: sp|P09614|NSS_BUNL7
Description: sp|P09614|NSS_BUNL7 Non-structural protein NS-S (Fragment) OS=Bunyavirus La Crosse (isolate Aedes triseriatus/United States/L74/1974) GN=N PE=3 SV=1
Number of features: 0
Seq('MMSHQQVQINLILMQGIWTSVLKMQNHSTLLQLGSSSTMPQRPRLLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P0CK22|O3_VACCC
Name: sp|P0CK22|O3_VACCC
Description: sp|P0CK22|O3_VACCC Protein O3 OS=Vaccinia virus (strain Copenhagen) GN=O3L PE=2 SV=1
Number of features: 0
Seq('MLVVIMFFIAFAFCSWLSYSYLRPYISTKELNKSR', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P05663|PKG3_ADE07
Name: sp|P05663|PKG3_ADE07
Description: sp|P05663|PKG3_ADE07 Packaging protein 3 (Fragment) OS=Human adenovirus B serotype 7 GN=L1 PE=2 SV=1
Number of features: 0
Seq('MHPVLRQMRPQQQAPSQQQPQKALLAP', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P24429|PP71_HCMVT
Name: sp|P24429|PP71_HCMVT
Description: sp|P24429|PP71_HCMVT 71 kDa phosphoprotein (Fragment) OS=Human cytomegalovirus (strain Towne) GN=UL82 PE=3 SV=1
Number of features: 0
Seq('MSQASSSPGEGPSSEAAAISEAEAASGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|F7V996|RL9A_HCMVM
Name: sp|F7V996|RL9A_HCMVM
Description: sp|F7V996|RL9A_HCMVM Protein RL9A OS=Human cytomegalovirus (strain Merlin) GN=RL9A PE=4 SV=1
Number of features: 0
Seq('MSLDAASHQPAARRLLDSALVRRVLACMIIVIMIAISIWILTYVLFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P05953|VPR_HV1C4
Name: sp|P05953|VPR_HV1C4
Description: sp|P05953|VPR_HV1C4 Protein Vpr (Fragment) OS=Human immunodeficiency virus type 1 group M subtype B (isolate CDC-451) GN=vpr PE=3 SV=1
Number of features: 0
Seq('NSATTAVYSFQDWVSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P08808|VPU_HV1W2
Name: sp|P08808|VPU_HV1W2
Description: sp|P08808|VPU_HV1W2 Protein Vpu (Fragment) OS=Human immunodeficiency virus type 1 group M subtype B (isolate WMJ22) GN=vpu PE=3 SV=1
Number of features: 0
Seq('ERAEDSGNESEGDHEELSALVDMGHDALWDVDDL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P07577|SH_PIV5
Name: sp|P07577|SH_PIV5
Description: sp|P07577|SH_PIV5 Small hydrophobic protein OS=Parainfluenza virus 5 (strain W3) GN=SH PE=3 SV=1
Number of features: 0
Seq('MLPDPEDPESKKATRRAGNLIICFLFIFFLFVTFIVPTLRHLLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|Q75005|TAT_HV1ET
Name: sp|Q75005|TAT_HV1ET
Description: sp|Q75005|TAT_HV1ET Protein Tat OS=Human immunodeficiency virus type 1 group M subtype C (isolate ETH2220) PE=3 SV=1
Number of features: 0
Seq('MEPVDPNLEPWNHPGSQPKTACNQCYCKKCSYHCLVCFLTKA', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P12512|TAT_HV1ZH
Name: sp|P12512|TAT_HV1ZH
Description: sp|P12512|TAT_HV1ZH Protein Tat (Fragment) OS=Human immunodeficiency virus type 1 group M subtype A (isolate Z321) PE=3 SV=1
Number of features: 0
Seq('PLPTTRGNPTGPKESKKEVESKTETDPFAW', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P12511|TAT_HV1Z8
Name: sp|P12511|TAT_HV1Z8
Description: sp|P12511|TAT_HV1Z8 Protein Tat (Fragment) OS=Human immunodeficiency virus type 1 group M subtype D (isolate Z84) PE=3 SV=1
Number of features: 0
Seq('PSSQPRGDPTGPKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P12509|TAT_HV1W2
Name: sp|P12509|TAT_HV1W2
Description: sp|P12509|TAT_HV1W2 Protein Tat (Fragment) OS=Human immunodeficiency virus type 1 group M subtype B (isolate WMJ22) PE=3 SV=1
Number of features: 0
Seq('PTSQPRGDPTGPKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P12507|TAT_HV1BN
Name: sp|P12507|TAT_HV1BN
Description: sp|P12507|TAT_HV1BN Protein Tat (Fragment) OS=Human immunodeficiency virus type 1 group M subtype B (isolate BRVA) PE=3 SV=1
Number of features: 0
Seq('APEDSQSHQVSLSKQPASQAGGDPTGPKESKKKVESETETDPVP', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P12508|TAT_HV1J3
Name: sp|P12508|TAT_HV1J3
Description: sp|P12508|TAT_HV1J3 Protein Tat (Fragment) OS=Human immunodeficiency virus type 1 group M subtype B (isolate JH32) PE=3 SV=1
Number of features: 0
Seq('EAETATKSCSGRQANQVSLPKQPASQPRGDPTGPKESKKKVETETETDPVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P12510|TAT_HV1Z3
Name: sp|P12510|TAT_HV1Z3
Description: sp|P12510|TAT_HV1Z3 Protein Tat (Fragment) OS=Human immunodeficiency virus type 1 group M subtype U (isolate Z3) PE=3 SV=1
Number of features: 0
Seq('PSSQPRGDPTGQEEPKKKVEKKTTTDPFD', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P08807|VPU_HV1Z8
Name: sp|P08807|VPU_HV1Z8
Description: sp|P08807|VPU_HV1Z8 Protein Vpu (Fragment) OS=Human immunodeficiency virus type 1 group M subtype D (isolate Z84) GN=vpu PE=3 SV=1
Number of features: 0
Seq('NQSERAEDSGNESDGDKDELSTLVEMGHHAPWDIDDM', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P08804|VPU_HV1N5
Name: sp|P08804|VPU_HV1N5
Description: sp|P08804|VPU_HV1N5 Protein Vpu (Fragment) OS=Human immunodeficiency virus type 1 group M subtype B (isolate NY5) GN=vpu PE=3 SV=1
Number of features: 0
Seq('RKVDRIIDRIRERAEDSGNESEGDQEELSALVEMGHDAPWDVNDL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P23210|VP19_HHV1K
Name: sp|P23210|VP19_HHV1K
Description: sp|P23210|VP19_HHV1K Triplex capsid protein VP19C (Fragment) OS=Human herpesvirus 1 (strain KOS) GN=UL38 PE=3 SV=1
Number of features: 0
Seq('MKTNPL', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|Q02513|VE1_HPV53
Name: sp|Q02513|VE1_HPV53
Description: sp|Q02513|VE1_HPV53 Replication protein E1 (Fragment) OS=Human papillomavirus type 53 GN=E1 PE=3 SV=1
Number of features: 0
Seq('AFHYAQLADVDSNAQAFLKSNMQAKYVKDCGIMCRHYKRAQQQQMNMKQWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: sp|P19326|Z_LYCVP
Name: sp|P19326|Z_LYCVP
Description: sp|P19326|Z_LYCVP RING finger protein Z (Fragment) OS=Lymphocytic choriomeningitis virus (strain Pasteur) GN=Z PE=3 SV=1
Number of features: 0
Seq('PDTTYLGPLNCKSCWQKFDSLVRCHDHYLCRHCLNLLLTSSDRCPLCKYPL', SingleLetterAlphabet())

In [197]:
random.shuffle(all_candidate_tiles)
random.shuffle(cterm_candidate_tiles)

In [198]:
reset_attr(dbg, 'weight')
selected_tiles = set()

In [199]:
select_candidates(cterm_candidate_tiles + all_candidate_tiles, selected_tiles, dbg, tile_size, k, 0.95, 10, 5)
tiling_stats(selected_tiles, dbg)


Num tiles: 833
Frac kmers covered: 0.023853180447193346
Max kmer coverage: 18
Weighted coverage: 0.16663043583277778

In [200]:
select_candidates(cterm_candidate_tiles + all_candidate_tiles, selected_tiles, dbg, tile_size, k, 0.95, 10, 2)
tiling_stats(selected_tiles, dbg)


Num tiles: 2466
Frac kmers covered: 0.07078988242054608
Max kmer coverage: 18
Weighted coverage: 0.2772783673627127

In [201]:
select_candidates(cterm_candidate_tiles + all_candidate_tiles, selected_tiles, dbg, tile_size, k, 0.95, 10, 0.5)
tiling_stats(selected_tiles, dbg)


Num tiles: 6608
Frac kmers covered: 0.19010991756529608
Max kmer coverage: 18
Weighted coverage: 0.42518781374176867

In [202]:
select_candidates(cterm_candidate_tiles + all_candidate_tiles, selected_tiles, dbg, tile_size, k, 0.75, 10, 0.2)
tiling_stats(selected_tiles, dbg)


Num tiles: 15371
Frac kmers covered: 0.4071599794017342
Max kmer coverage: 18
Weighted coverage: 0.6294948662633657

In [203]:
select_candidates(cterm_candidate_tiles + all_candidate_tiles, selected_tiles, dbg, tile_size, k, 0.55, 10, 0.2)
tiling_stats(selected_tiles, dbg)


Num tiles: 20127
Frac kmers covered: 0.4837691495164821
Max kmer coverage: 18
Weighted coverage: 0.7009255080253022

In [204]:
select_candidates(cterm_candidate_tiles + all_candidate_tiles, selected_tiles, dbg, tile_size, k, 0.35, 10, 0.2)
tiling_stats(selected_tiles, dbg)


Num tiles: 24596
Frac kmers covered: 0.529167921671069
Max kmer coverage: 18
Weighted coverage: 0.7399450809569357

In [208]:
tiling_stats(selected_tiles, dbg)


Num tiles: 24596
Frac kmers covered: 0.529167921671069
Max kmer coverage: 18
Weighted coverage: 0.7399450809569357
C-term coverage: 0.3711278195488722

In [ ]:


In [209]:
# STAPH
orf_file = staph_orf_file
dbg = staph_dbg

In [210]:
all_candidate_tiles = all_tiles(orf_file, tile_size)
cterm_candidate_tiles = cterm_tiles(orf_file, tile_size)
all_candidate_tiles = list(all_candidate_tiles - cterm_candidate_tiles)
cterm_candidate_tiles = list(cterm_candidate_tiles)


seq is shorter than tile size
ID: WP_000009238.1
Name: WP_000009238.1
Description: WP_000009238.1
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000031108.1
Name: WP_000031108.1
Description: WP_000031108.1
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000048129.1
Name: WP_000048129.1
Description: WP_000048129.1
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000051210.1
Name: WP_000051210.1
Description: WP_000051210.1
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000064214.1
Name: WP_000064214.1
Description: WP_000064214.1
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000147103.1
Name: WP_000147103.1
Description: WP_000147103.1
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000230358.1
Name: WP_000230358.1
Description: WP_000230358.1
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000240855.1
Name: WP_000240855.1
Description: WP_000240855.1
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000248844.1
Name: WP_000248844.1
Description: WP_000248844.1
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000312015.1
Name: WP_000312015.1
Description: WP_000312015.1
Number of features: 0
Seq('MAVYKYARQIYKIIVHVQYRYNYEKDIYEYLKYDIIKRLCFEKGGTLNV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000398672.1
Name: WP_000398672.1
Description: WP_000398672.1
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000477492.1
Name: WP_000477492.1
Description: WP_000477492.1
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000482652.1
Name: WP_000482652.1
Description: WP_000482652.1
Number of features: 0
Seq('MFNLLINIMTSALSGCLVAFFAHWLRTRNNKKGDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000499195.1
Name: WP_000499195.1
Description: WP_000499195.1
Number of features: 0
Seq('MFYFTLSKQNTHSEKLNFSLIANINKIDTKLFERLLKLWSKNATINEKYYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000587958.1
Name: WP_000587958.1
Description: WP_000587958.1
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000595265.1
Name: WP_000595265.1
Description: WP_000595265.1
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000631574.1
Name: WP_000631574.1
Description: WP_000631574.1
Number of features: 0
Seq('MITLLAVVVIALILFLFYALIWSEKF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000662306.1
Name: WP_000662306.1
Description: WP_000662306.1
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000731976.1
Name: WP_000731976.1
Description: WP_000731976.1
Number of features: 0
Seq('MKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000762708.1
Name: WP_000762708.1
Description: WP_000762708.1
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000765708.1
Name: WP_000765708.1
Description: WP_000765708.1
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000784885.1
Name: WP_000784885.1
Description: WP_000784885.1
Number of features: 0
Seq('MKMYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000828354.1
Name: WP_000828354.1
Description: WP_000828354.1
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000837752.1
Name: WP_000837752.1
Description: WP_000837752.1
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000840602.1
Name: WP_000840602.1
Description: WP_000840602.1
Number of features: 0
Seq('MAEQSKQKQANEQQKAQNLFARWRQLQNSNSESSNDTNK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000868342.1
Name: WP_000868342.1
Description: WP_000868342.1
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000927785.1
Name: WP_000927785.1
Description: WP_000927785.1
Number of features: 0
Seq('MLLTTPIRLYLIDNNYQYQLLVLIVAHPN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000982808.1
Name: WP_000982808.1
Description: WP_000982808.1
Number of features: 0
Seq('MMPQNTIAKKKQARHLMKVYAPVYSKHYLASNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000990056.1
Name: WP_000990056.1
Description: WP_000990056.1
Number of features: 0
Seq('MMWWQEGMMTLITGGLLIIFRLWLELKWKNKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001000058.1
Name: WP_001000058.1
Description: WP_001000058.1
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001005407.1
Name: WP_001005407.1
Description: WP_001005407.1
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001057759.1
Name: WP_001057759.1
Description: WP_001057759.1
Number of features: 0
Seq('MNNALKQEEATWGNVQGQVSQALMGTGIKDSTARSIGFWVSQVGQALI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001094921.1
Name: WP_001094921.1
Description: WP_001094921.1
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001250275.1
Name: WP_001250275.1
Description: WP_001250275.1
Number of features: 0
Seq('MRQVQCIICDAKVFIDERTTESKRLKNNPIRTFMCDDCKSRLDTPKQRAQHYPLD', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001265708.1
Name: WP_001265708.1
Description: WP_001265708.1
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001265709.1
Name: WP_001265709.1
Description: WP_001265709.1
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001549197.1
Name: WP_001549197.1
Description: WP_001549197.1
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001592675.1
Name: WP_001592675.1
Description: WP_001592675.1
Number of features: 0
Seq('MIFSQNLFRRPTPTCIVCRN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001617169.1
Name: WP_001617169.1
Description: WP_001617169.1
Number of features: 0
Seq('MIFSQNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEHRTLIYVPA', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001788193.1
Name: WP_001788193.1
Description: WP_001788193.1
Number of features: 0
Seq('MRKIPLNCEACGNRNYNVPKQEGSATRLTLKKYCPKCNAHTIHKESK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001788276.1
Name: WP_001788276.1
Description: WP_001788276.1
Number of features: 0
Seq('MCQYLCLKSVELGVVIVMIYCLKVDALTVRLHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001788321.1
Name: WP_001788321.1
Description: WP_001788321.1
Number of features: 0
Seq('MFCYYKQHKGDNFSIEEVKNIIADNEMKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001788568.1
Name: WP_001788568.1
Description: WP_001788568.1
Number of features: 0
Seq('MISIANALHLMLSFGMFIVTFIGIVVAIINLSNKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001788579.1
Name: WP_001788579.1
Description: WP_001788579.1
Number of features: 0
Seq('MSLCTQQKLNHELQAKVAVIVKIDGKQSPLFLLVYV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001788617.1
Name: WP_001788617.1
Description: WP_001788617.1
Number of features: 0
Seq('MVLLAFVTTIHDTDDGRFFNEHKHANNKLLKHSLI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001788625.1
Name: WP_001788625.1
Description: WP_001788625.1
Number of features: 0
Seq('MLDYHLTFIDLLIPPFSSRKQYDDLSFNFLY', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001788716.1
Name: WP_001788716.1
Description: WP_001788716.1
Number of features: 0
Seq('MKMTIKVRKTNKKEKIEFLIGTFIIILVILGFKIMK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001788758.1
Name: WP_001788758.1
Description: WP_001788758.1
Number of features: 0
Seq('MKKGLINPKLSVLHGRFVTVKGICMVSLMLVILHKWTVFIQHLMNILSGGESIIE', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001788970.1
Name: WP_001788970.1
Description: WP_001788970.1
Number of features: 0
Seq('MGGDLIVKVHICFVVKTASGYCYLNKREAQAAI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001788994.1
Name: WP_001788994.1
Description: WP_001788994.1
Number of features: 0
Seq('MKKVYIKLKYIVRYHLAFVFISSFSLNFSKQKYVTVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789076.1
Name: WP_001789076.1
Description: WP_001789076.1
Number of features: 0
Seq('MYHCYIIFALIQLTPFSMTVIPVIQLILSVAILCDELLHLI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789211.1
Name: WP_001789211.1
Description: WP_001789211.1
Number of features: 0
Seq('MPNEIYFIIPVLLNKLIKEVYLPLFLTPYMLIGV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789304.1
Name: WP_001789304.1
Description: WP_001789304.1
Number of features: 0
Seq('MGGFVNSLIMKDLSDNDMRFKYEYYNREKDT', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789407.1
Name: WP_001789407.1
Description: WP_001789407.1
Number of features: 0
Seq('MHQLKALLVLTHPRYYKTSQKHHYLIYLNKNSQSYLILFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789566.1
Name: WP_001789566.1
Description: WP_001789566.1
Number of features: 0
Seq('MIADLDAIEGLFISIEVILLLTLFIVHVNGKNINFINALALIILRQTV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789600.1
Name: WP_001789600.1
Description: WP_001789600.1
Number of features: 0
Seq('MIIHCSIVSNFIFNLYIVTNFNLNFLSLKQIIYSKLIVRKFKIFVDILKQI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789641.1
Name: WP_001789641.1
Description: WP_001789641.1
Number of features: 0
Seq('MLLCCKEVMAMLIVLLLVVIALVLYLFYALIRSEKF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789654.1
Name: WP_001789654.1
Description: WP_001789654.1
Number of features: 0
Seq('MRLNDARIFEVRKKLFLKLQRIKNNAFYMLKEYCRLNYNNDEV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789860.1
Name: WP_001789860.1
Description: WP_001789860.1
Number of features: 0
Seq('MIIIIINIAYLYAIIWKLKRLQKIVTSFITKHESTSIGLVENYF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789890.1
Name: WP_001789890.1
Description: WP_001789890.1
Number of features: 0
Seq('MGDKILMLITFFKKKIEANYKYSIRVLAILPIIMLKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789897.1
Name: WP_001789897.1
Description: WP_001789897.1
Number of features: 0
Seq('MRKSKFAIDRGYFPDMEMASFYNQINKNKYVY', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789908.1
Name: WP_001789908.1
Description: WP_001789908.1
Number of features: 0
Seq('MKNVSIYKTTQELSFVSSLDFYLTKHLTLML', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789921.1
Name: WP_001789921.1
Description: WP_001789921.1
Number of features: 0
Seq('MTKKRRYDTTEFGLAHSMTAKITLHQALYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789925.1
Name: WP_001789925.1
Description: WP_001789925.1
Number of features: 0
Seq('MGGCPSVTMDACALLQKFDFCNNISHFRHFFAIKQPIER', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789935.1
Name: WP_001789935.1
Description: WP_001789935.1
Number of features: 0
Seq('MLTNRLTSVNYVKKRLIQNIQRILSKEVLYGEMQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789973.1
Name: WP_001789973.1
Description: WP_001789973.1
Number of features: 0
Seq('MLQLFLMKIALNDFENDKSVLFIFLKNHFYEEMCVLSN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789984.1
Name: WP_001789984.1
Description: WP_001789984.1
Number of features: 0
Seq('MNDIDLIHYMLLMNIPAYVFLACLLHIAFRLG', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790000.1
Name: WP_001790000.1
Description: WP_001790000.1
Number of features: 0
Seq('MTKNSKYTNEVSKEQFQEIENVNNKVKEFY', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790076.1
Name: WP_001790076.1
Description: WP_001790076.1
Number of features: 0
Seq('MLSIIDGYFNNPLLLGKINNGKKLNLINTYDLEHKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790092.1
Name: WP_001790092.1
Description: WP_001790092.1
Number of features: 0
Seq('MLWEESFYFTSVKYFKKCEEVVKRCYVLSFKKSV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790128.1
Name: WP_001790128.1
Description: WP_001790128.1
Number of features: 0
Seq('MVNDKVLETSKEMYVEQKCLIFYKTLKENV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790144.1
Name: WP_001790144.1
Description: WP_001790144.1
Number of features: 0
Seq('MSYIIKFTFKFFEMATYISQLTLDIELVSSELLVILPGFI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790154.1
Name: WP_001790154.1
Description: WP_001790154.1
Number of features: 0
Seq('MIKCQFYDIYLLKIRTNERYDNIDKNDFNLGGLYGA', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790158.1
Name: WP_001790158.1
Description: WP_001790158.1
Number of features: 0
Seq('MMVKKLLKAIKQNFLYEQSNITFKMIVFGYKRLSKMLFQFEINHINFLWEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790177.1
Name: WP_001790177.1
Description: WP_001790177.1
Number of features: 0
Seq('MRYVTMRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790237.1
Name: WP_001790237.1
Description: WP_001790237.1
Number of features: 0
Seq('MSTRGLNIWQEMEIGNVSHKVAKRAQIPLIIFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790257.1
Name: WP_001790257.1
Description: WP_001790257.1
Number of features: 0
Seq('MDGNNQIDVCFFVLVNNYYTMSIYPRIINSNGDYAT', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790559.1
Name: WP_001790559.1
Description: WP_001790559.1
Number of features: 0
Seq('MGFIAFNKCFLVEFWENNQSDNAKYKILSYYVLMYKSVKEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790560.1
Name: WP_001790560.1
Description: WP_001790560.1
Number of features: 0
Seq('MQNNTQHFNIVLTKKVDLQIYKRCDFNVCIGNRPMI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790562.1
Name: WP_001790562.1
Description: WP_001790562.1
Number of features: 0
Seq('MFDENMVNKLDDYYFIYGICNEYPDQDRYLKQRYLIHKLY', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790611.1
Name: WP_001790611.1
Description: WP_001790611.1
Number of features: 0
Seq('MLKSKFPSPLSTVDISFFEIIYIFSYQDIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790628.1
Name: WP_001790628.1
Description: WP_001790628.1
Number of features: 0
Seq('MKLHWYIYYFLSISVILFMIIYHYLATSMTVDYEITVSIAKLLL', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790652.1
Name: WP_001790652.1
Description: WP_001790652.1
Number of features: 0
Seq('MMTTNYYVESIKLKLNFIMNIDIMNCKKQILKRILY', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790661.1
Name: WP_001790661.1
Description: WP_001790661.1
Number of features: 0
Seq('MKTIQRIIRGTCLWEVAFLYVKFDSSELDVQFE', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790679.1
Name: WP_001790679.1
Description: WP_001790679.1
Number of features: 0
Seq('MTKNTIISLENEKTQINDSENESSDLRKAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790712.1
Name: WP_001790712.1
Description: WP_001790712.1
Number of features: 0
Seq('MMLISFIYNNMDNNNTINRNLHSEFAIIMLLKINEKGAV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791257.1
Name: WP_001791257.1
Description: WP_001791257.1
Number of features: 0
Seq('MLTYVQFHLNLKNRFYNQIGLMKGYLLFINPIF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791329.1
Name: WP_001791329.1
Description: WP_001791329.1
Number of features: 0
Seq('MSVCTPTIARIYLTNSKNIVVFLEKSKHDNKNVKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791425.1
Name: WP_001791425.1
Description: WP_001791425.1
Number of features: 0
Seq('MNGLNSVIGAMIIIDKNATTVTMNFLIYITYYKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791428.1
Name: WP_001791428.1
Description: WP_001791428.1
Number of features: 0
Seq('MNHAPSIKLDRIETSVNIEIHHHFLYNTRDLY', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791436.1
Name: WP_001791436.1
Description: WP_001791436.1
Number of features: 0
Seq('MTLMKPFSFPPFIFAQNEHLTYPSTSSLLASVYLFV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791486.1
Name: WP_001791486.1
Description: WP_001791486.1
Number of features: 0
Seq('MIFSQNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEH', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791674.1
Name: WP_001791674.1
Description: WP_001791674.1
Number of features: 0
Seq('MPDLIEMIVFKVFTSWRGPNTEADRKSAYNNVQVGGAPT', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791678.1
Name: WP_001791678.1
Description: WP_001791678.1
Number of features: 0
Seq('MLLILELRFWNLEFGFRNSTFGIQNYNEWKILIIACLMTWFCSDFYLMNCFFV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791731.1
Name: WP_001791731.1
Description: WP_001791731.1
Number of features: 0
Seq('MKKDEERSEMDGYGRIRGRYCQRDIWQLKGMGFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791736.1
Name: WP_001791736.1
Description: WP_001791736.1
Number of features: 0
Seq('MSKAYRLYNNIQDDTKQPMAHAVGCFFRCVCHGQHFDVGIPLQAWE', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791742.1
Name: WP_001791742.1
Description: WP_001791742.1
Number of features: 0
Seq('MENGYNYRISKNVCRFLDGEGEALNVEETKINDDYYYADGWIFWIIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791787.1
Name: WP_001791787.1
Description: WP_001791787.1
Number of features: 0
Seq('MKRIVILENVIVDNPIWLNHVDYLVKSVLLKSIKLRFQEVRKFEILVKIMNRIHI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791797.1
Name: WP_001791797.1
Description: WP_001791797.1
Number of features: 0
Seq('MHYLICIKANQRLIFTNSIVDWFYLCMNEQLFDIIKNINDFESI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791944.1
Name: WP_001791944.1
Description: WP_001791944.1
Number of features: 0
Seq('MTEMVFYKIYFVVTPQLALSVEFLFEFLYVGAPPTCIVCRISF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791950.1
Name: WP_001791950.1
Description: WP_001791950.1
Number of features: 0
Seq('MPIHRLLYFPILNSKKQVEILETLINLLISVSYA', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791963.1
Name: WP_001791963.1
Description: WP_001791963.1
Number of features: 0
Seq('MLPFFILEILHIVYNIDNNNFSGVKFNDWTNKFI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791975.1
Name: WP_001791975.1
Description: WP_001791975.1
Number of features: 0
Seq('MIEYDLTIILIPILKVAYPFFKKVERKKWYFSGKEV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791976.1
Name: WP_001791976.1
Description: WP_001791976.1
Number of features: 0
Seq('MAIIEYLYNFSRNKQNFNSAKTAVLSYDLTNLTNFTRTAFKNIYTFLTNIYLL', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791984.1
Name: WP_001791984.1
Description: WP_001791984.1
Number of features: 0
Seq('MIFSQNLFRRPTPARLTRIEKSLLQAHFHSVNYCQYNFVEHRTLIYVPAWTH', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791985.1
Name: WP_001791985.1
Description: WP_001791985.1
Number of features: 0
Seq('MDFKNEDKIKVYCNNMFEKLPISLSKNSEFCDILFFIVLSYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791990.1
Name: WP_001791990.1
Description: WP_001791990.1
Number of features: 0
Seq('MRYVISIIMGIVLAIWSYKQLSQSHLDSGFIFFFIVYVLCISYFNNDKHDKNKKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792003.1
Name: WP_001792003.1
Description: WP_001792003.1
Number of features: 0
Seq('MIFSKNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEH', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792011.1
Name: WP_001792011.1
Description: WP_001792011.1
Number of features: 0
Seq('MAVVRGFGVFRCSIYYVINYSIDKQGVQCILQYYNK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792012.1
Name: WP_001792012.1
Description: WP_001792012.1
Number of features: 0
Seq('MRGFGIFRCSIYYVTNYSIDEQGAQRNITINGLFHNMVKLGCLFVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792025.1
Name: WP_001792025.1
Description: WP_001792025.1
Number of features: 0
Seq('MQGFKEKHQELKKALCQIGLMSSISEVRQLNIA', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792047.1
Name: WP_001792047.1
Description: WP_001792047.1
Number of features: 0
Seq('MNDMMNLVINQIVIKLNYRDDWNEFIDIYSNTILLGLTIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792054.1
Name: WP_001792054.1
Description: WP_001792054.1
Number of features: 0
Seq('MADKILKLVNNDVLAEEFGSKARENIIEKYSTESILEKWLNLFNS', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792055.1
Name: WP_001792055.1
Description: WP_001792055.1
Number of features: 0
Seq('MKFVANKLTLTIIRKFCINNEKEIWIKYEEVFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792089.1
Name: WP_001792089.1
Description: WP_001792089.1
Number of features: 0
Seq('MQLNVNMMKFDRWHKGICKQIVLNLVEKGEKG', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792090.1
Name: WP_001792090.1
Description: WP_001792090.1
Number of features: 0
Seq('MFVKVAFLCLKSDESSNVPSVESHQNQFYLTNIMDFLIYLTMIQI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792097.1
Name: WP_001792097.1
Description: WP_001792097.1
Number of features: 0
Seq('MSEVIAAINVLLLLTVTRVFQTKRATKFCTRPIYLAPDQEDH', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792109.1
Name: WP_001792109.1
Description: WP_001792109.1
Number of features: 0
Seq('MMLTAIYFSIFTFYISQYSLKLKTLYNIETDYNYKIVLLLKEGETHES', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792137.1
Name: WP_001792137.1
Description: WP_001792137.1
Number of features: 0
Seq('MYGAYLINEYHQDFKSIANFKVLKRMINVMMCYCVLFLEPRIS', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792175.1
Name: WP_001792175.1
Description: WP_001792175.1
Number of features: 0
Seq('MCLLKQHMQCAFSNITYGDFQGIELIVENVLNYMV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792205.1
Name: WP_001792205.1
Description: WP_001792205.1
Number of features: 0
Seq('MLFNKVLSRILAYQLNFLNSHQKDKTPQSTNLTRENKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792240.1
Name: WP_001792240.1
Description: WP_001792240.1
Number of features: 0
Seq('MLGPRQLAHYCKLTYHQLLCWGPAIIEKFVIGVFSFG', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792264.1
Name: WP_001792264.1
Description: WP_001792264.1
Number of features: 0
Seq('MEYKQHPFKVFTISVNYFEGIVFCEKIYGVLRFISFYTFYKL', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792272.1
Name: WP_001792272.1
Description: WP_001792272.1
Number of features: 0
Seq('MIKTMSIENMRTYQQRVNNLWIKGVDNVIYCGYQVGKQKINN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792784.1
Name: WP_001792784.1
Description: WP_001792784.1
Number of features: 0
Seq('MSKSSDALFNSLTQSFELIEGVYNELVTDNLKIVMYKPRKESTSGRINRRFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001794441.1
Name: WP_001794441.1
Description: WP_001794441.1
Number of features: 0
Seq('MTYGSIVAILCALFVIFFIPYMEKKDKKKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001795146.1
Name: WP_001795146.1
Description: WP_001795146.1
Number of features: 0
Seq('MIFSQNLFRCPTPTCIVCRNWESNFSVLGPTPQLALPVEFLFEILCVGAPLL', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001795991.1
Name: WP_001795991.1
Description: WP_001795991.1
Number of features: 0
Seq('MRLKECGLILGIDLLDHIIIGDNRFTSLVEAGYFDEND', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001797788.1
Name: WP_001797788.1
Description: WP_001797788.1
Number of features: 0
Seq('MIFSQNLFRRPTPTCIVCRISFRNSFCWGPAKILLE', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001801916.1
Name: WP_001801916.1
Description: WP_001801916.1
Number of features: 0
Seq('MINYAIYFNNININSIMALNDNNYQFEHVNERNEYRES', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001802007.1
Name: WP_001802007.1
Description: WP_001802007.1
Number of features: 0
Seq('MENIFKIELMNGICRSENMNMKKKNKGEKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001802255.1
Name: WP_001802255.1
Description: WP_001802255.1
Number of features: 0
Seq('MSVGSLAVLTITEIAFPTEIFEKNQRTLQIKF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001802298.1
Name: WP_001802298.1
Description: WP_001802298.1
Number of features: 0
Seq('MLLLERTSMSDFEMLMVVLTIIGLVLISTQDHKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001802312.1
Name: WP_001802312.1
Description: WP_001802312.1
Number of features: 0
Seq('MVDFLLFVLFLHDAAVYVSLPLVQAIANVTFYFSF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001803450.1
Name: WP_001803450.1
Description: WP_001803450.1
Number of features: 0
Seq('MRISLFFFFIKLKILPPKFVTRPYINSLFIIS', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001803889.1
Name: WP_001803889.1
Description: WP_001803889.1
Number of features: 0
Seq('MKGAIHMEFVAKLFKFFKDLLGKFLGNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001807377.1
Name: WP_001807377.1
Description: WP_001807377.1
Number of features: 0
Seq('MSIILIFIILFLKSLGQSICAFSSPFLKAQAKIIIASYRFHF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_010922816.1
Name: WP_010922816.1
Description: WP_010922816.1
Number of features: 0
Seq('MIFSQNLFRCPTPTCIVCRNWESNFSLLGPTPQLALPVEFLFEILCVGAPD', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_010956583.1
Name: WP_010956583.1
Description: WP_010956583.1
Number of features: 0
Seq('MSVINAYSNASLLFFIYLLFIMYQISLSVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_016170465.1
Name: WP_016170465.1
Description: WP_016170465.1
Number of features: 0
Seq('MIIIKRKHQAEDRRKILIKRKHQIKVR', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_016170749.1
Name: WP_016170749.1
Description: WP_016170749.1
Number of features: 0
Seq('MTNILKHNIINNVLKNEDVLNAYIRGRGGMADALG', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_016266044.1
Name: WP_016266044.1
Description: WP_016266044.1
Number of features: 0
Seq('MIFSQNLFRRPTPTCIVCRNWESNFSVLGPRRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_025174185.1
Name: WP_025174185.1
Description: WP_025174185.1
Number of features: 0
Seq('MQVGVGRRNKFCENIISVPLPPIFKYTLALTNDKESLHNQSLVVLYHFRPALNKC', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031760357.1
Name: WP_031760357.1
Description: WP_031760357.1
Number of features: 0
Seq('MVITDIDVYRVGRENIVIAVYNEHIKLLFILIS', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031761395.1
Name: WP_031761395.1
Description: WP_031761395.1
Number of features: 0
Seq('MKPLVQSFTSSYAVKQQSNYKLSSTPLSSPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031761401.1
Name: WP_031761401.1
Description: WP_031761401.1
Number of features: 0
Seq('MKIILLLFLIFGCIVVVTLKSEHQLTLFSI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031761406.1
Name: WP_031761406.1
Description: WP_031761406.1
Number of features: 0
Seq('MLFETSLDNNSYIAHFKLKMEKYSIIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031761471.1
Name: WP_031761471.1
Description: WP_031761471.1
Number of features: 0
Seq('MERKRKHFKKEFAKSNLSLNNEKWKFVCSKSKHFLKRAVKF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031761472.1
Name: WP_031761472.1
Description: WP_031761472.1
Number of features: 0
Seq('MTLMIMLKSFLYFCLIFNQIDISH', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031761892.1
Name: WP_031761892.1
Description: WP_031761892.1
Number of features: 0
Seq('MPHHSTTSRRIVVPAHQSSMASTPNRSITP', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031761989.1
Name: WP_031761989.1
Description: WP_031761989.1
Number of features: 0
Seq('MILTCYNTFNTIEFKSKISGIDEARSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031762133.1
Name: WP_031762133.1
Description: WP_031762133.1
Number of features: 0
Seq('MIKKKHLSGSLVPDRCFLIIFHKVEKFMGNTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031762180.1
Name: WP_031762180.1
Description: WP_031762180.1
Number of features: 0
Seq('MTKSTSFAIFRFVTLIFLPFVKCFMNVMNYFWNSNNSPLLFLFTF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031762187.1
Name: WP_031762187.1
Description: WP_031762187.1
Number of features: 0
Seq('MCVRTRLVSSSSVRLSKAIIIAVIVVYHLDVRGLF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031762189.1
Name: WP_031762189.1
Description: WP_031762189.1
Number of features: 0
Seq('MYDELNASNVTLKIKATMSLLTSYIVAISSVDISVSLNPRAILQFHF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031762269.1
Name: WP_031762269.1
Description: WP_031762269.1
Number of features: 0
Seq('MENFDVGGGIFIFMEIGIGFMTHKQKRLNDDID', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031762631.1
Name: WP_031762631.1
Description: WP_031762631.1
Number of features: 0
Seq('MIFILWCVNLYIEKGQHAQTCYPSEPVKKTVAILD', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_071621368.1
Name: WP_071621368.1
Description: WP_071621368.1
Number of features: 0
Seq('MRIQFLFVGAHPQLALPVEFLFEILCVGAPD', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_071621370.1
Name: WP_071621370.1
Description: WP_071621370.1
Number of features: 0
Seq('MIFSQNLFRRLTPTSTLL', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_071621386.1
Name: WP_071621386.1
Description: WP_071621386.1
Number of features: 0
Seq('MSHKRWSPTYIVCRISFRNSLCWGPTPTCIVCRNWGSNFTVLGPLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_071621402.1
Name: WP_071621402.1
Description: WP_071621402.1
Number of features: 0
Seq('MCNTDLQYDHQTHIWNYKDMVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_071621404.1
Name: WP_071621404.1
Description: WP_071621404.1
Number of features: 0
Seq('MYFVDPQLALSVEFLFEILYVGAPPTCTLL', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_071621409.1
Name: WP_071621409.1
Description: WP_071621409.1
Number of features: 0
Seq('MLEPTPTCIVCRNWCSNFSMLGPHQLLSI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_072353785.1
Name: WP_072353785.1
Description: WP_072353785.1
Number of features: 0
Seq('MARIPLGALYVNNVKITKTKNKNKVPIIKSITIDPHYDNFIFNPHI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_072398278.1
Name: WP_072398278.1
Description: WP_072398278.1
Number of features: 0
Seq('MRKIWVIDRLYASTFFVDCLTVDSHLYTLTNFENLNHYLIILLIAHAQHKKETCQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_072519181.1
Name: WP_072519181.1
Description: WP_072519181.1
Number of features: 0
Seq('MLGPRPQLPLPVEFLYEILYVGAPPI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_078055730.1
Name: WP_078055730.1
Description: WP_078055730.1
Number of features: 0
Seq('MSVEFLFEILCVGAHPQLAHYCKLTFRQLLCWGPKNACYMVIFIRSTTTNIIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_078056047.1
Name: WP_078056047.1
Description: WP_078056047.1
Number of features: 0
Seq('MLFVGAHTPTCIVCRNWKSNFSVLGPTPQLALSVEIGNPISLCWGPHPNSHCL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_00029
Name: ER00385_3B_prokka|PROKKA_00029
Description: ER00385_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_00038
Name: ER00385_3B_prokka|PROKKA_00038
Description: ER00385_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_00118
Name: ER00385_3B_prokka|PROKKA_00118
Description: ER00385_3B_prokka|PROKKA_00118
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_00216
Name: ER00385_3B_prokka|PROKKA_00216
Description: ER00385_3B_prokka|PROKKA_00216
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_00363
Name: ER00385_3B_prokka|PROKKA_00363
Description: ER00385_3B_prokka|PROKKA_00363
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_00401
Name: ER00385_3B_prokka|PROKKA_00401
Description: ER00385_3B_prokka|PROKKA_00401
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_00531
Name: ER00385_3B_prokka|PROKKA_00531
Description: ER00385_3B_prokka|PROKKA_00531
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_00567
Name: ER00385_3B_prokka|PROKKA_00567
Description: ER00385_3B_prokka|PROKKA_00567
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_00785
Name: ER00385_3B_prokka|PROKKA_00785
Description: ER00385_3B_prokka|PROKKA_00785
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_00829
Name: ER00385_3B_prokka|PROKKA_00829
Description: ER00385_3B_prokka|PROKKA_00829
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_00937
Name: ER00385_3B_prokka|PROKKA_00937
Description: ER00385_3B_prokka|PROKKA_00937
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_00976
Name: ER00385_3B_prokka|PROKKA_00976
Description: ER00385_3B_prokka|PROKKA_00976
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01028
Name: ER00385_3B_prokka|PROKKA_01028
Description: ER00385_3B_prokka|PROKKA_01028
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01034
Name: ER00385_3B_prokka|PROKKA_01034
Description: ER00385_3B_prokka|PROKKA_01034
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01035
Name: ER00385_3B_prokka|PROKKA_01035
Description: ER00385_3B_prokka|PROKKA_01035
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01053
Name: ER00385_3B_prokka|PROKKA_01053
Description: ER00385_3B_prokka|PROKKA_01053
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01082
Name: ER00385_3B_prokka|PROKKA_01082
Description: ER00385_3B_prokka|PROKKA_01082
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01083
Name: ER00385_3B_prokka|PROKKA_01083
Description: ER00385_3B_prokka|PROKKA_01083
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01117
Name: ER00385_3B_prokka|PROKKA_01117
Description: ER00385_3B_prokka|PROKKA_01117
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01130
Name: ER00385_3B_prokka|PROKKA_01130
Description: ER00385_3B_prokka|PROKKA_01130
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01131
Name: ER00385_3B_prokka|PROKKA_01131
Description: ER00385_3B_prokka|PROKKA_01131
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01149
Name: ER00385_3B_prokka|PROKKA_01149
Description: ER00385_3B_prokka|PROKKA_01149
Number of features: 0
Seq('MNHTIVDSADFQLQANDLISIQGFGRAHITDLGGKTKKDKTHITYRTLFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01267
Name: ER00385_3B_prokka|PROKKA_01267
Description: ER00385_3B_prokka|PROKKA_01267
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01271
Name: ER00385_3B_prokka|PROKKA_01271
Description: ER00385_3B_prokka|PROKKA_01271
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01275
Name: ER00385_3B_prokka|PROKKA_01275
Description: ER00385_3B_prokka|PROKKA_01275
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01277
Name: ER00385_3B_prokka|PROKKA_01277
Description: ER00385_3B_prokka|PROKKA_01277
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01301
Name: ER00385_3B_prokka|PROKKA_01301
Description: ER00385_3B_prokka|PROKKA_01301
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01395
Name: ER00385_3B_prokka|PROKKA_01395
Description: ER00385_3B_prokka|PROKKA_01395
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01407
Name: ER00385_3B_prokka|PROKKA_01407
Description: ER00385_3B_prokka|PROKKA_01407
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01470
Name: ER00385_3B_prokka|PROKKA_01470
Description: ER00385_3B_prokka|PROKKA_01470
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01507
Name: ER00385_3B_prokka|PROKKA_01507
Description: ER00385_3B_prokka|PROKKA_01507
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01578
Name: ER00385_3B_prokka|PROKKA_01578
Description: ER00385_3B_prokka|PROKKA_01578
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01743
Name: ER00385_3B_prokka|PROKKA_01743
Description: ER00385_3B_prokka|PROKKA_01743
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01750
Name: ER00385_3B_prokka|PROKKA_01750
Description: ER00385_3B_prokka|PROKKA_01750
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01769
Name: ER00385_3B_prokka|PROKKA_01769
Description: ER00385_3B_prokka|PROKKA_01769
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01805
Name: ER00385_3B_prokka|PROKKA_01805
Description: ER00385_3B_prokka|PROKKA_01805
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01857
Name: ER00385_3B_prokka|PROKKA_01857
Description: ER00385_3B_prokka|PROKKA_01857
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01929
Name: ER00385_3B_prokka|PROKKA_01929
Description: ER00385_3B_prokka|PROKKA_01929
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01933
Name: ER00385_3B_prokka|PROKKA_01933
Description: ER00385_3B_prokka|PROKKA_01933
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01949
Name: ER00385_3B_prokka|PROKKA_01949
Description: ER00385_3B_prokka|PROKKA_01949
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01970
Name: ER00385_3B_prokka|PROKKA_01970
Description: ER00385_3B_prokka|PROKKA_01970
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01976
Name: ER00385_3B_prokka|PROKKA_01976
Description: ER00385_3B_prokka|PROKKA_01976
Number of features: 0
Seq('MNIQEATKLAMEKGISIRRENQDVYGILPTNLQRYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_02000
Name: ER00385_3B_prokka|PROKKA_02000
Description: ER00385_3B_prokka|PROKKA_02000
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_02002
Name: ER00385_3B_prokka|PROKKA_02002
Description: ER00385_3B_prokka|PROKKA_02002
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_02052
Name: ER00385_3B_prokka|PROKKA_02052
Description: ER00385_3B_prokka|PROKKA_02052
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_02172
Name: ER00385_3B_prokka|PROKKA_02172
Description: ER00385_3B_prokka|PROKKA_02172
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_02196
Name: ER00385_3B_prokka|PROKKA_02196
Description: ER00385_3B_prokka|PROKKA_02196
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_02227
Name: ER00385_3B_prokka|PROKKA_02227
Description: ER00385_3B_prokka|PROKKA_02227
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_02382
Name: ER00385_3B_prokka|PROKKA_02382
Description: ER00385_3B_prokka|PROKKA_02382
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_02591
Name: ER00385_3B_prokka|PROKKA_02591
Description: ER00385_3B_prokka|PROKKA_02591
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_02678
Name: ER00385_3B_prokka|PROKKA_02678
Description: ER00385_3B_prokka|PROKKA_02678
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_02694
Name: ER00385_3B_prokka|PROKKA_02694
Description: ER00385_3B_prokka|PROKKA_02694
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00057
Name: ER00573_3B_prokka|PROKKA_00057
Description: ER00573_3B_prokka|PROKKA_00057
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALTEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00087
Name: ER00573_3B_prokka|PROKKA_00087
Description: ER00573_3B_prokka|PROKKA_00087
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00125
Name: ER00573_3B_prokka|PROKKA_00125
Description: ER00573_3B_prokka|PROKKA_00125
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00134
Name: ER00573_3B_prokka|PROKKA_00134
Description: ER00573_3B_prokka|PROKKA_00134
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00155
Name: ER00573_3B_prokka|PROKKA_00155
Description: ER00573_3B_prokka|PROKKA_00155
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00246
Name: ER00573_3B_prokka|PROKKA_00246
Description: ER00573_3B_prokka|PROKKA_00246
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00345
Name: ER00573_3B_prokka|PROKKA_00345
Description: ER00573_3B_prokka|PROKKA_00345
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00397
Name: ER00573_3B_prokka|PROKKA_00397
Description: ER00573_3B_prokka|PROKKA_00397
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00496
Name: ER00573_3B_prokka|PROKKA_00496
Description: ER00573_3B_prokka|PROKKA_00496
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00534
Name: ER00573_3B_prokka|PROKKA_00534
Description: ER00573_3B_prokka|PROKKA_00534
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00663
Name: ER00573_3B_prokka|PROKKA_00663
Description: ER00573_3B_prokka|PROKKA_00663
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00699
Name: ER00573_3B_prokka|PROKKA_00699
Description: ER00573_3B_prokka|PROKKA_00699
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00917
Name: ER00573_3B_prokka|PROKKA_00917
Description: ER00573_3B_prokka|PROKKA_00917
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00961
Name: ER00573_3B_prokka|PROKKA_00961
Description: ER00573_3B_prokka|PROKKA_00961
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01069
Name: ER00573_3B_prokka|PROKKA_01069
Description: ER00573_3B_prokka|PROKKA_01069
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01108
Name: ER00573_3B_prokka|PROKKA_01108
Description: ER00573_3B_prokka|PROKKA_01108
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01188
Name: ER00573_3B_prokka|PROKKA_01188
Description: ER00573_3B_prokka|PROKKA_01188
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01201
Name: ER00573_3B_prokka|PROKKA_01201
Description: ER00573_3B_prokka|PROKKA_01201
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01202
Name: ER00573_3B_prokka|PROKKA_01202
Description: ER00573_3B_prokka|PROKKA_01202
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01337
Name: ER00573_3B_prokka|PROKKA_01337
Description: ER00573_3B_prokka|PROKKA_01337
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01341
Name: ER00573_3B_prokka|PROKKA_01341
Description: ER00573_3B_prokka|PROKKA_01341
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01345
Name: ER00573_3B_prokka|PROKKA_01345
Description: ER00573_3B_prokka|PROKKA_01345
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01347
Name: ER00573_3B_prokka|PROKKA_01347
Description: ER00573_3B_prokka|PROKKA_01347
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01371
Name: ER00573_3B_prokka|PROKKA_01371
Description: ER00573_3B_prokka|PROKKA_01371
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01466
Name: ER00573_3B_prokka|PROKKA_01466
Description: ER00573_3B_prokka|PROKKA_01466
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01478
Name: ER00573_3B_prokka|PROKKA_01478
Description: ER00573_3B_prokka|PROKKA_01478
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01533
Name: ER00573_3B_prokka|PROKKA_01533
Description: ER00573_3B_prokka|PROKKA_01533
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01541
Name: ER00573_3B_prokka|PROKKA_01541
Description: ER00573_3B_prokka|PROKKA_01541
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01561
Name: ER00573_3B_prokka|PROKKA_01561
Description: ER00573_3B_prokka|PROKKA_01561
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01589
Name: ER00573_3B_prokka|PROKKA_01589
Description: ER00573_3B_prokka|PROKKA_01589
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01616
Name: ER00573_3B_prokka|PROKKA_01616
Description: ER00573_3B_prokka|PROKKA_01616
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01653
Name: ER00573_3B_prokka|PROKKA_01653
Description: ER00573_3B_prokka|PROKKA_01653
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01724
Name: ER00573_3B_prokka|PROKKA_01724
Description: ER00573_3B_prokka|PROKKA_01724
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01890
Name: ER00573_3B_prokka|PROKKA_01890
Description: ER00573_3B_prokka|PROKKA_01890
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01897
Name: ER00573_3B_prokka|PROKKA_01897
Description: ER00573_3B_prokka|PROKKA_01897
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01916
Name: ER00573_3B_prokka|PROKKA_01916
Description: ER00573_3B_prokka|PROKKA_01916
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01951
Name: ER00573_3B_prokka|PROKKA_01951
Description: ER00573_3B_prokka|PROKKA_01951
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02003
Name: ER00573_3B_prokka|PROKKA_02003
Description: ER00573_3B_prokka|PROKKA_02003
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02005
Name: ER00573_3B_prokka|PROKKA_02005
Description: ER00573_3B_prokka|PROKKA_02005
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02006
Name: ER00573_3B_prokka|PROKKA_02006
Description: ER00573_3B_prokka|PROKKA_02006
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02036
Name: ER00573_3B_prokka|PROKKA_02036
Description: ER00573_3B_prokka|PROKKA_02036
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02045
Name: ER00573_3B_prokka|PROKKA_02045
Description: ER00573_3B_prokka|PROKKA_02045
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02052
Name: ER00573_3B_prokka|PROKKA_02052
Description: ER00573_3B_prokka|PROKKA_02052
Number of features: 0
Seq('MVTKEFLKTKLECSDIYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02068
Name: ER00573_3B_prokka|PROKKA_02068
Description: ER00573_3B_prokka|PROKKA_02068
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKLDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02143
Name: ER00573_3B_prokka|PROKKA_02143
Description: ER00573_3B_prokka|PROKKA_02143
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02147
Name: ER00573_3B_prokka|PROKKA_02147
Description: ER00573_3B_prokka|PROKKA_02147
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02163
Name: ER00573_3B_prokka|PROKKA_02163
Description: ER00573_3B_prokka|PROKKA_02163
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02183
Name: ER00573_3B_prokka|PROKKA_02183
Description: ER00573_3B_prokka|PROKKA_02183
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02213
Name: ER00573_3B_prokka|PROKKA_02213
Description: ER00573_3B_prokka|PROKKA_02213
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02215
Name: ER00573_3B_prokka|PROKKA_02215
Description: ER00573_3B_prokka|PROKKA_02215
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02264
Name: ER00573_3B_prokka|PROKKA_02264
Description: ER00573_3B_prokka|PROKKA_02264
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02391
Name: ER00573_3B_prokka|PROKKA_02391
Description: ER00573_3B_prokka|PROKKA_02391
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02415
Name: ER00573_3B_prokka|PROKKA_02415
Description: ER00573_3B_prokka|PROKKA_02415
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02446
Name: ER00573_3B_prokka|PROKKA_02446
Description: ER00573_3B_prokka|PROKKA_02446
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02601
Name: ER00573_3B_prokka|PROKKA_02601
Description: ER00573_3B_prokka|PROKKA_02601
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02729
Name: ER00573_3B_prokka|PROKKA_02729
Description: ER00573_3B_prokka|PROKKA_02729
Number of features: 0
Seq('MITVAVIDTGVDIYHNKLYKYINLSKSFC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02811
Name: ER00573_3B_prokka|PROKKA_02811
Description: ER00573_3B_prokka|PROKKA_02811
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02898
Name: ER00573_3B_prokka|PROKKA_02898
Description: ER00573_3B_prokka|PROKKA_02898
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00029
Name: ER00594_3B_prokka|PROKKA_00029
Description: ER00594_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00038
Name: ER00594_3B_prokka|PROKKA_00038
Description: ER00594_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00059
Name: ER00594_3B_prokka|PROKKA_00059
Description: ER00594_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00156
Name: ER00594_3B_prokka|PROKKA_00156
Description: ER00594_3B_prokka|PROKKA_00156
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00254
Name: ER00594_3B_prokka|PROKKA_00254
Description: ER00594_3B_prokka|PROKKA_00254
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00307
Name: ER00594_3B_prokka|PROKKA_00307
Description: ER00594_3B_prokka|PROKKA_00307
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00405
Name: ER00594_3B_prokka|PROKKA_00405
Description: ER00594_3B_prokka|PROKKA_00405
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00443
Name: ER00594_3B_prokka|PROKKA_00443
Description: ER00594_3B_prokka|PROKKA_00443
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00573
Name: ER00594_3B_prokka|PROKKA_00573
Description: ER00594_3B_prokka|PROKKA_00573
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00609
Name: ER00594_3B_prokka|PROKKA_00609
Description: ER00594_3B_prokka|PROKKA_00609
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00827
Name: ER00594_3B_prokka|PROKKA_00827
Description: ER00594_3B_prokka|PROKKA_00827
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00871
Name: ER00594_3B_prokka|PROKKA_00871
Description: ER00594_3B_prokka|PROKKA_00871
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00979
Name: ER00594_3B_prokka|PROKKA_00979
Description: ER00594_3B_prokka|PROKKA_00979
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01018
Name: ER00594_3B_prokka|PROKKA_01018
Description: ER00594_3B_prokka|PROKKA_01018
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01098
Name: ER00594_3B_prokka|PROKKA_01098
Description: ER00594_3B_prokka|PROKKA_01098
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01111
Name: ER00594_3B_prokka|PROKKA_01111
Description: ER00594_3B_prokka|PROKKA_01111
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01112
Name: ER00594_3B_prokka|PROKKA_01112
Description: ER00594_3B_prokka|PROKKA_01112
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01248
Name: ER00594_3B_prokka|PROKKA_01248
Description: ER00594_3B_prokka|PROKKA_01248
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01252
Name: ER00594_3B_prokka|PROKKA_01252
Description: ER00594_3B_prokka|PROKKA_01252
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01256
Name: ER00594_3B_prokka|PROKKA_01256
Description: ER00594_3B_prokka|PROKKA_01256
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01258
Name: ER00594_3B_prokka|PROKKA_01258
Description: ER00594_3B_prokka|PROKKA_01258
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01282
Name: ER00594_3B_prokka|PROKKA_01282
Description: ER00594_3B_prokka|PROKKA_01282
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01378
Name: ER00594_3B_prokka|PROKKA_01378
Description: ER00594_3B_prokka|PROKKA_01378
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01390
Name: ER00594_3B_prokka|PROKKA_01390
Description: ER00594_3B_prokka|PROKKA_01390
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01439
Name: ER00594_3B_prokka|PROKKA_01439
Description: ER00594_3B_prokka|PROKKA_01439
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01447
Name: ER00594_3B_prokka|PROKKA_01447
Description: ER00594_3B_prokka|PROKKA_01447
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01467
Name: ER00594_3B_prokka|PROKKA_01467
Description: ER00594_3B_prokka|PROKKA_01467
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01495
Name: ER00594_3B_prokka|PROKKA_01495
Description: ER00594_3B_prokka|PROKKA_01495
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01522
Name: ER00594_3B_prokka|PROKKA_01522
Description: ER00594_3B_prokka|PROKKA_01522
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01559
Name: ER00594_3B_prokka|PROKKA_01559
Description: ER00594_3B_prokka|PROKKA_01559
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01631
Name: ER00594_3B_prokka|PROKKA_01631
Description: ER00594_3B_prokka|PROKKA_01631
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01796
Name: ER00594_3B_prokka|PROKKA_01796
Description: ER00594_3B_prokka|PROKKA_01796
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01803
Name: ER00594_3B_prokka|PROKKA_01803
Description: ER00594_3B_prokka|PROKKA_01803
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01822
Name: ER00594_3B_prokka|PROKKA_01822
Description: ER00594_3B_prokka|PROKKA_01822
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01857
Name: ER00594_3B_prokka|PROKKA_01857
Description: ER00594_3B_prokka|PROKKA_01857
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01909
Name: ER00594_3B_prokka|PROKKA_01909
Description: ER00594_3B_prokka|PROKKA_01909
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01981
Name: ER00594_3B_prokka|PROKKA_01981
Description: ER00594_3B_prokka|PROKKA_01981
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01985
Name: ER00594_3B_prokka|PROKKA_01985
Description: ER00594_3B_prokka|PROKKA_01985
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_02001
Name: ER00594_3B_prokka|PROKKA_02001
Description: ER00594_3B_prokka|PROKKA_02001
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_02021
Name: ER00594_3B_prokka|PROKKA_02021
Description: ER00594_3B_prokka|PROKKA_02021
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_02051
Name: ER00594_3B_prokka|PROKKA_02051
Description: ER00594_3B_prokka|PROKKA_02051
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_02053
Name: ER00594_3B_prokka|PROKKA_02053
Description: ER00594_3B_prokka|PROKKA_02053
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_02102
Name: ER00594_3B_prokka|PROKKA_02102
Description: ER00594_3B_prokka|PROKKA_02102
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_02222
Name: ER00594_3B_prokka|PROKKA_02222
Description: ER00594_3B_prokka|PROKKA_02222
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_02246
Name: ER00594_3B_prokka|PROKKA_02246
Description: ER00594_3B_prokka|PROKKA_02246
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_02277
Name: ER00594_3B_prokka|PROKKA_02277
Description: ER00594_3B_prokka|PROKKA_02277
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_02433
Name: ER00594_3B_prokka|PROKKA_02433
Description: ER00594_3B_prokka|PROKKA_02433
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_02644
Name: ER00594_3B_prokka|PROKKA_02644
Description: ER00594_3B_prokka|PROKKA_02644
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_02731
Name: ER00594_3B_prokka|PROKKA_02731
Description: ER00594_3B_prokka|PROKKA_02731
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_02760
Name: ER00594_3B_prokka|PROKKA_02760
Description: ER00594_3B_prokka|PROKKA_02760
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00027
Name: ER00610_3B_prokka|PROKKA_00027
Description: ER00610_3B_prokka|PROKKA_00027
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00067
Name: ER00610_3B_prokka|PROKKA_00067
Description: ER00610_3B_prokka|PROKKA_00067
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00070
Name: ER00610_3B_prokka|PROKKA_00070
Description: ER00610_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00074
Name: ER00610_3B_prokka|PROKKA_00074
Description: ER00610_3B_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00095
Name: ER00610_3B_prokka|PROKKA_00095
Description: ER00610_3B_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00113
Name: ER00610_3B_prokka|PROKKA_00113
Description: ER00610_3B_prokka|PROKKA_00113
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00280
Name: ER00610_3B_prokka|PROKKA_00280
Description: ER00610_3B_prokka|PROKKA_00280
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00404
Name: ER00610_3B_prokka|PROKKA_00404
Description: ER00610_3B_prokka|PROKKA_00404
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00421
Name: ER00610_3B_prokka|PROKKA_00421
Description: ER00610_3B_prokka|PROKKA_00421
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00587
Name: ER00610_3B_prokka|PROKKA_00587
Description: ER00610_3B_prokka|PROKKA_00587
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00816
Name: ER00610_3B_prokka|PROKKA_00816
Description: ER00610_3B_prokka|PROKKA_00816
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00847
Name: ER00610_3B_prokka|PROKKA_00847
Description: ER00610_3B_prokka|PROKKA_00847
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00851
Name: ER00610_3B_prokka|PROKKA_00851
Description: ER00610_3B_prokka|PROKKA_00851
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00867
Name: ER00610_3B_prokka|PROKKA_00867
Description: ER00610_3B_prokka|PROKKA_00867
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00898
Name: ER00610_3B_prokka|PROKKA_00898
Description: ER00610_3B_prokka|PROKKA_00898
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00899
Name: ER00610_3B_prokka|PROKKA_00899
Description: ER00610_3B_prokka|PROKKA_00899
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00914
Name: ER00610_3B_prokka|PROKKA_00914
Description: ER00610_3B_prokka|PROKKA_00914
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01019
Name: ER00610_3B_prokka|PROKKA_01019
Description: ER00610_3B_prokka|PROKKA_01019
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01058
Name: ER00610_3B_prokka|PROKKA_01058
Description: ER00610_3B_prokka|PROKKA_01058
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01059
Name: ER00610_3B_prokka|PROKKA_01059
Description: ER00610_3B_prokka|PROKKA_01059
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01141
Name: ER00610_3B_prokka|PROKKA_01141
Description: ER00610_3B_prokka|PROKKA_01141
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01153
Name: ER00610_3B_prokka|PROKKA_01153
Description: ER00610_3B_prokka|PROKKA_01153
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01154
Name: ER00610_3B_prokka|PROKKA_01154
Description: ER00610_3B_prokka|PROKKA_01154
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01290
Name: ER00610_3B_prokka|PROKKA_01290
Description: ER00610_3B_prokka|PROKKA_01290
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01294
Name: ER00610_3B_prokka|PROKKA_01294
Description: ER00610_3B_prokka|PROKKA_01294
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01318
Name: ER00610_3B_prokka|PROKKA_01318
Description: ER00610_3B_prokka|PROKKA_01318
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01411
Name: ER00610_3B_prokka|PROKKA_01411
Description: ER00610_3B_prokka|PROKKA_01411
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01423
Name: ER00610_3B_prokka|PROKKA_01423
Description: ER00610_3B_prokka|PROKKA_01423
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01470
Name: ER00610_3B_prokka|PROKKA_01470
Description: ER00610_3B_prokka|PROKKA_01470
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01478
Name: ER00610_3B_prokka|PROKKA_01478
Description: ER00610_3B_prokka|PROKKA_01478
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01479
Name: ER00610_3B_prokka|PROKKA_01479
Description: ER00610_3B_prokka|PROKKA_01479
Number of features: 0
Seq('MSTKTYTKALQDIFREINGEDEEDSETEPEEMGKTEEQSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01498
Name: ER00610_3B_prokka|PROKKA_01498
Description: ER00610_3B_prokka|PROKKA_01498
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01513
Name: ER00610_3B_prokka|PROKKA_01513
Description: ER00610_3B_prokka|PROKKA_01513
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01521
Name: ER00610_3B_prokka|PROKKA_01521
Description: ER00610_3B_prokka|PROKKA_01521
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01526
Name: ER00610_3B_prokka|PROKKA_01526
Description: ER00610_3B_prokka|PROKKA_01526
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01553
Name: ER00610_3B_prokka|PROKKA_01553
Description: ER00610_3B_prokka|PROKKA_01553
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01556
Name: ER00610_3B_prokka|PROKKA_01556
Description: ER00610_3B_prokka|PROKKA_01556
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01591
Name: ER00610_3B_prokka|PROKKA_01591
Description: ER00610_3B_prokka|PROKKA_01591
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01665
Name: ER00610_3B_prokka|PROKKA_01665
Description: ER00610_3B_prokka|PROKKA_01665
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01834
Name: ER00610_3B_prokka|PROKKA_01834
Description: ER00610_3B_prokka|PROKKA_01834
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01848
Name: ER00610_3B_prokka|PROKKA_01848
Description: ER00610_3B_prokka|PROKKA_01848
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01890
Name: ER00610_3B_prokka|PROKKA_01890
Description: ER00610_3B_prokka|PROKKA_01890
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01942
Name: ER00610_3B_prokka|PROKKA_01942
Description: ER00610_3B_prokka|PROKKA_01942
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01944
Name: ER00610_3B_prokka|PROKKA_01944
Description: ER00610_3B_prokka|PROKKA_01944
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01945
Name: ER00610_3B_prokka|PROKKA_01945
Description: ER00610_3B_prokka|PROKKA_01945
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01975
Name: ER00610_3B_prokka|PROKKA_01975
Description: ER00610_3B_prokka|PROKKA_01975
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01997
Name: ER00610_3B_prokka|PROKKA_01997
Description: ER00610_3B_prokka|PROKKA_01997
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02002
Name: ER00610_3B_prokka|PROKKA_02002
Description: ER00610_3B_prokka|PROKKA_02002
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02078
Name: ER00610_3B_prokka|PROKKA_02078
Description: ER00610_3B_prokka|PROKKA_02078
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02082
Name: ER00610_3B_prokka|PROKKA_02082
Description: ER00610_3B_prokka|PROKKA_02082
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02098
Name: ER00610_3B_prokka|PROKKA_02098
Description: ER00610_3B_prokka|PROKKA_02098
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02116
Name: ER00610_3B_prokka|PROKKA_02116
Description: ER00610_3B_prokka|PROKKA_02116
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02142
Name: ER00610_3B_prokka|PROKKA_02142
Description: ER00610_3B_prokka|PROKKA_02142
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02144
Name: ER00610_3B_prokka|PROKKA_02144
Description: ER00610_3B_prokka|PROKKA_02144
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02196
Name: ER00610_3B_prokka|PROKKA_02196
Description: ER00610_3B_prokka|PROKKA_02196
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02304
Name: ER00610_3B_prokka|PROKKA_02304
Description: ER00610_3B_prokka|PROKKA_02304
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02323
Name: ER00610_3B_prokka|PROKKA_02323
Description: ER00610_3B_prokka|PROKKA_02323
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02336
Name: ER00610_3B_prokka|PROKKA_02336
Description: ER00610_3B_prokka|PROKKA_02336
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02368
Name: ER00610_3B_prokka|PROKKA_02368
Description: ER00610_3B_prokka|PROKKA_02368
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02513
Name: ER00610_3B_prokka|PROKKA_02513
Description: ER00610_3B_prokka|PROKKA_02513
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02522
Name: ER00610_3B_prokka|PROKKA_02522
Description: ER00610_3B_prokka|PROKKA_02522
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02586
Name: ER00610_3B_prokka|PROKKA_02586
Description: ER00610_3B_prokka|PROKKA_02586
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02694
Name: ER00610_3B_prokka|PROKKA_02694
Description: ER00610_3B_prokka|PROKKA_02694
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02732
Name: ER00610_3B_prokka|PROKKA_02732
Description: ER00610_3B_prokka|PROKKA_02732
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02816
Name: ER00610_3B_prokka|PROKKA_02816
Description: ER00610_3B_prokka|PROKKA_02816
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00083
Name: ER00658_3B_prokka|PROKKA_00083
Description: ER00658_3B_prokka|PROKKA_00083
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00086
Name: ER00658_3B_prokka|PROKKA_00086
Description: ER00658_3B_prokka|PROKKA_00086
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00090
Name: ER00658_3B_prokka|PROKKA_00090
Description: ER00658_3B_prokka|PROKKA_00090
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00111
Name: ER00658_3B_prokka|PROKKA_00111
Description: ER00658_3B_prokka|PROKKA_00111
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00129
Name: ER00658_3B_prokka|PROKKA_00129
Description: ER00658_3B_prokka|PROKKA_00129
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00296
Name: ER00658_3B_prokka|PROKKA_00296
Description: ER00658_3B_prokka|PROKKA_00296
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00420
Name: ER00658_3B_prokka|PROKKA_00420
Description: ER00658_3B_prokka|PROKKA_00420
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00437
Name: ER00658_3B_prokka|PROKKA_00437
Description: ER00658_3B_prokka|PROKKA_00437
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00603
Name: ER00658_3B_prokka|PROKKA_00603
Description: ER00658_3B_prokka|PROKKA_00603
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00833
Name: ER00658_3B_prokka|PROKKA_00833
Description: ER00658_3B_prokka|PROKKA_00833
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00864
Name: ER00658_3B_prokka|PROKKA_00864
Description: ER00658_3B_prokka|PROKKA_00864
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00868
Name: ER00658_3B_prokka|PROKKA_00868
Description: ER00658_3B_prokka|PROKKA_00868
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00884
Name: ER00658_3B_prokka|PROKKA_00884
Description: ER00658_3B_prokka|PROKKA_00884
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00915
Name: ER00658_3B_prokka|PROKKA_00915
Description: ER00658_3B_prokka|PROKKA_00915
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00916
Name: ER00658_3B_prokka|PROKKA_00916
Description: ER00658_3B_prokka|PROKKA_00916
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00931
Name: ER00658_3B_prokka|PROKKA_00931
Description: ER00658_3B_prokka|PROKKA_00931
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01036
Name: ER00658_3B_prokka|PROKKA_01036
Description: ER00658_3B_prokka|PROKKA_01036
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01075
Name: ER00658_3B_prokka|PROKKA_01075
Description: ER00658_3B_prokka|PROKKA_01075
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01076
Name: ER00658_3B_prokka|PROKKA_01076
Description: ER00658_3B_prokka|PROKKA_01076
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01158
Name: ER00658_3B_prokka|PROKKA_01158
Description: ER00658_3B_prokka|PROKKA_01158
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01171
Name: ER00658_3B_prokka|PROKKA_01171
Description: ER00658_3B_prokka|PROKKA_01171
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01172
Name: ER00658_3B_prokka|PROKKA_01172
Description: ER00658_3B_prokka|PROKKA_01172
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01308
Name: ER00658_3B_prokka|PROKKA_01308
Description: ER00658_3B_prokka|PROKKA_01308
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01312
Name: ER00658_3B_prokka|PROKKA_01312
Description: ER00658_3B_prokka|PROKKA_01312
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01336
Name: ER00658_3B_prokka|PROKKA_01336
Description: ER00658_3B_prokka|PROKKA_01336
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01429
Name: ER00658_3B_prokka|PROKKA_01429
Description: ER00658_3B_prokka|PROKKA_01429
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01441
Name: ER00658_3B_prokka|PROKKA_01441
Description: ER00658_3B_prokka|PROKKA_01441
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01488
Name: ER00658_3B_prokka|PROKKA_01488
Description: ER00658_3B_prokka|PROKKA_01488
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01496
Name: ER00658_3B_prokka|PROKKA_01496
Description: ER00658_3B_prokka|PROKKA_01496
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01515
Name: ER00658_3B_prokka|PROKKA_01515
Description: ER00658_3B_prokka|PROKKA_01515
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01530
Name: ER00658_3B_prokka|PROKKA_01530
Description: ER00658_3B_prokka|PROKKA_01530
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01538
Name: ER00658_3B_prokka|PROKKA_01538
Description: ER00658_3B_prokka|PROKKA_01538
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01543
Name: ER00658_3B_prokka|PROKKA_01543
Description: ER00658_3B_prokka|PROKKA_01543
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01570
Name: ER00658_3B_prokka|PROKKA_01570
Description: ER00658_3B_prokka|PROKKA_01570
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01573
Name: ER00658_3B_prokka|PROKKA_01573
Description: ER00658_3B_prokka|PROKKA_01573
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01608
Name: ER00658_3B_prokka|PROKKA_01608
Description: ER00658_3B_prokka|PROKKA_01608
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01682
Name: ER00658_3B_prokka|PROKKA_01682
Description: ER00658_3B_prokka|PROKKA_01682
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01851
Name: ER00658_3B_prokka|PROKKA_01851
Description: ER00658_3B_prokka|PROKKA_01851
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01865
Name: ER00658_3B_prokka|PROKKA_01865
Description: ER00658_3B_prokka|PROKKA_01865
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01907
Name: ER00658_3B_prokka|PROKKA_01907
Description: ER00658_3B_prokka|PROKKA_01907
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01959
Name: ER00658_3B_prokka|PROKKA_01959
Description: ER00658_3B_prokka|PROKKA_01959
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01961
Name: ER00658_3B_prokka|PROKKA_01961
Description: ER00658_3B_prokka|PROKKA_01961
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01962
Name: ER00658_3B_prokka|PROKKA_01962
Description: ER00658_3B_prokka|PROKKA_01962
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01992
Name: ER00658_3B_prokka|PROKKA_01992
Description: ER00658_3B_prokka|PROKKA_01992
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02014
Name: ER00658_3B_prokka|PROKKA_02014
Description: ER00658_3B_prokka|PROKKA_02014
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02019
Name: ER00658_3B_prokka|PROKKA_02019
Description: ER00658_3B_prokka|PROKKA_02019
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02095
Name: ER00658_3B_prokka|PROKKA_02095
Description: ER00658_3B_prokka|PROKKA_02095
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02099
Name: ER00658_3B_prokka|PROKKA_02099
Description: ER00658_3B_prokka|PROKKA_02099
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02115
Name: ER00658_3B_prokka|PROKKA_02115
Description: ER00658_3B_prokka|PROKKA_02115
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02133
Name: ER00658_3B_prokka|PROKKA_02133
Description: ER00658_3B_prokka|PROKKA_02133
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02159
Name: ER00658_3B_prokka|PROKKA_02159
Description: ER00658_3B_prokka|PROKKA_02159
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02161
Name: ER00658_3B_prokka|PROKKA_02161
Description: ER00658_3B_prokka|PROKKA_02161
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02213
Name: ER00658_3B_prokka|PROKKA_02213
Description: ER00658_3B_prokka|PROKKA_02213
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02321
Name: ER00658_3B_prokka|PROKKA_02321
Description: ER00658_3B_prokka|PROKKA_02321
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02340
Name: ER00658_3B_prokka|PROKKA_02340
Description: ER00658_3B_prokka|PROKKA_02340
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02353
Name: ER00658_3B_prokka|PROKKA_02353
Description: ER00658_3B_prokka|PROKKA_02353
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02385
Name: ER00658_3B_prokka|PROKKA_02385
Description: ER00658_3B_prokka|PROKKA_02385
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02530
Name: ER00658_3B_prokka|PROKKA_02530
Description: ER00658_3B_prokka|PROKKA_02530
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02539
Name: ER00658_3B_prokka|PROKKA_02539
Description: ER00658_3B_prokka|PROKKA_02539
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02603
Name: ER00658_3B_prokka|PROKKA_02603
Description: ER00658_3B_prokka|PROKKA_02603
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02711
Name: ER00658_3B_prokka|PROKKA_02711
Description: ER00658_3B_prokka|PROKKA_02711
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02749
Name: ER00658_3B_prokka|PROKKA_02749
Description: ER00658_3B_prokka|PROKKA_02749
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02833
Name: ER00658_3B_prokka|PROKKA_02833
Description: ER00658_3B_prokka|PROKKA_02833
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02860
Name: ER00658_3B_prokka|PROKKA_02860
Description: ER00658_3B_prokka|PROKKA_02860
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_00056
Name: ER00695_3B_prokka|PROKKA_00056
Description: ER00695_3B_prokka|PROKKA_00056
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_00074
Name: ER00695_3B_prokka|PROKKA_00074
Description: ER00695_3B_prokka|PROKKA_00074
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_00239
Name: ER00695_3B_prokka|PROKKA_00239
Description: ER00695_3B_prokka|PROKKA_00239
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_00364
Name: ER00695_3B_prokka|PROKKA_00364
Description: ER00695_3B_prokka|PROKKA_00364
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_00381
Name: ER00695_3B_prokka|PROKKA_00381
Description: ER00695_3B_prokka|PROKKA_00381
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_00548
Name: ER00695_3B_prokka|PROKKA_00548
Description: ER00695_3B_prokka|PROKKA_00548
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_00777
Name: ER00695_3B_prokka|PROKKA_00777
Description: ER00695_3B_prokka|PROKKA_00777
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_00804
Name: ER00695_3B_prokka|PROKKA_00804
Description: ER00695_3B_prokka|PROKKA_00804
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_00909
Name: ER00695_3B_prokka|PROKKA_00909
Description: ER00695_3B_prokka|PROKKA_00909
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_00948
Name: ER00695_3B_prokka|PROKKA_00948
Description: ER00695_3B_prokka|PROKKA_00948
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_00949
Name: ER00695_3B_prokka|PROKKA_00949
Description: ER00695_3B_prokka|PROKKA_00949
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01003
Name: ER00695_3B_prokka|PROKKA_01003
Description: ER00695_3B_prokka|PROKKA_01003
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01006
Name: ER00695_3B_prokka|PROKKA_01006
Description: ER00695_3B_prokka|PROKKA_01006
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01007
Name: ER00695_3B_prokka|PROKKA_01007
Description: ER00695_3B_prokka|PROKKA_01007
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01027
Name: ER00695_3B_prokka|PROKKA_01027
Description: ER00695_3B_prokka|PROKKA_01027
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01057
Name: ER00695_3B_prokka|PROKKA_01057
Description: ER00695_3B_prokka|PROKKA_01057
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01058
Name: ER00695_3B_prokka|PROKKA_01058
Description: ER00695_3B_prokka|PROKKA_01058
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01093
Name: ER00695_3B_prokka|PROKKA_01093
Description: ER00695_3B_prokka|PROKKA_01093
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01105
Name: ER00695_3B_prokka|PROKKA_01105
Description: ER00695_3B_prokka|PROKKA_01105
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01106
Name: ER00695_3B_prokka|PROKKA_01106
Description: ER00695_3B_prokka|PROKKA_01106
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01242
Name: ER00695_3B_prokka|PROKKA_01242
Description: ER00695_3B_prokka|PROKKA_01242
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01246
Name: ER00695_3B_prokka|PROKKA_01246
Description: ER00695_3B_prokka|PROKKA_01246
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01270
Name: ER00695_3B_prokka|PROKKA_01270
Description: ER00695_3B_prokka|PROKKA_01270
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01363
Name: ER00695_3B_prokka|PROKKA_01363
Description: ER00695_3B_prokka|PROKKA_01363
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01375
Name: ER00695_3B_prokka|PROKKA_01375
Description: ER00695_3B_prokka|PROKKA_01375
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01422
Name: ER00695_3B_prokka|PROKKA_01422
Description: ER00695_3B_prokka|PROKKA_01422
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01430
Name: ER00695_3B_prokka|PROKKA_01430
Description: ER00695_3B_prokka|PROKKA_01430
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01449
Name: ER00695_3B_prokka|PROKKA_01449
Description: ER00695_3B_prokka|PROKKA_01449
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01463
Name: ER00695_3B_prokka|PROKKA_01463
Description: ER00695_3B_prokka|PROKKA_01463
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01471
Name: ER00695_3B_prokka|PROKKA_01471
Description: ER00695_3B_prokka|PROKKA_01471
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01476
Name: ER00695_3B_prokka|PROKKA_01476
Description: ER00695_3B_prokka|PROKKA_01476
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01478
Name: ER00695_3B_prokka|PROKKA_01478
Description: ER00695_3B_prokka|PROKKA_01478
Number of features: 0
Seq('MTQFLGALLLTGVLGYIPYKYLTMIGLVSEKTRLSILLYY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01504
Name: ER00695_3B_prokka|PROKKA_01504
Description: ER00695_3B_prokka|PROKKA_01504
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01507
Name: ER00695_3B_prokka|PROKKA_01507
Description: ER00695_3B_prokka|PROKKA_01507
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01542
Name: ER00695_3B_prokka|PROKKA_01542
Description: ER00695_3B_prokka|PROKKA_01542
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01616
Name: ER00695_3B_prokka|PROKKA_01616
Description: ER00695_3B_prokka|PROKKA_01616
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01785
Name: ER00695_3B_prokka|PROKKA_01785
Description: ER00695_3B_prokka|PROKKA_01785
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01800
Name: ER00695_3B_prokka|PROKKA_01800
Description: ER00695_3B_prokka|PROKKA_01800
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01842
Name: ER00695_3B_prokka|PROKKA_01842
Description: ER00695_3B_prokka|PROKKA_01842
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01894
Name: ER00695_3B_prokka|PROKKA_01894
Description: ER00695_3B_prokka|PROKKA_01894
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01966
Name: ER00695_3B_prokka|PROKKA_01966
Description: ER00695_3B_prokka|PROKKA_01966
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01970
Name: ER00695_3B_prokka|PROKKA_01970
Description: ER00695_3B_prokka|PROKKA_01970
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01986
Name: ER00695_3B_prokka|PROKKA_01986
Description: ER00695_3B_prokka|PROKKA_01986
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02004
Name: ER00695_3B_prokka|PROKKA_02004
Description: ER00695_3B_prokka|PROKKA_02004
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02010
Name: ER00695_3B_prokka|PROKKA_02010
Description: ER00695_3B_prokka|PROKKA_02010
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02015
Name: ER00695_3B_prokka|PROKKA_02015
Description: ER00695_3B_prokka|PROKKA_02015
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02031
Name: ER00695_3B_prokka|PROKKA_02031
Description: ER00695_3B_prokka|PROKKA_02031
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02033
Name: ER00695_3B_prokka|PROKKA_02033
Description: ER00695_3B_prokka|PROKKA_02033
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02085
Name: ER00695_3B_prokka|PROKKA_02085
Description: ER00695_3B_prokka|PROKKA_02085
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02210
Name: ER00695_3B_prokka|PROKKA_02210
Description: ER00695_3B_prokka|PROKKA_02210
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02223
Name: ER00695_3B_prokka|PROKKA_02223
Description: ER00695_3B_prokka|PROKKA_02223
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02254
Name: ER00695_3B_prokka|PROKKA_02254
Description: ER00695_3B_prokka|PROKKA_02254
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02407
Name: ER00695_3B_prokka|PROKKA_02407
Description: ER00695_3B_prokka|PROKKA_02407
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02471
Name: ER00695_3B_prokka|PROKKA_02471
Description: ER00695_3B_prokka|PROKKA_02471
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02581
Name: ER00695_3B_prokka|PROKKA_02581
Description: ER00695_3B_prokka|PROKKA_02581
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02619
Name: ER00695_3B_prokka|PROKKA_02619
Description: ER00695_3B_prokka|PROKKA_02619
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02703
Name: ER00695_3B_prokka|PROKKA_02703
Description: ER00695_3B_prokka|PROKKA_02703
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02719
Name: ER00695_3B_prokka|PROKKA_02719
Description: ER00695_3B_prokka|PROKKA_02719
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00016
Name: ER00707_3B_prokka|PROKKA_00016
Description: ER00707_3B_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00061
Name: ER00707_3B_prokka|PROKKA_00061
Description: ER00707_3B_prokka|PROKKA_00061
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00067
Name: ER00707_3B_prokka|PROKKA_00067
Description: ER00707_3B_prokka|PROKKA_00067
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00088
Name: ER00707_3B_prokka|PROKKA_00088
Description: ER00707_3B_prokka|PROKKA_00088
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00106
Name: ER00707_3B_prokka|PROKKA_00106
Description: ER00707_3B_prokka|PROKKA_00106
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00274
Name: ER00707_3B_prokka|PROKKA_00274
Description: ER00707_3B_prokka|PROKKA_00274
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00398
Name: ER00707_3B_prokka|PROKKA_00398
Description: ER00707_3B_prokka|PROKKA_00398
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00415
Name: ER00707_3B_prokka|PROKKA_00415
Description: ER00707_3B_prokka|PROKKA_00415
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00581
Name: ER00707_3B_prokka|PROKKA_00581
Description: ER00707_3B_prokka|PROKKA_00581
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00810
Name: ER00707_3B_prokka|PROKKA_00810
Description: ER00707_3B_prokka|PROKKA_00810
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00837
Name: ER00707_3B_prokka|PROKKA_00837
Description: ER00707_3B_prokka|PROKKA_00837
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00914
Name: ER00707_3B_prokka|PROKKA_00914
Description: ER00707_3B_prokka|PROKKA_00914
Number of features: 0
Seq('MTVGTFVGSMIPLLMNKLNIDPAVASGPFITTINDIISMLIYFGLATSFMAYLI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00944
Name: ER00707_3B_prokka|PROKKA_00944
Description: ER00707_3B_prokka|PROKKA_00944
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00983
Name: ER00707_3B_prokka|PROKKA_00983
Description: ER00707_3B_prokka|PROKKA_00983
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00984
Name: ER00707_3B_prokka|PROKKA_00984
Description: ER00707_3B_prokka|PROKKA_00984
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01066
Name: ER00707_3B_prokka|PROKKA_01066
Description: ER00707_3B_prokka|PROKKA_01066
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01078
Name: ER00707_3B_prokka|PROKKA_01078
Description: ER00707_3B_prokka|PROKKA_01078
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01079
Name: ER00707_3B_prokka|PROKKA_01079
Description: ER00707_3B_prokka|PROKKA_01079
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01215
Name: ER00707_3B_prokka|PROKKA_01215
Description: ER00707_3B_prokka|PROKKA_01215
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01219
Name: ER00707_3B_prokka|PROKKA_01219
Description: ER00707_3B_prokka|PROKKA_01219
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01243
Name: ER00707_3B_prokka|PROKKA_01243
Description: ER00707_3B_prokka|PROKKA_01243
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01336
Name: ER00707_3B_prokka|PROKKA_01336
Description: ER00707_3B_prokka|PROKKA_01336
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01348
Name: ER00707_3B_prokka|PROKKA_01348
Description: ER00707_3B_prokka|PROKKA_01348
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01395
Name: ER00707_3B_prokka|PROKKA_01395
Description: ER00707_3B_prokka|PROKKA_01395
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01403
Name: ER00707_3B_prokka|PROKKA_01403
Description: ER00707_3B_prokka|PROKKA_01403
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01422
Name: ER00707_3B_prokka|PROKKA_01422
Description: ER00707_3B_prokka|PROKKA_01422
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01437
Name: ER00707_3B_prokka|PROKKA_01437
Description: ER00707_3B_prokka|PROKKA_01437
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01445
Name: ER00707_3B_prokka|PROKKA_01445
Description: ER00707_3B_prokka|PROKKA_01445
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01450
Name: ER00707_3B_prokka|PROKKA_01450
Description: ER00707_3B_prokka|PROKKA_01450
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01477
Name: ER00707_3B_prokka|PROKKA_01477
Description: ER00707_3B_prokka|PROKKA_01477
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01480
Name: ER00707_3B_prokka|PROKKA_01480
Description: ER00707_3B_prokka|PROKKA_01480
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01515
Name: ER00707_3B_prokka|PROKKA_01515
Description: ER00707_3B_prokka|PROKKA_01515
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01589
Name: ER00707_3B_prokka|PROKKA_01589
Description: ER00707_3B_prokka|PROKKA_01589
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01758
Name: ER00707_3B_prokka|PROKKA_01758
Description: ER00707_3B_prokka|PROKKA_01758
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01772
Name: ER00707_3B_prokka|PROKKA_01772
Description: ER00707_3B_prokka|PROKKA_01772
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01814
Name: ER00707_3B_prokka|PROKKA_01814
Description: ER00707_3B_prokka|PROKKA_01814
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01866
Name: ER00707_3B_prokka|PROKKA_01866
Description: ER00707_3B_prokka|PROKKA_01866
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01868
Name: ER00707_3B_prokka|PROKKA_01868
Description: ER00707_3B_prokka|PROKKA_01868
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01869
Name: ER00707_3B_prokka|PROKKA_01869
Description: ER00707_3B_prokka|PROKKA_01869
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01899
Name: ER00707_3B_prokka|PROKKA_01899
Description: ER00707_3B_prokka|PROKKA_01899
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01921
Name: ER00707_3B_prokka|PROKKA_01921
Description: ER00707_3B_prokka|PROKKA_01921
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01926
Name: ER00707_3B_prokka|PROKKA_01926
Description: ER00707_3B_prokka|PROKKA_01926
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02002
Name: ER00707_3B_prokka|PROKKA_02002
Description: ER00707_3B_prokka|PROKKA_02002
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02004
Name: ER00707_3B_prokka|PROKKA_02004
Description: ER00707_3B_prokka|PROKKA_02004
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02056
Name: ER00707_3B_prokka|PROKKA_02056
Description: ER00707_3B_prokka|PROKKA_02056
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02165
Name: ER00707_3B_prokka|PROKKA_02165
Description: ER00707_3B_prokka|PROKKA_02165
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02184
Name: ER00707_3B_prokka|PROKKA_02184
Description: ER00707_3B_prokka|PROKKA_02184
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02197
Name: ER00707_3B_prokka|PROKKA_02197
Description: ER00707_3B_prokka|PROKKA_02197
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02229
Name: ER00707_3B_prokka|PROKKA_02229
Description: ER00707_3B_prokka|PROKKA_02229
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02374
Name: ER00707_3B_prokka|PROKKA_02374
Description: ER00707_3B_prokka|PROKKA_02374
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02383
Name: ER00707_3B_prokka|PROKKA_02383
Description: ER00707_3B_prokka|PROKKA_02383
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02447
Name: ER00707_3B_prokka|PROKKA_02447
Description: ER00707_3B_prokka|PROKKA_02447
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02555
Name: ER00707_3B_prokka|PROKKA_02555
Description: ER00707_3B_prokka|PROKKA_02555
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02593
Name: ER00707_3B_prokka|PROKKA_02593
Description: ER00707_3B_prokka|PROKKA_02593
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02677
Name: ER00707_3B_prokka|PROKKA_02677
Description: ER00707_3B_prokka|PROKKA_02677
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00030
Name: ER00749_3B_prokka|PROKKA_00030
Description: ER00749_3B_prokka|PROKKA_00030
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00034
Name: ER00749_3B_prokka|PROKKA_00034
Description: ER00749_3B_prokka|PROKKA_00034
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00043
Name: ER00749_3B_prokka|PROKKA_00043
Description: ER00749_3B_prokka|PROKKA_00043
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00056
Name: ER00749_3B_prokka|PROKKA_00056
Description: ER00749_3B_prokka|PROKKA_00056
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00059
Name: ER00749_3B_prokka|PROKKA_00059
Description: ER00749_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00224
Name: ER00749_3B_prokka|PROKKA_00224
Description: ER00749_3B_prokka|PROKKA_00224
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00320
Name: ER00749_3B_prokka|PROKKA_00320
Description: ER00749_3B_prokka|PROKKA_00320
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00326
Name: ER00749_3B_prokka|PROKKA_00326
Description: ER00749_3B_prokka|PROKKA_00326
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00370
Name: ER00749_3B_prokka|PROKKA_00370
Description: ER00749_3B_prokka|PROKKA_00370
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00388
Name: ER00749_3B_prokka|PROKKA_00388
Description: ER00749_3B_prokka|PROKKA_00388
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00553
Name: ER00749_3B_prokka|PROKKA_00553
Description: ER00749_3B_prokka|PROKKA_00553
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00795
Name: ER00749_3B_prokka|PROKKA_00795
Description: ER00749_3B_prokka|PROKKA_00795
Number of features: 0
Seq('MTFYNFIMGFQNDNTPFGILAEHVSEDKAFPRL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00806
Name: ER00749_3B_prokka|PROKKA_00806
Description: ER00749_3B_prokka|PROKKA_00806
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00818
Name: ER00749_3B_prokka|PROKKA_00818
Description: ER00749_3B_prokka|PROKKA_00818
Number of features: 0
Seq('MKMYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00906
Name: ER00749_3B_prokka|PROKKA_00906
Description: ER00749_3B_prokka|PROKKA_00906
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00958
Name: ER00749_3B_prokka|PROKKA_00958
Description: ER00749_3B_prokka|PROKKA_00958
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01000
Name: ER00749_3B_prokka|PROKKA_01000
Description: ER00749_3B_prokka|PROKKA_01000
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01015
Name: ER00749_3B_prokka|PROKKA_01015
Description: ER00749_3B_prokka|PROKKA_01015
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGTWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01178
Name: ER00749_3B_prokka|PROKKA_01178
Description: ER00749_3B_prokka|PROKKA_01178
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01251
Name: ER00749_3B_prokka|PROKKA_01251
Description: ER00749_3B_prokka|PROKKA_01251
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01286
Name: ER00749_3B_prokka|PROKKA_01286
Description: ER00749_3B_prokka|PROKKA_01286
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01289
Name: ER00749_3B_prokka|PROKKA_01289
Description: ER00749_3B_prokka|PROKKA_01289
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01356
Name: ER00749_3B_prokka|PROKKA_01356
Description: ER00749_3B_prokka|PROKKA_01356
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01368
Name: ER00749_3B_prokka|PROKKA_01368
Description: ER00749_3B_prokka|PROKKA_01368
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01462
Name: ER00749_3B_prokka|PROKKA_01462
Description: ER00749_3B_prokka|PROKKA_01462
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01486
Name: ER00749_3B_prokka|PROKKA_01486
Description: ER00749_3B_prokka|PROKKA_01486
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01490
Name: ER00749_3B_prokka|PROKKA_01490
Description: ER00749_3B_prokka|PROKKA_01490
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01625
Name: ER00749_3B_prokka|PROKKA_01625
Description: ER00749_3B_prokka|PROKKA_01625
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01626
Name: ER00749_3B_prokka|PROKKA_01626
Description: ER00749_3B_prokka|PROKKA_01626
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01638
Name: ER00749_3B_prokka|PROKKA_01638
Description: ER00749_3B_prokka|PROKKA_01638
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01719
Name: ER00749_3B_prokka|PROKKA_01719
Description: ER00749_3B_prokka|PROKKA_01719
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01737
Name: ER00749_3B_prokka|PROKKA_01737
Description: ER00749_3B_prokka|PROKKA_01737
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01760
Name: ER00749_3B_prokka|PROKKA_01760
Description: ER00749_3B_prokka|PROKKA_01760
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01869
Name: ER00749_3B_prokka|PROKKA_01869
Description: ER00749_3B_prokka|PROKKA_01869
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01891
Name: ER00749_3B_prokka|PROKKA_01891
Description: ER00749_3B_prokka|PROKKA_01891
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01892
Name: ER00749_3B_prokka|PROKKA_01892
Description: ER00749_3B_prokka|PROKKA_01892
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01909
Name: ER00749_3B_prokka|PROKKA_01909
Description: ER00749_3B_prokka|PROKKA_01909
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01920
Name: ER00749_3B_prokka|PROKKA_01920
Description: ER00749_3B_prokka|PROKKA_01920
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01922
Name: ER00749_3B_prokka|PROKKA_01922
Description: ER00749_3B_prokka|PROKKA_01922
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01973
Name: ER00749_3B_prokka|PROKKA_01973
Description: ER00749_3B_prokka|PROKKA_01973
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02099
Name: ER00749_3B_prokka|PROKKA_02099
Description: ER00749_3B_prokka|PROKKA_02099
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02112
Name: ER00749_3B_prokka|PROKKA_02112
Description: ER00749_3B_prokka|PROKKA_02112
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02143
Name: ER00749_3B_prokka|PROKKA_02143
Description: ER00749_3B_prokka|PROKKA_02143
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02298
Name: ER00749_3B_prokka|PROKKA_02298
Description: ER00749_3B_prokka|PROKKA_02298
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02344
Name: ER00749_3B_prokka|PROKKA_02344
Description: ER00749_3B_prokka|PROKKA_02344
Number of features: 0
Seq('MAIHGSGTEMIFSKNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02364
Name: ER00749_3B_prokka|PROKKA_02364
Description: ER00749_3B_prokka|PROKKA_02364
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02482
Name: ER00749_3B_prokka|PROKKA_02482
Description: ER00749_3B_prokka|PROKKA_02482
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02495
Name: ER00749_3B_prokka|PROKKA_02495
Description: ER00749_3B_prokka|PROKKA_02495
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02497
Name: ER00749_3B_prokka|PROKKA_02497
Description: ER00749_3B_prokka|PROKKA_02497
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02500
Name: ER00749_3B_prokka|PROKKA_02500
Description: ER00749_3B_prokka|PROKKA_02500
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02507
Name: ER00749_3B_prokka|PROKKA_02507
Description: ER00749_3B_prokka|PROKKA_02507
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02545
Name: ER00749_3B_prokka|PROKKA_02545
Description: ER00749_3B_prokka|PROKKA_02545
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02629
Name: ER00749_3B_prokka|PROKKA_02629
Description: ER00749_3B_prokka|PROKKA_02629
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02634
Name: ER00749_3B_prokka|PROKKA_02634
Description: ER00749_3B_prokka|PROKKA_02634
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_00006
Name: ER00767_3B_prokka|PROKKA_00006
Description: ER00767_3B_prokka|PROKKA_00006
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_00084
Name: ER00767_3B_prokka|PROKKA_00084
Description: ER00767_3B_prokka|PROKKA_00084
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_00102
Name: ER00767_3B_prokka|PROKKA_00102
Description: ER00767_3B_prokka|PROKKA_00102
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_00269
Name: ER00767_3B_prokka|PROKKA_00269
Description: ER00767_3B_prokka|PROKKA_00269
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_00393
Name: ER00767_3B_prokka|PROKKA_00393
Description: ER00767_3B_prokka|PROKKA_00393
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_00410
Name: ER00767_3B_prokka|PROKKA_00410
Description: ER00767_3B_prokka|PROKKA_00410
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_00574
Name: ER00767_3B_prokka|PROKKA_00574
Description: ER00767_3B_prokka|PROKKA_00574
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_00805
Name: ER00767_3B_prokka|PROKKA_00805
Description: ER00767_3B_prokka|PROKKA_00805
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_00832
Name: ER00767_3B_prokka|PROKKA_00832
Description: ER00767_3B_prokka|PROKKA_00832
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_00937
Name: ER00767_3B_prokka|PROKKA_00937
Description: ER00767_3B_prokka|PROKKA_00937
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_00977
Name: ER00767_3B_prokka|PROKKA_00977
Description: ER00767_3B_prokka|PROKKA_00977
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01059
Name: ER00767_3B_prokka|PROKKA_01059
Description: ER00767_3B_prokka|PROKKA_01059
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01071
Name: ER00767_3B_prokka|PROKKA_01071
Description: ER00767_3B_prokka|PROKKA_01071
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01072
Name: ER00767_3B_prokka|PROKKA_01072
Description: ER00767_3B_prokka|PROKKA_01072
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01208
Name: ER00767_3B_prokka|PROKKA_01208
Description: ER00767_3B_prokka|PROKKA_01208
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01212
Name: ER00767_3B_prokka|PROKKA_01212
Description: ER00767_3B_prokka|PROKKA_01212
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01236
Name: ER00767_3B_prokka|PROKKA_01236
Description: ER00767_3B_prokka|PROKKA_01236
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01329
Name: ER00767_3B_prokka|PROKKA_01329
Description: ER00767_3B_prokka|PROKKA_01329
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01348
Name: ER00767_3B_prokka|PROKKA_01348
Description: ER00767_3B_prokka|PROKKA_01348
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01416
Name: ER00767_3B_prokka|PROKKA_01416
Description: ER00767_3B_prokka|PROKKA_01416
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01419
Name: ER00767_3B_prokka|PROKKA_01419
Description: ER00767_3B_prokka|PROKKA_01419
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01454
Name: ER00767_3B_prokka|PROKKA_01454
Description: ER00767_3B_prokka|PROKKA_01454
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01527
Name: ER00767_3B_prokka|PROKKA_01527
Description: ER00767_3B_prokka|PROKKA_01527
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01696
Name: ER00767_3B_prokka|PROKKA_01696
Description: ER00767_3B_prokka|PROKKA_01696
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01710
Name: ER00767_3B_prokka|PROKKA_01710
Description: ER00767_3B_prokka|PROKKA_01710
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01752
Name: ER00767_3B_prokka|PROKKA_01752
Description: ER00767_3B_prokka|PROKKA_01752
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01803
Name: ER00767_3B_prokka|PROKKA_01803
Description: ER00767_3B_prokka|PROKKA_01803
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01875
Name: ER00767_3B_prokka|PROKKA_01875
Description: ER00767_3B_prokka|PROKKA_01875
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01879
Name: ER00767_3B_prokka|PROKKA_01879
Description: ER00767_3B_prokka|PROKKA_01879
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01895
Name: ER00767_3B_prokka|PROKKA_01895
Description: ER00767_3B_prokka|PROKKA_01895
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01913
Name: ER00767_3B_prokka|PROKKA_01913
Description: ER00767_3B_prokka|PROKKA_01913
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01919
Name: ER00767_3B_prokka|PROKKA_01919
Description: ER00767_3B_prokka|PROKKA_01919
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01924
Name: ER00767_3B_prokka|PROKKA_01924
Description: ER00767_3B_prokka|PROKKA_01924
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01940
Name: ER00767_3B_prokka|PROKKA_01940
Description: ER00767_3B_prokka|PROKKA_01940
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01942
Name: ER00767_3B_prokka|PROKKA_01942
Description: ER00767_3B_prokka|PROKKA_01942
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01994
Name: ER00767_3B_prokka|PROKKA_01994
Description: ER00767_3B_prokka|PROKKA_01994
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_02119
Name: ER00767_3B_prokka|PROKKA_02119
Description: ER00767_3B_prokka|PROKKA_02119
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_02132
Name: ER00767_3B_prokka|PROKKA_02132
Description: ER00767_3B_prokka|PROKKA_02132
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_02163
Name: ER00767_3B_prokka|PROKKA_02163
Description: ER00767_3B_prokka|PROKKA_02163
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_02308
Name: ER00767_3B_prokka|PROKKA_02308
Description: ER00767_3B_prokka|PROKKA_02308
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_02317
Name: ER00767_3B_prokka|PROKKA_02317
Description: ER00767_3B_prokka|PROKKA_02317
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_02381
Name: ER00767_3B_prokka|PROKKA_02381
Description: ER00767_3B_prokka|PROKKA_02381
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_02491
Name: ER00767_3B_prokka|PROKKA_02491
Description: ER00767_3B_prokka|PROKKA_02491
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_02529
Name: ER00767_3B_prokka|PROKKA_02529
Description: ER00767_3B_prokka|PROKKA_02529
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_02613
Name: ER00767_3B_prokka|PROKKA_02613
Description: ER00767_3B_prokka|PROKKA_02613
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00014
Name: ER00887_3B_prokka|PROKKA_00014
Description: ER00887_3B_prokka|PROKKA_00014
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00032
Name: ER00887_3B_prokka|PROKKA_00032
Description: ER00887_3B_prokka|PROKKA_00032
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00040
Name: ER00887_3B_prokka|PROKKA_00040
Description: ER00887_3B_prokka|PROKKA_00040
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00046
Name: ER00887_3B_prokka|PROKKA_00046
Description: ER00887_3B_prokka|PROKKA_00046
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00073
Name: ER00887_3B_prokka|PROKKA_00073
Description: ER00887_3B_prokka|PROKKA_00073
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00076
Name: ER00887_3B_prokka|PROKKA_00076
Description: ER00887_3B_prokka|PROKKA_00076
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00111
Name: ER00887_3B_prokka|PROKKA_00111
Description: ER00887_3B_prokka|PROKKA_00111
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00184
Name: ER00887_3B_prokka|PROKKA_00184
Description: ER00887_3B_prokka|PROKKA_00184
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00354
Name: ER00887_3B_prokka|PROKKA_00354
Description: ER00887_3B_prokka|PROKKA_00354
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00368
Name: ER00887_3B_prokka|PROKKA_00368
Description: ER00887_3B_prokka|PROKKA_00368
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00410
Name: ER00887_3B_prokka|PROKKA_00410
Description: ER00887_3B_prokka|PROKKA_00410
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00462
Name: ER00887_3B_prokka|PROKKA_00462
Description: ER00887_3B_prokka|PROKKA_00462
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00534
Name: ER00887_3B_prokka|PROKKA_00534
Description: ER00887_3B_prokka|PROKKA_00534
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00538
Name: ER00887_3B_prokka|PROKKA_00538
Description: ER00887_3B_prokka|PROKKA_00538
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHHVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00554
Name: ER00887_3B_prokka|PROKKA_00554
Description: ER00887_3B_prokka|PROKKA_00554
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00572
Name: ER00887_3B_prokka|PROKKA_00572
Description: ER00887_3B_prokka|PROKKA_00572
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00578
Name: ER00887_3B_prokka|PROKKA_00578
Description: ER00887_3B_prokka|PROKKA_00578
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00583
Name: ER00887_3B_prokka|PROKKA_00583
Description: ER00887_3B_prokka|PROKKA_00583
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00599
Name: ER00887_3B_prokka|PROKKA_00599
Description: ER00887_3B_prokka|PROKKA_00599
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00601
Name: ER00887_3B_prokka|PROKKA_00601
Description: ER00887_3B_prokka|PROKKA_00601
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00651
Name: ER00887_3B_prokka|PROKKA_00651
Description: ER00887_3B_prokka|PROKKA_00651
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00759
Name: ER00887_3B_prokka|PROKKA_00759
Description: ER00887_3B_prokka|PROKKA_00759
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00767
Name: ER00887_3B_prokka|PROKKA_00767
Description: ER00887_3B_prokka|PROKKA_00767
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00786
Name: ER00887_3B_prokka|PROKKA_00786
Description: ER00887_3B_prokka|PROKKA_00786
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00801
Name: ER00887_3B_prokka|PROKKA_00801
Description: ER00887_3B_prokka|PROKKA_00801
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00809
Name: ER00887_3B_prokka|PROKKA_00809
Description: ER00887_3B_prokka|PROKKA_00809
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00814
Name: ER00887_3B_prokka|PROKKA_00814
Description: ER00887_3B_prokka|PROKKA_00814
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00839
Name: ER00887_3B_prokka|PROKKA_00839
Description: ER00887_3B_prokka|PROKKA_00839
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00852
Name: ER00887_3B_prokka|PROKKA_00852
Description: ER00887_3B_prokka|PROKKA_00852
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00884
Name: ER00887_3B_prokka|PROKKA_00884
Description: ER00887_3B_prokka|PROKKA_00884
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_01029
Name: ER00887_3B_prokka|PROKKA_01029
Description: ER00887_3B_prokka|PROKKA_01029
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_01038
Name: ER00887_3B_prokka|PROKKA_01038
Description: ER00887_3B_prokka|PROKKA_01038
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_01102
Name: ER00887_3B_prokka|PROKKA_01102
Description: ER00887_3B_prokka|PROKKA_01102
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_01210
Name: ER00887_3B_prokka|PROKKA_01210
Description: ER00887_3B_prokka|PROKKA_01210
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_01248
Name: ER00887_3B_prokka|PROKKA_01248
Description: ER00887_3B_prokka|PROKKA_01248
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_01332
Name: ER00887_3B_prokka|PROKKA_01332
Description: ER00887_3B_prokka|PROKKA_01332
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_01388
Name: ER00887_3B_prokka|PROKKA_01388
Description: ER00887_3B_prokka|PROKKA_01388
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_01406
Name: ER00887_3B_prokka|PROKKA_01406
Description: ER00887_3B_prokka|PROKKA_01406
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_01572
Name: ER00887_3B_prokka|PROKKA_01572
Description: ER00887_3B_prokka|PROKKA_01572
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_01696
Name: ER00887_3B_prokka|PROKKA_01696
Description: ER00887_3B_prokka|PROKKA_01696
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_01713
Name: ER00887_3B_prokka|PROKKA_01713
Description: ER00887_3B_prokka|PROKKA_01713
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_01880
Name: ER00887_3B_prokka|PROKKA_01880
Description: ER00887_3B_prokka|PROKKA_01880
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02110
Name: ER00887_3B_prokka|PROKKA_02110
Description: ER00887_3B_prokka|PROKKA_02110
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02141
Name: ER00887_3B_prokka|PROKKA_02141
Description: ER00887_3B_prokka|PROKKA_02141
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02145
Name: ER00887_3B_prokka|PROKKA_02145
Description: ER00887_3B_prokka|PROKKA_02145
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02161
Name: ER00887_3B_prokka|PROKKA_02161
Description: ER00887_3B_prokka|PROKKA_02161
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02192
Name: ER00887_3B_prokka|PROKKA_02192
Description: ER00887_3B_prokka|PROKKA_02192
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02193
Name: ER00887_3B_prokka|PROKKA_02193
Description: ER00887_3B_prokka|PROKKA_02193
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02208
Name: ER00887_3B_prokka|PROKKA_02208
Description: ER00887_3B_prokka|PROKKA_02208
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02313
Name: ER00887_3B_prokka|PROKKA_02313
Description: ER00887_3B_prokka|PROKKA_02313
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02352
Name: ER00887_3B_prokka|PROKKA_02352
Description: ER00887_3B_prokka|PROKKA_02352
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02353
Name: ER00887_3B_prokka|PROKKA_02353
Description: ER00887_3B_prokka|PROKKA_02353
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02402
Name: ER00887_3B_prokka|PROKKA_02402
Description: ER00887_3B_prokka|PROKKA_02402
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02410
Name: ER00887_3B_prokka|PROKKA_02410
Description: ER00887_3B_prokka|PROKKA_02410
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02411
Name: ER00887_3B_prokka|PROKKA_02411
Description: ER00887_3B_prokka|PROKKA_02411
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02434
Name: ER00887_3B_prokka|PROKKA_02434
Description: ER00887_3B_prokka|PROKKA_02434
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02500
Name: ER00887_3B_prokka|PROKKA_02500
Description: ER00887_3B_prokka|PROKKA_02500
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02512
Name: ER00887_3B_prokka|PROKKA_02512
Description: ER00887_3B_prokka|PROKKA_02512
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02513
Name: ER00887_3B_prokka|PROKKA_02513
Description: ER00887_3B_prokka|PROKKA_02513
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02583
Name: ER00887_3B_prokka|PROKKA_02583
Description: ER00887_3B_prokka|PROKKA_02583
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02586
Name: ER00887_3B_prokka|PROKKA_02586
Description: ER00887_3B_prokka|PROKKA_02586
Number of features: 0
Seq('MSEEMATYWFNKMYELGIIHEVLRQEGVIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02587
Name: ER00887_3B_prokka|PROKKA_02587
Description: ER00887_3B_prokka|PROKKA_02587
Number of features: 0
Seq('MSKTYKSYLIAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02598
Name: ER00887_3B_prokka|PROKKA_02598
Description: ER00887_3B_prokka|PROKKA_02598
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02622
Name: ER00887_3B_prokka|PROKKA_02622
Description: ER00887_3B_prokka|PROKKA_02622
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02643
Name: ER00887_3B_prokka|PROKKA_02643
Description: ER00887_3B_prokka|PROKKA_02643
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02644
Name: ER00887_3B_prokka|PROKKA_02644
Description: ER00887_3B_prokka|PROKKA_02644
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIVRKTHFYYLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02719
Name: ER00887_3B_prokka|PROKKA_02719
Description: ER00887_3B_prokka|PROKKA_02719
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02723
Name: ER00887_3B_prokka|PROKKA_02723
Description: ER00887_3B_prokka|PROKKA_02723
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02748
Name: ER00887_3B_prokka|PROKKA_02748
Description: ER00887_3B_prokka|PROKKA_02748
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02841
Name: ER00887_3B_prokka|PROKKA_02841
Description: ER00887_3B_prokka|PROKKA_02841
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02853
Name: ER00887_3B_prokka|PROKKA_02853
Description: ER00887_3B_prokka|PROKKA_02853
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02900
Name: ER00887_3B_prokka|PROKKA_02900
Description: ER00887_3B_prokka|PROKKA_02900
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02906
Name: ER00887_3B_prokka|PROKKA_02906
Description: ER00887_3B_prokka|PROKKA_02906
Number of features: 0
Seq('MDYHDHLSVMDFNELICENLLDVDYGSFKEYYELNEARYITFTVYRTTHNSFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02914
Name: ER00887_3B_prokka|PROKKA_02914
Description: ER00887_3B_prokka|PROKKA_02914
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00027
Name: ER00951_3B_prokka|PROKKA_00027
Description: ER00951_3B_prokka|PROKKA_00027
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00055
Name: ER00951_3B_prokka|PROKKA_00055
Description: ER00951_3B_prokka|PROKKA_00055
Number of features: 0
Seq('MAYQSEYALENEVLQQLEELNYERVNIHNIKLEINEYLKELGVLKNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00061
Name: ER00951_3B_prokka|PROKKA_00061
Description: ER00951_3B_prokka|PROKKA_00061
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00066
Name: ER00951_3B_prokka|PROKKA_00066
Description: ER00951_3B_prokka|PROKKA_00066
Number of features: 0
Seq('MKEMKRKSVGCYVRVSTISQDIDKFSINGQITQIKEYCQQGNYELLY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00069
Name: ER00951_3B_prokka|PROKKA_00069
Description: ER00951_3B_prokka|PROKKA_00069
Number of features: 0
Seq('MDMENKKTEWKALYDISKESEMGVAERVSEYG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00083
Name: ER00951_3B_prokka|PROKKA_00083
Description: ER00951_3B_prokka|PROKKA_00083
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00089
Name: ER00951_3B_prokka|PROKKA_00089
Description: ER00951_3B_prokka|PROKKA_00089
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00110
Name: ER00951_3B_prokka|PROKKA_00110
Description: ER00951_3B_prokka|PROKKA_00110
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00128
Name: ER00951_3B_prokka|PROKKA_00128
Description: ER00951_3B_prokka|PROKKA_00128
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00296
Name: ER00951_3B_prokka|PROKKA_00296
Description: ER00951_3B_prokka|PROKKA_00296
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00420
Name: ER00951_3B_prokka|PROKKA_00420
Description: ER00951_3B_prokka|PROKKA_00420
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00437
Name: ER00951_3B_prokka|PROKKA_00437
Description: ER00951_3B_prokka|PROKKA_00437
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00603
Name: ER00951_3B_prokka|PROKKA_00603
Description: ER00951_3B_prokka|PROKKA_00603
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00832
Name: ER00951_3B_prokka|PROKKA_00832
Description: ER00951_3B_prokka|PROKKA_00832
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00863
Name: ER00951_3B_prokka|PROKKA_00863
Description: ER00951_3B_prokka|PROKKA_00863
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00867
Name: ER00951_3B_prokka|PROKKA_00867
Description: ER00951_3B_prokka|PROKKA_00867
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00883
Name: ER00951_3B_prokka|PROKKA_00883
Description: ER00951_3B_prokka|PROKKA_00883
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00914
Name: ER00951_3B_prokka|PROKKA_00914
Description: ER00951_3B_prokka|PROKKA_00914
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00915
Name: ER00951_3B_prokka|PROKKA_00915
Description: ER00951_3B_prokka|PROKKA_00915
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00930
Name: ER00951_3B_prokka|PROKKA_00930
Description: ER00951_3B_prokka|PROKKA_00930
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01035
Name: ER00951_3B_prokka|PROKKA_01035
Description: ER00951_3B_prokka|PROKKA_01035
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01074
Name: ER00951_3B_prokka|PROKKA_01074
Description: ER00951_3B_prokka|PROKKA_01074
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01075
Name: ER00951_3B_prokka|PROKKA_01075
Description: ER00951_3B_prokka|PROKKA_01075
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01124
Name: ER00951_3B_prokka|PROKKA_01124
Description: ER00951_3B_prokka|PROKKA_01124
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01132
Name: ER00951_3B_prokka|PROKKA_01132
Description: ER00951_3B_prokka|PROKKA_01132
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01133
Name: ER00951_3B_prokka|PROKKA_01133
Description: ER00951_3B_prokka|PROKKA_01133
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01156
Name: ER00951_3B_prokka|PROKKA_01156
Description: ER00951_3B_prokka|PROKKA_01156
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01222
Name: ER00951_3B_prokka|PROKKA_01222
Description: ER00951_3B_prokka|PROKKA_01222
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01234
Name: ER00951_3B_prokka|PROKKA_01234
Description: ER00951_3B_prokka|PROKKA_01234
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01235
Name: ER00951_3B_prokka|PROKKA_01235
Description: ER00951_3B_prokka|PROKKA_01235
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01371
Name: ER00951_3B_prokka|PROKKA_01371
Description: ER00951_3B_prokka|PROKKA_01371
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01375
Name: ER00951_3B_prokka|PROKKA_01375
Description: ER00951_3B_prokka|PROKKA_01375
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01399
Name: ER00951_3B_prokka|PROKKA_01399
Description: ER00951_3B_prokka|PROKKA_01399
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01492
Name: ER00951_3B_prokka|PROKKA_01492
Description: ER00951_3B_prokka|PROKKA_01492
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01504
Name: ER00951_3B_prokka|PROKKA_01504
Description: ER00951_3B_prokka|PROKKA_01504
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01551
Name: ER00951_3B_prokka|PROKKA_01551
Description: ER00951_3B_prokka|PROKKA_01551
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01559
Name: ER00951_3B_prokka|PROKKA_01559
Description: ER00951_3B_prokka|PROKKA_01559
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01578
Name: ER00951_3B_prokka|PROKKA_01578
Description: ER00951_3B_prokka|PROKKA_01578
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01593
Name: ER00951_3B_prokka|PROKKA_01593
Description: ER00951_3B_prokka|PROKKA_01593
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01601
Name: ER00951_3B_prokka|PROKKA_01601
Description: ER00951_3B_prokka|PROKKA_01601
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01606
Name: ER00951_3B_prokka|PROKKA_01606
Description: ER00951_3B_prokka|PROKKA_01606
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01633
Name: ER00951_3B_prokka|PROKKA_01633
Description: ER00951_3B_prokka|PROKKA_01633
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01636
Name: ER00951_3B_prokka|PROKKA_01636
Description: ER00951_3B_prokka|PROKKA_01636
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01671
Name: ER00951_3B_prokka|PROKKA_01671
Description: ER00951_3B_prokka|PROKKA_01671
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01745
Name: ER00951_3B_prokka|PROKKA_01745
Description: ER00951_3B_prokka|PROKKA_01745
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01903
Name: ER00951_3B_prokka|PROKKA_01903
Description: ER00951_3B_prokka|PROKKA_01903
Number of features: 0
Seq('MDFIKRKRMPIESFTHQFEEITYLSDDLQVKALMMTPHHEVNRIVVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01915
Name: ER00951_3B_prokka|PROKKA_01915
Description: ER00951_3B_prokka|PROKKA_01915
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01929
Name: ER00951_3B_prokka|PROKKA_01929
Description: ER00951_3B_prokka|PROKKA_01929
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01971
Name: ER00951_3B_prokka|PROKKA_01971
Description: ER00951_3B_prokka|PROKKA_01971
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02023
Name: ER00951_3B_prokka|PROKKA_02023
Description: ER00951_3B_prokka|PROKKA_02023
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02097
Name: ER00951_3B_prokka|PROKKA_02097
Description: ER00951_3B_prokka|PROKKA_02097
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02099
Name: ER00951_3B_prokka|PROKKA_02099
Description: ER00951_3B_prokka|PROKKA_02099
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02151
Name: ER00951_3B_prokka|PROKKA_02151
Description: ER00951_3B_prokka|PROKKA_02151
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02259
Name: ER00951_3B_prokka|PROKKA_02259
Description: ER00951_3B_prokka|PROKKA_02259
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02278
Name: ER00951_3B_prokka|PROKKA_02278
Description: ER00951_3B_prokka|PROKKA_02278
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02291
Name: ER00951_3B_prokka|PROKKA_02291
Description: ER00951_3B_prokka|PROKKA_02291
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02323
Name: ER00951_3B_prokka|PROKKA_02323
Description: ER00951_3B_prokka|PROKKA_02323
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02470
Name: ER00951_3B_prokka|PROKKA_02470
Description: ER00951_3B_prokka|PROKKA_02470
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02479
Name: ER00951_3B_prokka|PROKKA_02479
Description: ER00951_3B_prokka|PROKKA_02479
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02543
Name: ER00951_3B_prokka|PROKKA_02543
Description: ER00951_3B_prokka|PROKKA_02543
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02651
Name: ER00951_3B_prokka|PROKKA_02651
Description: ER00951_3B_prokka|PROKKA_02651
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02689
Name: ER00951_3B_prokka|PROKKA_02689
Description: ER00951_3B_prokka|PROKKA_02689
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02773
Name: ER00951_3B_prokka|PROKKA_02773
Description: ER00951_3B_prokka|PROKKA_02773
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00017
Name: ER01009_3B_prokka|PROKKA_00017
Description: ER01009_3B_prokka|PROKKA_00017
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00058
Name: ER01009_3B_prokka|PROKKA_00058
Description: ER01009_3B_prokka|PROKKA_00058
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00062
Name: ER01009_3B_prokka|PROKKA_00062
Description: ER01009_3B_prokka|PROKKA_00062
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00071
Name: ER01009_3B_prokka|PROKKA_00071
Description: ER01009_3B_prokka|PROKKA_00071
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00084
Name: ER01009_3B_prokka|PROKKA_00084
Description: ER01009_3B_prokka|PROKKA_00084
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00087
Name: ER01009_3B_prokka|PROKKA_00087
Description: ER01009_3B_prokka|PROKKA_00087
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00252
Name: ER01009_3B_prokka|PROKKA_00252
Description: ER01009_3B_prokka|PROKKA_00252
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00348
Name: ER01009_3B_prokka|PROKKA_00348
Description: ER01009_3B_prokka|PROKKA_00348
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00354
Name: ER01009_3B_prokka|PROKKA_00354
Description: ER01009_3B_prokka|PROKKA_00354
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00398
Name: ER01009_3B_prokka|PROKKA_00398
Description: ER01009_3B_prokka|PROKKA_00398
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00416
Name: ER01009_3B_prokka|PROKKA_00416
Description: ER01009_3B_prokka|PROKKA_00416
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00581
Name: ER01009_3B_prokka|PROKKA_00581
Description: ER01009_3B_prokka|PROKKA_00581
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00833
Name: ER01009_3B_prokka|PROKKA_00833
Description: ER01009_3B_prokka|PROKKA_00833
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00860
Name: ER01009_3B_prokka|PROKKA_00860
Description: ER01009_3B_prokka|PROKKA_00860
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00968
Name: ER01009_3B_prokka|PROKKA_00968
Description: ER01009_3B_prokka|PROKKA_00968
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01008
Name: ER01009_3B_prokka|PROKKA_01008
Description: ER01009_3B_prokka|PROKKA_01008
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01062
Name: ER01009_3B_prokka|PROKKA_01062
Description: ER01009_3B_prokka|PROKKA_01062
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01068
Name: ER01009_3B_prokka|PROKKA_01068
Description: ER01009_3B_prokka|PROKKA_01068
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01069
Name: ER01009_3B_prokka|PROKKA_01069
Description: ER01009_3B_prokka|PROKKA_01069
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01088
Name: ER01009_3B_prokka|PROKKA_01088
Description: ER01009_3B_prokka|PROKKA_01088
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01101
Name: ER01009_3B_prokka|PROKKA_01101
Description: ER01009_3B_prokka|PROKKA_01101
Number of features: 0
Seq('MTPNLQLYNKAYEMLQGYGFPVISRKEMQQEIPYPFFCNKNAGVKQK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01119
Name: ER01009_3B_prokka|PROKKA_01119
Description: ER01009_3B_prokka|PROKKA_01119
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01120
Name: ER01009_3B_prokka|PROKKA_01120
Description: ER01009_3B_prokka|PROKKA_01120
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01155
Name: ER01009_3B_prokka|PROKKA_01155
Description: ER01009_3B_prokka|PROKKA_01155
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01167
Name: ER01009_3B_prokka|PROKKA_01167
Description: ER01009_3B_prokka|PROKKA_01167
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01168
Name: ER01009_3B_prokka|PROKKA_01168
Description: ER01009_3B_prokka|PROKKA_01168
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01303
Name: ER01009_3B_prokka|PROKKA_01303
Description: ER01009_3B_prokka|PROKKA_01303
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01307
Name: ER01009_3B_prokka|PROKKA_01307
Description: ER01009_3B_prokka|PROKKA_01307
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01331
Name: ER01009_3B_prokka|PROKKA_01331
Description: ER01009_3B_prokka|PROKKA_01331
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01426
Name: ER01009_3B_prokka|PROKKA_01426
Description: ER01009_3B_prokka|PROKKA_01426
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01438
Name: ER01009_3B_prokka|PROKKA_01438
Description: ER01009_3B_prokka|PROKKA_01438
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01505
Name: ER01009_3B_prokka|PROKKA_01505
Description: ER01009_3B_prokka|PROKKA_01505
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01508
Name: ER01009_3B_prokka|PROKKA_01508
Description: ER01009_3B_prokka|PROKKA_01508
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01543
Name: ER01009_3B_prokka|PROKKA_01543
Description: ER01009_3B_prokka|PROKKA_01543
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01616
Name: ER01009_3B_prokka|PROKKA_01616
Description: ER01009_3B_prokka|PROKKA_01616
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01779
Name: ER01009_3B_prokka|PROKKA_01779
Description: ER01009_3B_prokka|PROKKA_01779
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01794
Name: ER01009_3B_prokka|PROKKA_01794
Description: ER01009_3B_prokka|PROKKA_01794
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01836
Name: ER01009_3B_prokka|PROKKA_01836
Description: ER01009_3B_prokka|PROKKA_01836
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01888
Name: ER01009_3B_prokka|PROKKA_01888
Description: ER01009_3B_prokka|PROKKA_01888
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01963
Name: ER01009_3B_prokka|PROKKA_01963
Description: ER01009_3B_prokka|PROKKA_01963
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01967
Name: ER01009_3B_prokka|PROKKA_01967
Description: ER01009_3B_prokka|PROKKA_01967
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01983
Name: ER01009_3B_prokka|PROKKA_01983
Description: ER01009_3B_prokka|PROKKA_01983
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02001
Name: ER01009_3B_prokka|PROKKA_02001
Description: ER01009_3B_prokka|PROKKA_02001
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02040
Name: ER01009_3B_prokka|PROKKA_02040
Description: ER01009_3B_prokka|PROKKA_02040
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02051
Name: ER01009_3B_prokka|PROKKA_02051
Description: ER01009_3B_prokka|PROKKA_02051
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02053
Name: ER01009_3B_prokka|PROKKA_02053
Description: ER01009_3B_prokka|PROKKA_02053
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02103
Name: ER01009_3B_prokka|PROKKA_02103
Description: ER01009_3B_prokka|PROKKA_02103
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02229
Name: ER01009_3B_prokka|PROKKA_02229
Description: ER01009_3B_prokka|PROKKA_02229
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02242
Name: ER01009_3B_prokka|PROKKA_02242
Description: ER01009_3B_prokka|PROKKA_02242
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02273
Name: ER01009_3B_prokka|PROKKA_02273
Description: ER01009_3B_prokka|PROKKA_02273
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02428
Name: ER01009_3B_prokka|PROKKA_02428
Description: ER01009_3B_prokka|PROKKA_02428
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02492
Name: ER01009_3B_prokka|PROKKA_02492
Description: ER01009_3B_prokka|PROKKA_02492
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02596
Name: ER01009_3B_prokka|PROKKA_02596
Description: ER01009_3B_prokka|PROKKA_02596
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02598
Name: ER01009_3B_prokka|PROKKA_02598
Description: ER01009_3B_prokka|PROKKA_02598
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02601
Name: ER01009_3B_prokka|PROKKA_02601
Description: ER01009_3B_prokka|PROKKA_02601
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02608
Name: ER01009_3B_prokka|PROKKA_02608
Description: ER01009_3B_prokka|PROKKA_02608
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02646
Name: ER01009_3B_prokka|PROKKA_02646
Description: ER01009_3B_prokka|PROKKA_02646
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02730
Name: ER01009_3B_prokka|PROKKA_02730
Description: ER01009_3B_prokka|PROKKA_02730
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00039
Name: ER01062_3B_prokka|PROKKA_00039
Description: ER01062_3B_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00042
Name: ER01062_3B_prokka|PROKKA_00042
Description: ER01062_3B_prokka|PROKKA_00042
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00046
Name: ER01062_3B_prokka|PROKKA_00046
Description: ER01062_3B_prokka|PROKKA_00046
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00067
Name: ER01062_3B_prokka|PROKKA_00067
Description: ER01062_3B_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00085
Name: ER01062_3B_prokka|PROKKA_00085
Description: ER01062_3B_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00252
Name: ER01062_3B_prokka|PROKKA_00252
Description: ER01062_3B_prokka|PROKKA_00252
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00376
Name: ER01062_3B_prokka|PROKKA_00376
Description: ER01062_3B_prokka|PROKKA_00376
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00393
Name: ER01062_3B_prokka|PROKKA_00393
Description: ER01062_3B_prokka|PROKKA_00393
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00559
Name: ER01062_3B_prokka|PROKKA_00559
Description: ER01062_3B_prokka|PROKKA_00559
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00788
Name: ER01062_3B_prokka|PROKKA_00788
Description: ER01062_3B_prokka|PROKKA_00788
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00819
Name: ER01062_3B_prokka|PROKKA_00819
Description: ER01062_3B_prokka|PROKKA_00819
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00823
Name: ER01062_3B_prokka|PROKKA_00823
Description: ER01062_3B_prokka|PROKKA_00823
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00839
Name: ER01062_3B_prokka|PROKKA_00839
Description: ER01062_3B_prokka|PROKKA_00839
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00862
Name: ER01062_3B_prokka|PROKKA_00862
Description: ER01062_3B_prokka|PROKKA_00862
Number of features: 0
Seq('MTIIVRPPKGNGAPVPVETTLVKKVNADGVLTFDILENKYTYEVINAIGKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00876
Name: ER01062_3B_prokka|PROKKA_00876
Description: ER01062_3B_prokka|PROKKA_00876
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00877
Name: ER01062_3B_prokka|PROKKA_00877
Description: ER01062_3B_prokka|PROKKA_00877
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00879
Name: ER01062_3B_prokka|PROKKA_00879
Description: ER01062_3B_prokka|PROKKA_00879
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00932
Name: ER01062_3B_prokka|PROKKA_00932
Description: ER01062_3B_prokka|PROKKA_00932
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00974
Name: ER01062_3B_prokka|PROKKA_00974
Description: ER01062_3B_prokka|PROKKA_00974
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00988
Name: ER01062_3B_prokka|PROKKA_00988
Description: ER01062_3B_prokka|PROKKA_00988
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01157
Name: ER01062_3B_prokka|PROKKA_01157
Description: ER01062_3B_prokka|PROKKA_01157
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01231
Name: ER01062_3B_prokka|PROKKA_01231
Description: ER01062_3B_prokka|PROKKA_01231
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01266
Name: ER01062_3B_prokka|PROKKA_01266
Description: ER01062_3B_prokka|PROKKA_01266
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01269
Name: ER01062_3B_prokka|PROKKA_01269
Description: ER01062_3B_prokka|PROKKA_01269
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01296
Name: ER01062_3B_prokka|PROKKA_01296
Description: ER01062_3B_prokka|PROKKA_01296
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01301
Name: ER01062_3B_prokka|PROKKA_01301
Description: ER01062_3B_prokka|PROKKA_01301
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01309
Name: ER01062_3B_prokka|PROKKA_01309
Description: ER01062_3B_prokka|PROKKA_01309
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01324
Name: ER01062_3B_prokka|PROKKA_01324
Description: ER01062_3B_prokka|PROKKA_01324
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01343
Name: ER01062_3B_prokka|PROKKA_01343
Description: ER01062_3B_prokka|PROKKA_01343
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01351
Name: ER01062_3B_prokka|PROKKA_01351
Description: ER01062_3B_prokka|PROKKA_01351
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01398
Name: ER01062_3B_prokka|PROKKA_01398
Description: ER01062_3B_prokka|PROKKA_01398
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01410
Name: ER01062_3B_prokka|PROKKA_01410
Description: ER01062_3B_prokka|PROKKA_01410
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01504
Name: ER01062_3B_prokka|PROKKA_01504
Description: ER01062_3B_prokka|PROKKA_01504
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01528
Name: ER01062_3B_prokka|PROKKA_01528
Description: ER01062_3B_prokka|PROKKA_01528
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01532
Name: ER01062_3B_prokka|PROKKA_01532
Description: ER01062_3B_prokka|PROKKA_01532
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01668
Name: ER01062_3B_prokka|PROKKA_01668
Description: ER01062_3B_prokka|PROKKA_01668
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01669
Name: ER01062_3B_prokka|PROKKA_01669
Description: ER01062_3B_prokka|PROKKA_01669
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01681
Name: ER01062_3B_prokka|PROKKA_01681
Description: ER01062_3B_prokka|PROKKA_01681
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01763
Name: ER01062_3B_prokka|PROKKA_01763
Description: ER01062_3B_prokka|PROKKA_01763
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01764
Name: ER01062_3B_prokka|PROKKA_01764
Description: ER01062_3B_prokka|PROKKA_01764
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01781
Name: ER01062_3B_prokka|PROKKA_01781
Description: ER01062_3B_prokka|PROKKA_01781
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01804
Name: ER01062_3B_prokka|PROKKA_01804
Description: ER01062_3B_prokka|PROKKA_01804
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01909
Name: ER01062_3B_prokka|PROKKA_01909
Description: ER01062_3B_prokka|PROKKA_01909
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01924
Name: ER01062_3B_prokka|PROKKA_01924
Description: ER01062_3B_prokka|PROKKA_01924
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01925
Name: ER01062_3B_prokka|PROKKA_01925
Description: ER01062_3B_prokka|PROKKA_01925
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01940
Name: ER01062_3B_prokka|PROKKA_01940
Description: ER01062_3B_prokka|PROKKA_01940
Number of features: 0
Seq('MSRTDLIEDKQQKVSSKTVTTSDGTIVHDFIDKSNIKDVKRLERLAIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01943
Name: ER01062_3B_prokka|PROKKA_01943
Description: ER01062_3B_prokka|PROKKA_01943
Number of features: 0
Seq('MTIIVRPPKGNGAPVPVETTLVKKLMLTVY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01956
Name: ER01062_3B_prokka|PROKKA_01956
Description: ER01062_3B_prokka|PROKKA_01956
Number of features: 0
Seq('MPEIIGIVKVDFTDLEDNRHVYMKGHVYPRKVMILQMNVSKL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01965
Name: ER01062_3B_prokka|PROKKA_01965
Description: ER01062_3B_prokka|PROKKA_01965
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01987
Name: ER01062_3B_prokka|PROKKA_01987
Description: ER01062_3B_prokka|PROKKA_01987
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01992
Name: ER01062_3B_prokka|PROKKA_01992
Description: ER01062_3B_prokka|PROKKA_01992
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02068
Name: ER01062_3B_prokka|PROKKA_02068
Description: ER01062_3B_prokka|PROKKA_02068
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02072
Name: ER01062_3B_prokka|PROKKA_02072
Description: ER01062_3B_prokka|PROKKA_02072
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02089
Name: ER01062_3B_prokka|PROKKA_02089
Description: ER01062_3B_prokka|PROKKA_02089
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02107
Name: ER01062_3B_prokka|PROKKA_02107
Description: ER01062_3B_prokka|PROKKA_02107
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02133
Name: ER01062_3B_prokka|PROKKA_02133
Description: ER01062_3B_prokka|PROKKA_02133
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02135
Name: ER01062_3B_prokka|PROKKA_02135
Description: ER01062_3B_prokka|PROKKA_02135
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02187
Name: ER01062_3B_prokka|PROKKA_02187
Description: ER01062_3B_prokka|PROKKA_02187
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02295
Name: ER01062_3B_prokka|PROKKA_02295
Description: ER01062_3B_prokka|PROKKA_02295
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02314
Name: ER01062_3B_prokka|PROKKA_02314
Description: ER01062_3B_prokka|PROKKA_02314
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02327
Name: ER01062_3B_prokka|PROKKA_02327
Description: ER01062_3B_prokka|PROKKA_02327
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02359
Name: ER01062_3B_prokka|PROKKA_02359
Description: ER01062_3B_prokka|PROKKA_02359
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02504
Name: ER01062_3B_prokka|PROKKA_02504
Description: ER01062_3B_prokka|PROKKA_02504
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02513
Name: ER01062_3B_prokka|PROKKA_02513
Description: ER01062_3B_prokka|PROKKA_02513
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02577
Name: ER01062_3B_prokka|PROKKA_02577
Description: ER01062_3B_prokka|PROKKA_02577
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02685
Name: ER01062_3B_prokka|PROKKA_02685
Description: ER01062_3B_prokka|PROKKA_02685
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02723
Name: ER01062_3B_prokka|PROKKA_02723
Description: ER01062_3B_prokka|PROKKA_02723
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02807
Name: ER01062_3B_prokka|PROKKA_02807
Description: ER01062_3B_prokka|PROKKA_02807
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02831
Name: ER01062_3B_prokka|PROKKA_02831
Description: ER01062_3B_prokka|PROKKA_02831
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_00030
Name: ER01073_3B_prokka|PROKKA_00030
Description: ER01073_3B_prokka|PROKKA_00030
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_00039
Name: ER01073_3B_prokka|PROKKA_00039
Description: ER01073_3B_prokka|PROKKA_00039
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_00053
Name: ER01073_3B_prokka|PROKKA_00053
Description: ER01073_3B_prokka|PROKKA_00053
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_00056
Name: ER01073_3B_prokka|PROKKA_00056
Description: ER01073_3B_prokka|PROKKA_00056
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_00221
Name: ER01073_3B_prokka|PROKKA_00221
Description: ER01073_3B_prokka|PROKKA_00221
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_00346
Name: ER01073_3B_prokka|PROKKA_00346
Description: ER01073_3B_prokka|PROKKA_00346
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_00364
Name: ER01073_3B_prokka|PROKKA_00364
Description: ER01073_3B_prokka|PROKKA_00364
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_00530
Name: ER01073_3B_prokka|PROKKA_00530
Description: ER01073_3B_prokka|PROKKA_00530
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_00758
Name: ER01073_3B_prokka|PROKKA_00758
Description: ER01073_3B_prokka|PROKKA_00758
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_00785
Name: ER01073_3B_prokka|PROKKA_00785
Description: ER01073_3B_prokka|PROKKA_00785
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_00893
Name: ER01073_3B_prokka|PROKKA_00893
Description: ER01073_3B_prokka|PROKKA_00893
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_00933
Name: ER01073_3B_prokka|PROKKA_00933
Description: ER01073_3B_prokka|PROKKA_00933
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01014
Name: ER01073_3B_prokka|PROKKA_01014
Description: ER01073_3B_prokka|PROKKA_01014
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01026
Name: ER01073_3B_prokka|PROKKA_01026
Description: ER01073_3B_prokka|PROKKA_01026
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01027
Name: ER01073_3B_prokka|PROKKA_01027
Description: ER01073_3B_prokka|PROKKA_01027
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01162
Name: ER01073_3B_prokka|PROKKA_01162
Description: ER01073_3B_prokka|PROKKA_01162
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01166
Name: ER01073_3B_prokka|PROKKA_01166
Description: ER01073_3B_prokka|PROKKA_01166
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01190
Name: ER01073_3B_prokka|PROKKA_01190
Description: ER01073_3B_prokka|PROKKA_01190
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01285
Name: ER01073_3B_prokka|PROKKA_01285
Description: ER01073_3B_prokka|PROKKA_01285
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01297
Name: ER01073_3B_prokka|PROKKA_01297
Description: ER01073_3B_prokka|PROKKA_01297
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01364
Name: ER01073_3B_prokka|PROKKA_01364
Description: ER01073_3B_prokka|PROKKA_01364
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01367
Name: ER01073_3B_prokka|PROKKA_01367
Description: ER01073_3B_prokka|PROKKA_01367
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01402
Name: ER01073_3B_prokka|PROKKA_01402
Description: ER01073_3B_prokka|PROKKA_01402
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01474
Name: ER01073_3B_prokka|PROKKA_01474
Description: ER01073_3B_prokka|PROKKA_01474
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01637
Name: ER01073_3B_prokka|PROKKA_01637
Description: ER01073_3B_prokka|PROKKA_01637
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01652
Name: ER01073_3B_prokka|PROKKA_01652
Description: ER01073_3B_prokka|PROKKA_01652
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01694
Name: ER01073_3B_prokka|PROKKA_01694
Description: ER01073_3B_prokka|PROKKA_01694
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01746
Name: ER01073_3B_prokka|PROKKA_01746
Description: ER01073_3B_prokka|PROKKA_01746
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01821
Name: ER01073_3B_prokka|PROKKA_01821
Description: ER01073_3B_prokka|PROKKA_01821
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01825
Name: ER01073_3B_prokka|PROKKA_01825
Description: ER01073_3B_prokka|PROKKA_01825
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01841
Name: ER01073_3B_prokka|PROKKA_01841
Description: ER01073_3B_prokka|PROKKA_01841
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01859
Name: ER01073_3B_prokka|PROKKA_01859
Description: ER01073_3B_prokka|PROKKA_01859
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01890
Name: ER01073_3B_prokka|PROKKA_01890
Description: ER01073_3B_prokka|PROKKA_01890
Number of features: 0
Seq('MQSIAEKETYHLPTEHLQVFNVIKNTSNKYITKTKILNQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01898
Name: ER01073_3B_prokka|PROKKA_01898
Description: ER01073_3B_prokka|PROKKA_01898
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01909
Name: ER01073_3B_prokka|PROKKA_01909
Description: ER01073_3B_prokka|PROKKA_01909
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01911
Name: ER01073_3B_prokka|PROKKA_01911
Description: ER01073_3B_prokka|PROKKA_01911
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01962
Name: ER01073_3B_prokka|PROKKA_01962
Description: ER01073_3B_prokka|PROKKA_01962
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_02088
Name: ER01073_3B_prokka|PROKKA_02088
Description: ER01073_3B_prokka|PROKKA_02088
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_02101
Name: ER01073_3B_prokka|PROKKA_02101
Description: ER01073_3B_prokka|PROKKA_02101
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_02132
Name: ER01073_3B_prokka|PROKKA_02132
Description: ER01073_3B_prokka|PROKKA_02132
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_02286
Name: ER01073_3B_prokka|PROKKA_02286
Description: ER01073_3B_prokka|PROKKA_02286
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_02351
Name: ER01073_3B_prokka|PROKKA_02351
Description: ER01073_3B_prokka|PROKKA_02351
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_02487
Name: ER01073_3B_prokka|PROKKA_02487
Description: ER01073_3B_prokka|PROKKA_02487
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_02490
Name: ER01073_3B_prokka|PROKKA_02490
Description: ER01073_3B_prokka|PROKKA_02490
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_02497
Name: ER01073_3B_prokka|PROKKA_02497
Description: ER01073_3B_prokka|PROKKA_02497
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_02535
Name: ER01073_3B_prokka|PROKKA_02535
Description: ER01073_3B_prokka|PROKKA_02535
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_02619
Name: ER01073_3B_prokka|PROKKA_02619
Description: ER01073_3B_prokka|PROKKA_02619
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00031
Name: ER01109_3B_prokka|PROKKA_00031
Description: ER01109_3B_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00040
Name: ER01109_3B_prokka|PROKKA_00040
Description: ER01109_3B_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00128
Name: ER01109_3B_prokka|PROKKA_00128
Description: ER01109_3B_prokka|PROKKA_00128
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00231
Name: ER01109_3B_prokka|PROKKA_00231
Description: ER01109_3B_prokka|PROKKA_00231
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00283
Name: ER01109_3B_prokka|PROKKA_00283
Description: ER01109_3B_prokka|PROKKA_00283
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00381
Name: ER01109_3B_prokka|PROKKA_00381
Description: ER01109_3B_prokka|PROKKA_00381
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00418
Name: ER01109_3B_prokka|PROKKA_00418
Description: ER01109_3B_prokka|PROKKA_00418
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00549
Name: ER01109_3B_prokka|PROKKA_00549
Description: ER01109_3B_prokka|PROKKA_00549
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00585
Name: ER01109_3B_prokka|PROKKA_00585
Description: ER01109_3B_prokka|PROKKA_00585
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00786
Name: ER01109_3B_prokka|PROKKA_00786
Description: ER01109_3B_prokka|PROKKA_00786
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00801
Name: ER01109_3B_prokka|PROKKA_00801
Description: ER01109_3B_prokka|PROKKA_00801
Number of features: 0
Seq('MKMYLAYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00816
Name: ER01109_3B_prokka|PROKKA_00816
Description: ER01109_3B_prokka|PROKKA_00816
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00817
Name: ER01109_3B_prokka|PROKKA_00817
Description: ER01109_3B_prokka|PROKKA_00817
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIGRKTHFYCLDKKNGCR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00838
Name: ER01109_3B_prokka|PROKKA_00838
Description: ER01109_3B_prokka|PROKKA_00838
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00948
Name: ER01109_3B_prokka|PROKKA_00948
Description: ER01109_3B_prokka|PROKKA_00948
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00987
Name: ER01109_3B_prokka|PROKKA_00987
Description: ER01109_3B_prokka|PROKKA_00987
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00988
Name: ER01109_3B_prokka|PROKKA_00988
Description: ER01109_3B_prokka|PROKKA_00988
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01070
Name: ER01109_3B_prokka|PROKKA_01070
Description: ER01109_3B_prokka|PROKKA_01070
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01082
Name: ER01109_3B_prokka|PROKKA_01082
Description: ER01109_3B_prokka|PROKKA_01082
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01083
Name: ER01109_3B_prokka|PROKKA_01083
Description: ER01109_3B_prokka|PROKKA_01083
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01221
Name: ER01109_3B_prokka|PROKKA_01221
Description: ER01109_3B_prokka|PROKKA_01221
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01225
Name: ER01109_3B_prokka|PROKKA_01225
Description: ER01109_3B_prokka|PROKKA_01225
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01229
Name: ER01109_3B_prokka|PROKKA_01229
Description: ER01109_3B_prokka|PROKKA_01229
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01231
Name: ER01109_3B_prokka|PROKKA_01231
Description: ER01109_3B_prokka|PROKKA_01231
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01255
Name: ER01109_3B_prokka|PROKKA_01255
Description: ER01109_3B_prokka|PROKKA_01255
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01277
Name: ER01109_3B_prokka|PROKKA_01277
Description: ER01109_3B_prokka|PROKKA_01277
Number of features: 0
Seq('MGEYIVTKTLNNNVVVCTNNDQEVILIGKGIGFNKKREWR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01353
Name: ER01109_3B_prokka|PROKKA_01353
Description: ER01109_3B_prokka|PROKKA_01353
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01369
Name: ER01109_3B_prokka|PROKKA_01369
Description: ER01109_3B_prokka|PROKKA_01369
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01417
Name: ER01109_3B_prokka|PROKKA_01417
Description: ER01109_3B_prokka|PROKKA_01417
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01425
Name: ER01109_3B_prokka|PROKKA_01425
Description: ER01109_3B_prokka|PROKKA_01425
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01446
Name: ER01109_3B_prokka|PROKKA_01446
Description: ER01109_3B_prokka|PROKKA_01446
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01466
Name: ER01109_3B_prokka|PROKKA_01466
Description: ER01109_3B_prokka|PROKKA_01466
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01476
Name: ER01109_3B_prokka|PROKKA_01476
Description: ER01109_3B_prokka|PROKKA_01476
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01503
Name: ER01109_3B_prokka|PROKKA_01503
Description: ER01109_3B_prokka|PROKKA_01503
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01541
Name: ER01109_3B_prokka|PROKKA_01541
Description: ER01109_3B_prokka|PROKKA_01541
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01547
Name: ER01109_3B_prokka|PROKKA_01547
Description: ER01109_3B_prokka|PROKKA_01547
Number of features: 0
Seq('MRGENTMTPVFELKNVNYYYDHKKVLENINIKINKGEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01617
Name: ER01109_3B_prokka|PROKKA_01617
Description: ER01109_3B_prokka|PROKKA_01617
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01665
Name: ER01109_3B_prokka|PROKKA_01665
Description: ER01109_3B_prokka|PROKKA_01665
Number of features: 0
Seq('MSKVQNESNNVVKRGLKDRHISMIAIGVVLVQVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01791
Name: ER01109_3B_prokka|PROKKA_01791
Description: ER01109_3B_prokka|PROKKA_01791
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01812
Name: ER01109_3B_prokka|PROKKA_01812
Description: ER01109_3B_prokka|PROKKA_01812
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01848
Name: ER01109_3B_prokka|PROKKA_01848
Description: ER01109_3B_prokka|PROKKA_01848
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01899
Name: ER01109_3B_prokka|PROKKA_01899
Description: ER01109_3B_prokka|PROKKA_01899
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01901
Name: ER01109_3B_prokka|PROKKA_01901
Description: ER01109_3B_prokka|PROKKA_01901
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01902
Name: ER01109_3B_prokka|PROKKA_01902
Description: ER01109_3B_prokka|PROKKA_01902
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01932
Name: ER01109_3B_prokka|PROKKA_01932
Description: ER01109_3B_prokka|PROKKA_01932
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01959
Name: ER01109_3B_prokka|PROKKA_01959
Description: ER01109_3B_prokka|PROKKA_01959
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01964
Name: ER01109_3B_prokka|PROKKA_01964
Description: ER01109_3B_prokka|PROKKA_01964
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02038
Name: ER01109_3B_prokka|PROKKA_02038
Description: ER01109_3B_prokka|PROKKA_02038
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02048
Name: ER01109_3B_prokka|PROKKA_02048
Description: ER01109_3B_prokka|PROKKA_02048
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02059
Name: ER01109_3B_prokka|PROKKA_02059
Description: ER01109_3B_prokka|PROKKA_02059
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02077
Name: ER01109_3B_prokka|PROKKA_02077
Description: ER01109_3B_prokka|PROKKA_02077
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02081
Name: ER01109_3B_prokka|PROKKA_02081
Description: ER01109_3B_prokka|PROKKA_02081
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02087
Name: ER01109_3B_prokka|PROKKA_02087
Description: ER01109_3B_prokka|PROKKA_02087
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02090
Name: ER01109_3B_prokka|PROKKA_02090
Description: ER01109_3B_prokka|PROKKA_02090
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02097
Name: ER01109_3B_prokka|PROKKA_02097
Description: ER01109_3B_prokka|PROKKA_02097
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02099
Name: ER01109_3B_prokka|PROKKA_02099
Description: ER01109_3B_prokka|PROKKA_02099
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02119
Name: ER01109_3B_prokka|PROKKA_02119
Description: ER01109_3B_prokka|PROKKA_02119
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02121
Name: ER01109_3B_prokka|PROKKA_02121
Description: ER01109_3B_prokka|PROKKA_02121
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02170
Name: ER01109_3B_prokka|PROKKA_02170
Description: ER01109_3B_prokka|PROKKA_02170
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02289
Name: ER01109_3B_prokka|PROKKA_02289
Description: ER01109_3B_prokka|PROKKA_02289
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02313
Name: ER01109_3B_prokka|PROKKA_02313
Description: ER01109_3B_prokka|PROKKA_02313
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02344
Name: ER01109_3B_prokka|PROKKA_02344
Description: ER01109_3B_prokka|PROKKA_02344
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02503
Name: ER01109_3B_prokka|PROKKA_02503
Description: ER01109_3B_prokka|PROKKA_02503
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02712
Name: ER01109_3B_prokka|PROKKA_02712
Description: ER01109_3B_prokka|PROKKA_02712
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02796
Name: ER01109_3B_prokka|PROKKA_02796
Description: ER01109_3B_prokka|PROKKA_02796
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_00056
Name: ER01184_3A_prokka|PROKKA_00056
Description: ER01184_3A_prokka|PROKKA_00056
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_00074
Name: ER01184_3A_prokka|PROKKA_00074
Description: ER01184_3A_prokka|PROKKA_00074
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_00241
Name: ER01184_3A_prokka|PROKKA_00241
Description: ER01184_3A_prokka|PROKKA_00241
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_00365
Name: ER01184_3A_prokka|PROKKA_00365
Description: ER01184_3A_prokka|PROKKA_00365
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_00382
Name: ER01184_3A_prokka|PROKKA_00382
Description: ER01184_3A_prokka|PROKKA_00382
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_00547
Name: ER01184_3A_prokka|PROKKA_00547
Description: ER01184_3A_prokka|PROKKA_00547
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_00778
Name: ER01184_3A_prokka|PROKKA_00778
Description: ER01184_3A_prokka|PROKKA_00778
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_00805
Name: ER01184_3A_prokka|PROKKA_00805
Description: ER01184_3A_prokka|PROKKA_00805
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_00910
Name: ER01184_3A_prokka|PROKKA_00910
Description: ER01184_3A_prokka|PROKKA_00910
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_00950
Name: ER01184_3A_prokka|PROKKA_00950
Description: ER01184_3A_prokka|PROKKA_00950
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01032
Name: ER01184_3A_prokka|PROKKA_01032
Description: ER01184_3A_prokka|PROKKA_01032
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01044
Name: ER01184_3A_prokka|PROKKA_01044
Description: ER01184_3A_prokka|PROKKA_01044
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01045
Name: ER01184_3A_prokka|PROKKA_01045
Description: ER01184_3A_prokka|PROKKA_01045
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01181
Name: ER01184_3A_prokka|PROKKA_01181
Description: ER01184_3A_prokka|PROKKA_01181
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01185
Name: ER01184_3A_prokka|PROKKA_01185
Description: ER01184_3A_prokka|PROKKA_01185
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01209
Name: ER01184_3A_prokka|PROKKA_01209
Description: ER01184_3A_prokka|PROKKA_01209
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01302
Name: ER01184_3A_prokka|PROKKA_01302
Description: ER01184_3A_prokka|PROKKA_01302
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01321
Name: ER01184_3A_prokka|PROKKA_01321
Description: ER01184_3A_prokka|PROKKA_01321
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01389
Name: ER01184_3A_prokka|PROKKA_01389
Description: ER01184_3A_prokka|PROKKA_01389
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01392
Name: ER01184_3A_prokka|PROKKA_01392
Description: ER01184_3A_prokka|PROKKA_01392
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01427
Name: ER01184_3A_prokka|PROKKA_01427
Description: ER01184_3A_prokka|PROKKA_01427
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01500
Name: ER01184_3A_prokka|PROKKA_01500
Description: ER01184_3A_prokka|PROKKA_01500
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01669
Name: ER01184_3A_prokka|PROKKA_01669
Description: ER01184_3A_prokka|PROKKA_01669
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01683
Name: ER01184_3A_prokka|PROKKA_01683
Description: ER01184_3A_prokka|PROKKA_01683
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01725
Name: ER01184_3A_prokka|PROKKA_01725
Description: ER01184_3A_prokka|PROKKA_01725
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01776
Name: ER01184_3A_prokka|PROKKA_01776
Description: ER01184_3A_prokka|PROKKA_01776
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01848
Name: ER01184_3A_prokka|PROKKA_01848
Description: ER01184_3A_prokka|PROKKA_01848
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01852
Name: ER01184_3A_prokka|PROKKA_01852
Description: ER01184_3A_prokka|PROKKA_01852
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01868
Name: ER01184_3A_prokka|PROKKA_01868
Description: ER01184_3A_prokka|PROKKA_01868
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01886
Name: ER01184_3A_prokka|PROKKA_01886
Description: ER01184_3A_prokka|PROKKA_01886
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01892
Name: ER01184_3A_prokka|PROKKA_01892
Description: ER01184_3A_prokka|PROKKA_01892
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01897
Name: ER01184_3A_prokka|PROKKA_01897
Description: ER01184_3A_prokka|PROKKA_01897
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01913
Name: ER01184_3A_prokka|PROKKA_01913
Description: ER01184_3A_prokka|PROKKA_01913
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01915
Name: ER01184_3A_prokka|PROKKA_01915
Description: ER01184_3A_prokka|PROKKA_01915
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01967
Name: ER01184_3A_prokka|PROKKA_01967
Description: ER01184_3A_prokka|PROKKA_01967
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_02092
Name: ER01184_3A_prokka|PROKKA_02092
Description: ER01184_3A_prokka|PROKKA_02092
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_02105
Name: ER01184_3A_prokka|PROKKA_02105
Description: ER01184_3A_prokka|PROKKA_02105
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_02136
Name: ER01184_3A_prokka|PROKKA_02136
Description: ER01184_3A_prokka|PROKKA_02136
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_02281
Name: ER01184_3A_prokka|PROKKA_02281
Description: ER01184_3A_prokka|PROKKA_02281
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_02290
Name: ER01184_3A_prokka|PROKKA_02290
Description: ER01184_3A_prokka|PROKKA_02290
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_02354
Name: ER01184_3A_prokka|PROKKA_02354
Description: ER01184_3A_prokka|PROKKA_02354
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_02464
Name: ER01184_3A_prokka|PROKKA_02464
Description: ER01184_3A_prokka|PROKKA_02464
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_02502
Name: ER01184_3A_prokka|PROKKA_02502
Description: ER01184_3A_prokka|PROKKA_02502
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_02586
Name: ER01184_3A_prokka|PROKKA_02586
Description: ER01184_3A_prokka|PROKKA_02586
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_02601
Name: ER01184_3A_prokka|PROKKA_02601
Description: ER01184_3A_prokka|PROKKA_02601
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00002
Name: ER01418_3B_prokka|PROKKA_00002
Description: ER01418_3B_prokka|PROKKA_00002
Number of features: 0
Seq('MRENGQEINVVVIETIQKLRDMTLNDVMKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00013
Name: ER01418_3B_prokka|PROKKA_00013
Description: ER01418_3B_prokka|PROKKA_00013
Number of features: 0
Seq('MSIITRLFNNSDFEKLNQLCKLYDDLGYPTNENDLKRD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00017
Name: ER01418_3B_prokka|PROKKA_00017
Description: ER01418_3B_prokka|PROKKA_00017
Number of features: 0
Seq('METKEKIKVTTIDELTPLIGKKVIVKGKEVGLF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00018
Name: ER01418_3B_prokka|PROKKA_00018
Description: ER01418_3B_prokka|PROKKA_00018
Number of features: 0
Seq('MYLPAPRSKIDLNTGIVQEPDEGCVDVYEVEVTDGNVYICL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00037
Name: ER01418_3B_prokka|PROKKA_00037
Description: ER01418_3B_prokka|PROKKA_00037
Number of features: 0
Seq('MTAGHTIYLPMMSHDDVKIIEERTMSNLRGVESDV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00038
Name: ER01418_3B_prokka|PROKKA_00038
Description: ER01418_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MSEPQKLHPISYFNGIINAIKQNIVVFFIFIIFQLKDFDYTNPNHIYG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00091
Name: ER01418_3B_prokka|PROKKA_00091
Description: ER01418_3B_prokka|PROKKA_00091
Number of features: 0
Seq('MATESGISLRINVAKSDFTKFINELASLH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00096
Name: ER01418_3B_prokka|PROKKA_00096
Description: ER01418_3B_prokka|PROKKA_00096
Number of features: 0
Seq('MIQDAFVALDFETANGKRTSIVLSEWLKSLIVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00128
Name: ER01418_3B_prokka|PROKKA_00128
Description: ER01418_3B_prokka|PROKKA_00128
Number of features: 0
Seq('MNRAKLKKELPNTGSEGMDLPLKEFALITGAALLARRRTKNEKES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00142
Name: ER01418_3B_prokka|PROKKA_00142
Description: ER01418_3B_prokka|PROKKA_00142
Number of features: 0
Seq('MNDQTNVPVIFGILTTESIEQAVERAGTKAGNKGAEAAVSAIEMANLLKSIKA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00143
Name: ER01418_3B_prokka|PROKKA_00143
Description: ER01418_3B_prokka|PROKKA_00143
Number of features: 0
Seq('MKVAIVVSRFNDFITGRLLEGAKDTLIRHDVNEDNIDVAFVPGAFEIPLVAKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00199
Name: ER01418_3B_prokka|PROKKA_00199
Description: ER01418_3B_prokka|PROKKA_00199
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00211
Name: ER01418_3B_prokka|PROKKA_00211
Description: ER01418_3B_prokka|PROKKA_00211
Number of features: 0
Seq('MKTIEEIKSTPKTVMKKPELLAPAGNLEKLKIAVHYGADAYF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00334
Name: ER01418_3B_prokka|PROKKA_00334
Description: ER01418_3B_prokka|PROKKA_00334
Number of features: 0
Seq('MQAKLTKKEFIEWLKTSEGKQYNADGWYGFQCFDYANAGWQVLFGYNLKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00337
Name: ER01418_3B_prokka|PROKKA_00337
Description: ER01418_3B_prokka|PROKKA_00337
Number of features: 0
Seq('MEGNFKNVKKLIYEGEEYTKVYAGNIQVWKSLHIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00344
Name: ER01418_3B_prokka|PROKKA_00344
Description: ER01418_3B_prokka|PROKKA_00344
Number of features: 0
Seq('MFGFTKRHEQDWRLTRLEENDKTMFEKFDRIEDSLRAQEKIYDKLDRNLKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00360
Name: ER01418_3B_prokka|PROKKA_00360
Description: ER01418_3B_prokka|PROKKA_00360
Number of features: 0
Seq('MTTLADVKKRIGLKDEKQDEQLEEIIKVVKASCYQCYLLKLNKYRKGLVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00371
Name: ER01418_3B_prokka|PROKKA_00371
Description: ER01418_3B_prokka|PROKKA_00371
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00377
Name: ER01418_3B_prokka|PROKKA_00377
Description: ER01418_3B_prokka|PROKKA_00377
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWHELDYWLNKRKSENEQIDIDRVLKFIEELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00391
Name: ER01418_3B_prokka|PROKKA_00391
Description: ER01418_3B_prokka|PROKKA_00391
Number of features: 0
Seq('MFNKINFYLHGSDVILNDVPMTDELKEFINNWEVPDKIKALKEGAEND', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00392
Name: ER01418_3B_prokka|PROKKA_00392
Description: ER01418_3B_prokka|PROKKA_00392
Number of features: 0
Seq('MVKSIFLQDGEEILLMMKIMRGLINIFGQNLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00400
Name: ER01418_3B_prokka|PROKKA_00400
Description: ER01418_3B_prokka|PROKKA_00400
Number of features: 0
Seq('MKILAFDPYLTDEKAKSLSITKATVDEIAQHSDFVTLHTPLTPKQKA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00403
Name: ER01418_3B_prokka|PROKKA_00403
Description: ER01418_3B_prokka|PROKKA_00403
Number of features: 0
Seq('MTLGRTEAGGDALMILSVDQPVSNNIIDELKQVGEYNQIFTTELTVQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00405
Name: ER01418_3B_prokka|PROKKA_00405
Description: ER01418_3B_prokka|PROKKA_00405
Number of features: 0
Seq('MPLVPGILITNAIRDLLAGELLAGMSRGVEAALTAFAIGAGVAIVLLII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00407
Name: ER01418_3B_prokka|PROKKA_00407
Description: ER01418_3B_prokka|PROKKA_00407
Number of features: 0
Seq('MSVSIGVGYLTDDDPKSQRKVFKDADDMVHVAKNQGRNKVMFNPIINL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00435
Name: ER01418_3B_prokka|PROKKA_00435
Description: ER01418_3B_prokka|PROKKA_00435
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00474
Name: ER01418_3B_prokka|PROKKA_00474
Description: ER01418_3B_prokka|PROKKA_00474
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00511
Name: ER01418_3B_prokka|PROKKA_00511
Description: ER01418_3B_prokka|PROKKA_00511
Number of features: 0
Seq('MKNGGKYTFELHKKLQENRMADVIDGTNIDNIEVNIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00518
Name: ER01418_3B_prokka|PROKKA_00518
Description: ER01418_3B_prokka|PROKKA_00518
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00568
Name: ER01418_3B_prokka|PROKKA_00568
Description: ER01418_3B_prokka|PROKKA_00568
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00569
Name: ER01418_3B_prokka|PROKKA_00569
Description: ER01418_3B_prokka|PROKKA_00569
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00618
Name: ER01418_3B_prokka|PROKKA_00618
Description: ER01418_3B_prokka|PROKKA_00618
Number of features: 0
Seq('MTTYNEVDNLTKNNKGIAVLGSRVESRNGMHAGHAMAVVGTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00624
Name: ER01418_3B_prokka|PROKKA_00624
Description: ER01418_3B_prokka|PROKKA_00624
Number of features: 0
Seq('MSVTDVGTVLQIGDGIALIHGLNDVMAGELVEFHNGVLGLAQNLKSQTWVWLF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00646
Name: ER01418_3B_prokka|PROKKA_00646
Description: ER01418_3B_prokka|PROKKA_00646
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00671
Name: ER01418_3B_prokka|PROKKA_00671
Description: ER01418_3B_prokka|PROKKA_00671
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00696
Name: ER01418_3B_prokka|PROKKA_00696
Description: ER01418_3B_prokka|PROKKA_00696
Number of features: 0
Seq('MKTTKGIIIYGTFMIAVFILNFKLIFTLPLTILKPPVVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00781
Name: ER01418_3B_prokka|PROKKA_00781
Description: ER01418_3B_prokka|PROKKA_00781
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00795
Name: ER01418_3B_prokka|PROKKA_00795
Description: ER01418_3B_prokka|PROKKA_00795
Number of features: 0
Seq('MFDDKILLITGGTGSFGNAVMKQFLDSNIKEIRIFSRDEKKQDDIRKKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00811
Name: ER01418_3B_prokka|PROKKA_00811
Description: ER01418_3B_prokka|PROKKA_00811
Number of features: 0
Seq('MFVTKTLNTEDTDEVKILTIWESEDSFNNWLNSDVFKEAHKMYV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00812
Name: ER01418_3B_prokka|PROKKA_00812
Description: ER01418_3B_prokka|PROKKA_00812
Number of features: 0
Seq('MFMAENRLQLQKAVRKKRLNVFTIDKVLKLLKASNKCLSLKH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00814
Name: ER01418_3B_prokka|PROKKA_00814
Description: ER01418_3B_prokka|PROKKA_00814
Number of features: 0
Seq('MAVNVRDYIAENYGLFINGNLLKVAVTKQSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00816
Name: ER01418_3B_prokka|PROKKA_00816
Description: ER01418_3B_prokka|PROKKA_00816
Number of features: 0
Seq('MPDNHHKLAQEEIFGPVLTVIKVKDDQEAIDIANDSEYGLAGGVFLKISHVH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00827
Name: ER01418_3B_prokka|PROKKA_00827
Description: ER01418_3B_prokka|PROKKA_00827
Number of features: 0
Seq('MYKEIDVNEMESLVGAKFVKLFTDIDLNDDEVISIFVFDKSIE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00831
Name: ER01418_3B_prokka|PROKKA_00831
Description: ER01418_3B_prokka|PROKKA_00831
Number of features: 0
Seq('MTVHYSGMTLEAQKRIEDGVKDILERFFNHEPFQDKDIIVASGRIASKSYTAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00851
Name: ER01418_3B_prokka|PROKKA_00851
Description: ER01418_3B_prokka|PROKKA_00851
Number of features: 0
Seq('MKGALIDDLKIQNLRGERTINDAAKYNSKEKTGASPYEGIRTCL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00868
Name: ER01418_3B_prokka|PROKKA_00868
Description: ER01418_3B_prokka|PROKKA_00868
Number of features: 0
Seq('MSNLLEVNSLNVQFNYDETTVQAVKKRLFRITKKTYPRYCW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00943
Name: ER01418_3B_prokka|PROKKA_00943
Description: ER01418_3B_prokka|PROKKA_00943
Number of features: 0
Seq('MERTFLMIKPDAVQRNLIGEVISRIERKGLNLSVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00969
Name: ER01418_3B_prokka|PROKKA_00969
Description: ER01418_3B_prokka|PROKKA_00969
Number of features: 0
Seq('MLDKVKIKEEFKMLKNEIYTKKVLEEAKKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01010
Name: ER01418_3B_prokka|PROKKA_01010
Description: ER01418_3B_prokka|PROKKA_01010
Number of features: 0
Seq('MKYNIIGGFDLGVVSDDFKNHMLIAVTELRTKDEIDTFVEKAGELND', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01011
Name: ER01418_3B_prokka|PROKKA_01011
Description: ER01418_3B_prokka|PROKKA_01011
Number of features: 0
Seq('MTSKSSPLIFERSREADMHIHYQKVILKQILLSHC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01012
Name: ER01418_3B_prokka|PROKKA_01012
Description: ER01418_3B_prokka|PROKKA_01012
Number of features: 0
Seq('MGSCTMKYNPKINEKVARIPGFSESHPLQDEDQVQGSLEIIYSLQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01063
Name: ER01418_3B_prokka|PROKKA_01063
Description: ER01418_3B_prokka|PROKKA_01063
Number of features: 0
Seq('MVFLAISLLFILGLCIGVGMILREFYIFRFIIGKQPYKLNINAY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01081
Name: ER01418_3B_prokka|PROKKA_01081
Description: ER01418_3B_prokka|PROKKA_01081
Number of features: 0
Seq('MNQYNTIGFHPGNSRIHQLNATVKLLFLLVVSISAMVTYDTDI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01113
Name: ER01418_3B_prokka|PROKKA_01113
Description: ER01418_3B_prokka|PROKKA_01113
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01142
Name: ER01418_3B_prokka|PROKKA_01142
Description: ER01418_3B_prokka|PROKKA_01142
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01152
Name: ER01418_3B_prokka|PROKKA_01152
Description: ER01418_3B_prokka|PROKKA_01152
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01162
Name: ER01418_3B_prokka|PROKKA_01162
Description: ER01418_3B_prokka|PROKKA_01162
Number of features: 0
Seq('MKERYLIIDGYNMIGQSPTLSAIAKENLEEARMQLNRCNCKL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01208
Name: ER01418_3B_prokka|PROKKA_01208
Description: ER01418_3B_prokka|PROKKA_01208
Number of features: 0
Seq('MFALNRFMGNKYSNIDLGLTQWGFKQLPNESYIDYIKRVSKSKIWTSDDNAAMI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01215
Name: ER01418_3B_prokka|PROKKA_01215
Description: ER01418_3B_prokka|PROKKA_01215
Number of features: 0
Seq('MIAGGFTRSTHVPVLFEAAEEGDDIAKQILNEWAEDVAEGLPKYRSCMIQGLY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01231
Name: ER01418_3B_prokka|PROKKA_01231
Description: ER01418_3B_prokka|PROKKA_01231
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01239
Name: ER01418_3B_prokka|PROKKA_01239
Description: ER01418_3B_prokka|PROKKA_01239
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01298
Name: ER01418_3B_prokka|PROKKA_01298
Description: ER01418_3B_prokka|PROKKA_01298
Number of features: 0
Seq('MCEKPMAKTTAEAQKMIDTAKSTGKKLTIGYQIVSEQIVNFYIKQRNVAT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01383
Name: ER01418_3B_prokka|PROKKA_01383
Description: ER01418_3B_prokka|PROKKA_01383
Number of features: 0
Seq('MKEGLFMIMGNLRFQQEYFRIYKNNTESTTHRNAYWVKLAKMLKLLK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01395
Name: ER01418_3B_prokka|PROKKA_01395
Description: ER01418_3B_prokka|PROKKA_01395
Number of features: 0
Seq('MPDNHHKLAQEEIFGPVLTVIKVKDDQEAIDIANDSEYGLAGGVFLKISHVH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01396
Name: ER01418_3B_prokka|PROKKA_01396
Description: ER01418_3B_prokka|PROKKA_01396
Number of features: 0
Seq('MPRLQEAFSNIKVGNPQDEATQMGSQTGKDQLDKIQSYIDAAKESDAQI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01399
Name: ER01418_3B_prokka|PROKKA_01399
Description: ER01418_3B_prokka|PROKKA_01399
Number of features: 0
Seq('MAVTFEIILQRIMVYLSMGNLLKVAVTKQSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01400
Name: ER01418_3B_prokka|PROKKA_01400
Description: ER01418_3B_prokka|PROKKA_01400
Number of features: 0
Seq('MFMAENRLQLQKGSAEETIERFYNRQGIETIEGFQQMFVTKTLNTEDTDEVKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01420
Name: ER01418_3B_prokka|PROKKA_01420
Description: ER01418_3B_prokka|PROKKA_01420
Number of features: 0
Seq('MPVWSELILIVKAVTTSIVITMVVVTIVTGIDRFLDCI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01421
Name: ER01418_3B_prokka|PROKKA_01421
Description: ER01418_3B_prokka|PROKKA_01421
Number of features: 0
Seq('MFSKANGEVKRLLVTSEKPGAGKSTVVSNVAITYAQAGYKT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01422
Name: ER01418_3B_prokka|PROKKA_01422
Description: ER01418_3B_prokka|PROKKA_01422
Number of features: 0
Seq('MSQLIEWQSRIEDQCTTANPKEALISEIKDIIQTSYDYKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01426
Name: ER01418_3B_prokka|PROKKA_01426
Description: ER01418_3B_prokka|PROKKA_01426
Number of features: 0
Seq('MLTIPEKENRGSKEQEVAIMIDALADKGKKALEALSKSHKKKLIILFIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01436
Name: ER01418_3B_prokka|PROKKA_01436
Description: ER01418_3B_prokka|PROKKA_01436
Number of features: 0
Seq('MKKAFIDIAKSKEGHKIISEVYSHEGYTETKDSNFDIVREYEKLVKDMK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01494
Name: ER01418_3B_prokka|PROKKA_01494
Description: ER01418_3B_prokka|PROKKA_01494
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01522
Name: ER01418_3B_prokka|PROKKA_01522
Description: ER01418_3B_prokka|PROKKA_01522
Number of features: 0
Seq('MIEKLVTFLNEVVWSKPLVYGLLITGVLFTLRMRFFKLDILKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01547
Name: ER01418_3B_prokka|PROKKA_01547
Description: ER01418_3B_prokka|PROKKA_01547
Number of features: 0
Seq('MQNKSKSPFKIAFSKFIHNKIAMLSVIFY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01556
Name: ER01418_3B_prokka|PROKKA_01556
Description: ER01418_3B_prokka|PROKKA_01556
Number of features: 0
Seq('MNYKVIKDLQAGASLYDTESVDDAVITADQVNKYKDNKGLNFVLTTGTFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01603
Name: ER01418_3B_prokka|PROKKA_01603
Description: ER01418_3B_prokka|PROKKA_01603
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01620
Name: ER01418_3B_prokka|PROKKA_01620
Description: ER01418_3B_prokka|PROKKA_01620
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01641
Name: ER01418_3B_prokka|PROKKA_01641
Description: ER01418_3B_prokka|PROKKA_01641
Number of features: 0
Seq('MRENTQSLYVEAQTEEQVRRYLKDRNFNIEFITKLEGAHLDYEKKLRTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01643
Name: ER01418_3B_prokka|PROKKA_01643
Description: ER01418_3B_prokka|PROKKA_01643
Number of features: 0
Seq('MHQLNIPVLIDEAHGAHFGLQGFPDSTLNYQADYVVQSFHKRYQLNDGLGTLYS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01666
Name: ER01418_3B_prokka|PROKKA_01666
Description: ER01418_3B_prokka|PROKKA_01666
Number of features: 0
Seq('MPEDGYNGKDIIEIGKDLAEKHPEIKDYSEEARLKEFRKLGVEYEMAKLKMI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01678
Name: ER01418_3B_prokka|PROKKA_01678
Description: ER01418_3B_prokka|PROKKA_01678
Number of features: 0
Seq('MKDDIELPSALLQKFDKHGYYYYKDAQKIMIFNCL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01764
Name: ER01418_3B_prokka|PROKKA_01764
Description: ER01418_3B_prokka|PROKKA_01764
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01775
Name: ER01418_3B_prokka|PROKKA_01775
Description: ER01418_3B_prokka|PROKKA_01775
Number of features: 0
Seq('MNLDPFFEKLSHILKQQSMETKELIVKKNLNNYLEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01794
Name: ER01418_3B_prokka|PROKKA_01794
Description: ER01418_3B_prokka|PROKKA_01794
Number of features: 0
Seq('MVLIRQFGDIVVQHVDQLTLQHACEQLKTYFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01804
Name: ER01418_3B_prokka|PROKKA_01804
Description: ER01418_3B_prokka|PROKKA_01804
Number of features: 0
Seq('MSYSTIEDFINSDLEKLKSHLNKNQLAFIQAVEKHYKLYVNMLENGENMPLINRN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01830
Name: ER01418_3B_prokka|PROKKA_01830
Description: ER01418_3B_prokka|PROKKA_01830
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01874
Name: ER01418_3B_prokka|PROKKA_01874
Description: ER01418_3B_prokka|PROKKA_01874
Number of features: 0
Seq('MCNDYNIFRQCYCGCVFAAMQQGIDFKTVNKEAKAFLEQYPD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01906
Name: ER01418_3B_prokka|PROKKA_01906
Description: ER01418_3B_prokka|PROKKA_01906
Number of features: 0
Seq('MKIAVIGAGVTGLAAAARIASQGHEVTIFEKIIM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01934
Name: ER01418_3B_prokka|PROKKA_01934
Description: ER01418_3B_prokka|PROKKA_01934
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01937
Name: ER01418_3B_prokka|PROKKA_01937
Description: ER01418_3B_prokka|PROKKA_01937
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01941
Name: ER01418_3B_prokka|PROKKA_01941
Description: ER01418_3B_prokka|PROKKA_01941
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01943
Name: ER01418_3B_prokka|PROKKA_01943
Description: ER01418_3B_prokka|PROKKA_01943
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01971
Name: ER01418_3B_prokka|PROKKA_01971
Description: ER01418_3B_prokka|PROKKA_01971
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02016
Name: ER01418_3B_prokka|PROKKA_02016
Description: ER01418_3B_prokka|PROKKA_02016
Number of features: 0
Seq('MINNKFISTEEVKEENIKKKSKTLSFLRNIAILKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02019
Name: ER01418_3B_prokka|PROKKA_02019
Description: ER01418_3B_prokka|PROKKA_02019
Number of features: 0
Seq('MINNKFISTEEVKEENIKKKSKTLSFLRNIAI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02080
Name: ER01418_3B_prokka|PROKKA_02080
Description: ER01418_3B_prokka|PROKKA_02080
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02100
Name: ER01418_3B_prokka|PROKKA_02100
Description: ER01418_3B_prokka|PROKKA_02100
Number of features: 0
Seq('MTCQLKIHHTLSTIPSRNINNIMCYFHLQVNSILRLMVKPKT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02146
Name: ER01418_3B_prokka|PROKKA_02146
Description: ER01418_3B_prokka|PROKKA_02146
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02165
Name: ER01418_3B_prokka|PROKKA_02165
Description: ER01418_3B_prokka|PROKKA_02165
Number of features: 0
Seq('MNREISPLRKADDAVTLDTTGKSIEEVTDEILAMVSQIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02174
Name: ER01418_3B_prokka|PROKKA_02174
Description: ER01418_3B_prokka|PROKKA_02174
Number of features: 0
Seq('METTKKFNSFKTIAKALNKEKEGEKRLAEHDKLINKYKDEIKFDRKSKSASSSSC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02230
Name: ER01418_3B_prokka|PROKKA_02230
Description: ER01418_3B_prokka|PROKKA_02230
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02233
Name: ER01418_3B_prokka|PROKKA_02233
Description: ER01418_3B_prokka|PROKKA_02233
Number of features: 0
Seq('MGLSYFSLKSGNASQREELAKQLSQNGGKVSLDMLQTTMGALAIIY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02235
Name: ER01418_3B_prokka|PROKKA_02235
Description: ER01418_3B_prokka|PROKKA_02235
Number of features: 0
Seq('MNNKRHSTNEQLSLDEINNTIKFDHRSSNKQKFYHFLDLGY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02237
Name: ER01418_3B_prokka|PROKKA_02237
Description: ER01418_3B_prokka|PROKKA_02237
Number of features: 0
Seq('MTKKVAIILANEFEDIEYSSPKEALENAGFNTVVIEILQIVKLLVNTVKKLLSM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02251
Name: ER01418_3B_prokka|PROKKA_02251
Description: ER01418_3B_prokka|PROKKA_02251
Number of features: 0
Seq('MKKNFIGKSILSIAAISLTVSTFAGESHAQTKNVEAAKNMISIKQTLKNK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02252
Name: ER01418_3B_prokka|PROKKA_02252
Description: ER01418_3B_prokka|PROKKA_02252
Number of features: 0
Seq('MDAQKAVNFFKRTRTVATHRKAQRAVNLIHFQHSYEKKKLQRQIDLVLKYNTLK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02257
Name: ER01418_3B_prokka|PROKKA_02257
Description: ER01418_3B_prokka|PROKKA_02257
Number of features: 0
Seq('MSDKVGLVTCMYVNNVTGQIQPIPQMAKVIKNYPKAHFHVDAVQAFGKISNGSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02260
Name: ER01418_3B_prokka|PROKKA_02260
Description: ER01418_3B_prokka|PROKKA_02260
Number of features: 0
Seq('MYIELEDHADINEITYRLSKIFGIKSISPVLKVEKNNRGNKCSGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02272
Name: ER01418_3B_prokka|PROKKA_02272
Description: ER01418_3B_prokka|PROKKA_02272
Number of features: 0
Seq('MRVKFRDKDNRQVNLTFKKDNEIADGNHVLAIPTFKKSIAFYQT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02296
Name: ER01418_3B_prokka|PROKKA_02296
Description: ER01418_3B_prokka|PROKKA_02296
Number of features: 0
Seq('MAHGLVKSGKSIQVVVGMTVPQVREAFEQMVEDQSSEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02332
Name: ER01418_3B_prokka|PROKKA_02332
Description: ER01418_3B_prokka|PROKKA_02332
Number of features: 0
Seq('MMISSPQIIDAEKHGDKITATVRLINENGKQVDKEYELEQGSQDRLQLIKTSEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02359
Name: ER01418_3B_prokka|PROKKA_02359
Description: ER01418_3B_prokka|PROKKA_02359
Number of features: 0
Seq('MKERIMSAAAIQGSQFIGKRISNAFLKIVIRECS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02360
Name: ER01418_3B_prokka|PROKKA_02360
Description: ER01418_3B_prokka|PROKKA_02360
Number of features: 0
Seq('MSSTMSVVPIPGLDFGVDLKLMKDIIEDVNKIYGLDHKQVNSLGMM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02361
Name: ER01418_3B_prokka|PROKKA_02361
Description: ER01418_3B_prokka|PROKKA_02361
Number of features: 0
Seq('MGFKNNLTSNLTIKSVIQSLKIENVDGKGAMPTTIQELRERRTTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02363
Name: ER01418_3B_prokka|PROKKA_02363
Description: ER01418_3B_prokka|PROKKA_02363
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02388
Name: ER01418_3B_prokka|PROKKA_02388
Description: ER01418_3B_prokka|PROKKA_02388
Number of features: 0
Seq('MKKFFFIGLLVFVVFLQQQPLFGSAMIKTNMVLNNMIKHSKTMLLTMYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02403
Name: ER01418_3B_prokka|PROKKA_02403
Description: ER01418_3B_prokka|PROKKA_02403
Number of features: 0
Seq('MSKLQDVIVQEMKVKKRIDSAEEIMELKQFIKNYVQSHSFIKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02459
Name: ER01418_3B_prokka|PROKKA_02459
Description: ER01418_3B_prokka|PROKKA_02459
Number of features: 0
Seq('MTEQQKFKVLADQIKISNQLDAEILNSGELTRIDVSNKTEHGNFILHYHNS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02478
Name: ER01418_3B_prokka|PROKKA_02478
Description: ER01418_3B_prokka|PROKKA_02478
Number of features: 0
Seq('MKFGKTIAVVLASSVLLAGCTTDKKKLRHI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02485
Name: ER01418_3B_prokka|PROKKA_02485
Description: ER01418_3B_prokka|PROKKA_02485
Number of features: 0
Seq('MSGQITLNLGKEIYQAQEEDVLYFKARDNHRLSNESNNETRILIVATASYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02487
Name: ER01418_3B_prokka|PROKKA_02487
Description: ER01418_3B_prokka|PROKKA_02487
Number of features: 0
Seq('MRNTNKFLLIPYLLWMVIFIIVPVVLLIYFHF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02491
Name: ER01418_3B_prokka|PROKKA_02491
Description: ER01418_3B_prokka|PROKKA_02491
Number of features: 0
Seq('MTGEQFTQIKRPVSRLTEKVLGWLCWVMLLVLTVITML', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02494
Name: ER01418_3B_prokka|PROKKA_02494
Description: ER01418_3B_prokka|PROKKA_02494
Number of features: 0
Seq('MVTDGTSLLGADDKAGIVEIMEAICYLQEHPEINMVPFALDLHQTKNRSWST', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02495
Name: ER01418_3B_prokka|PROKKA_02495
Description: ER01418_3B_prokka|PROKKA_02495
Number of features: 0
Seq('MRIMFIGDIVGKIGRDAIETYIPQLKQKYKPTVTIVNAENAAHGKGLTEKYINNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02511
Name: ER01418_3B_prokka|PROKKA_02511
Description: ER01418_3B_prokka|PROKKA_02511
Number of features: 0
Seq('MSEMNAVYNVKQYILNLIKQNKLEYGDQLPSNYQLPEN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02534
Name: ER01418_3B_prokka|PROKKA_02534
Description: ER01418_3B_prokka|PROKKA_02534
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02538
Name: ER01418_3B_prokka|PROKKA_02538
Description: ER01418_3B_prokka|PROKKA_02538
Number of features: 0
Seq('MQNLKALGFKHKGFKEGLSKDYIQPRMTMITPIDKNDDELLNSLNAEIVQKCAWL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02542
Name: ER01418_3B_prokka|PROKKA_02542
Description: ER01418_3B_prokka|PROKKA_02542
Number of features: 0
Seq('MDYYTADRLYRYTNSSNLSEPILNYVASRINWGDKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02543
Name: ER01418_3B_prokka|PROKKA_02543
Description: ER01418_3B_prokka|PROKKA_02543
Number of features: 0
Seq('MELDYLQECELVEPDVKMYVQMSGDFGTIAYSWNAEDIKVVGSNSALKQK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02547
Name: ER01418_3B_prokka|PROKKA_02547
Description: ER01418_3B_prokka|PROKKA_02547
Number of features: 0
Seq('MRKTFAYHAYQKGIPIPVIQKYLGHQSAIETLNFIGLENECEHSIYISLQL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02558
Name: ER01418_3B_prokka|PROKKA_02558
Description: ER01418_3B_prokka|PROKKA_02558
Number of features: 0
Seq('MESLSEETKKDIFGEVYTDSIGKEGTKGDSYYKMMKSNIETVHGSMK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02568
Name: ER01418_3B_prokka|PROKKA_02568
Description: ER01418_3B_prokka|PROKKA_02568
Number of features: 0
Seq('MLYNFGIVAIFFAIGAYLHMKYRDQFADFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02585
Name: ER01418_3B_prokka|PROKKA_02585
Description: ER01418_3B_prokka|PROKKA_02585
Number of features: 0
Seq('MMVAGYLLSFVGFAELINKLYTIMGYVGLFIVVAVIIKYFKRKNADKKHIA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02617
Name: ER01418_3B_prokka|PROKKA_02617
Description: ER01418_3B_prokka|PROKKA_02617
Number of features: 0
Seq('MTYMPFKDSNTKVSRVYKINQTSDKYEEDSNIDAEKFEKDNKPVYEENNMKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02637
Name: ER01418_3B_prokka|PROKKA_02637
Description: ER01418_3B_prokka|PROKKA_02637
Number of features: 0
Seq('MSASLYIAIILVIAIIAYMIVQQILNKRAVKELDQK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02641
Name: ER01418_3B_prokka|PROKKA_02641
Description: ER01418_3B_prokka|PROKKA_02641
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02670
Name: ER01418_3B_prokka|PROKKA_02670
Description: ER01418_3B_prokka|PROKKA_02670
Number of features: 0
Seq('MSGILLIIGAVISGNIITFALWLISGIKLLTNNKPKDEISDLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02681
Name: ER01418_3B_prokka|PROKKA_02681
Description: ER01418_3B_prokka|PROKKA_02681
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02701
Name: ER01418_3B_prokka|PROKKA_02701
Description: ER01418_3B_prokka|PROKKA_02701
Number of features: 0
Seq('MIIFILITIFAIYYIAMIASLFKSEGFSIIGLILDVVIMGTLIFTIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02739
Name: ER01418_3B_prokka|PROKKA_02739
Description: ER01418_3B_prokka|PROKKA_02739
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02744
Name: ER01418_3B_prokka|PROKKA_02744
Description: ER01418_3B_prokka|PROKKA_02744
Number of features: 0
Seq('MSYFTDFVRGFLDLGATVILPVVIFLLGLFFRQKIGAAFRSGLTIGVAFVGIS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02747
Name: ER01418_3B_prokka|PROKKA_02747
Description: ER01418_3B_prokka|PROKKA_02747
Number of features: 0
Seq('MRDVAQDNDAIKRIIQSRKNSDVNEILKNYSNKEARENGWDSN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02775
Name: ER01418_3B_prokka|PROKKA_02775
Description: ER01418_3B_prokka|PROKKA_02775
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02786
Name: ER01418_3B_prokka|PROKKA_02786
Description: ER01418_3B_prokka|PROKKA_02786
Number of features: 0
Seq('MTRKGYGESTGKIILIGEHAVTFGEPAIAVPFNAGKIKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02809
Name: ER01418_3B_prokka|PROKKA_02809
Description: ER01418_3B_prokka|PROKKA_02809
Number of features: 0
Seq('MTNAYVDLKLVEEKVFKDPIHRYIHVEDQLIWDLIKTKEFQGYVELDN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02828
Name: ER01418_3B_prokka|PROKKA_02828
Description: ER01418_3B_prokka|PROKKA_02828
Number of features: 0
Seq('MEIIIEIYMYLRDGIKEHFILKKVRKKFKKLNEINSDIQICMQKIRGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02860
Name: ER01418_3B_prokka|PROKKA_02860
Description: ER01418_3B_prokka|PROKKA_02860
Number of features: 0
Seq('MMNIMLQTVEKGFSKSTKLELHELFIGNIAYISIFLILVVFIFKKKNI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02886
Name: ER01418_3B_prokka|PROKKA_02886
Description: ER01418_3B_prokka|PROKKA_02886
Number of features: 0
Seq('MSSILSFEYDFIALAFLFLTIALLLIALFYVCFYKITKYP', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02920
Name: ER01418_3B_prokka|PROKKA_02920
Description: ER01418_3B_prokka|PROKKA_02920
Number of features: 0
Seq('MNQQGIKVNTIQIRQLHPFPTSVIQDAVNKAKKVVVVEHNYQGQLASIIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02921
Name: ER01418_3B_prokka|PROKKA_02921
Description: ER01418_3B_prokka|PROKKA_02921
Number of features: 0
Seq('MNVNIHDKIENYTKYDGTPFLPHEMKKRQIIATEIKEMV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02922
Name: ER01418_3B_prokka|PROKKA_02922
Description: ER01418_3B_prokka|PROKKA_02922
Number of features: 0
Seq('MATFKDFRNNVKPNWCPGCGDFSVQAAIQKAAANIGLEPEEVAIITV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02925
Name: ER01418_3B_prokka|PROKKA_02925
Description: ER01418_3B_prokka|PROKKA_02925
Number of features: 0
Seq('MKDTLMSIQIIPKTPNNDNVIPYVDEAIKIIDESGLHFRVGR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02955
Name: ER01418_3B_prokka|PROKKA_02955
Description: ER01418_3B_prokka|PROKKA_02955
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02966
Name: ER01418_3B_prokka|PROKKA_02966
Description: ER01418_3B_prokka|PROKKA_02966
Number of features: 0
Seq('MGGSLGSKKLNSIIRENLDALLQQYQVIHLTGKGLKDAQVKKIRIYTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02972
Name: ER01418_3B_prokka|PROKKA_02972
Description: ER01418_3B_prokka|PROKKA_02972
Number of features: 0
Seq('MTRLWASLLTVIIYILSQFLPLLIVKKLPFVQYSGIELTKAVIYIQLVLF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02978
Name: ER01418_3B_prokka|PROKKA_02978
Description: ER01418_3B_prokka|PROKKA_02978
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02980
Name: ER01418_3B_prokka|PROKKA_02980
Description: ER01418_3B_prokka|PROKKA_02980
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_03000
Name: ER01418_3B_prokka|PROKKA_03000
Description: ER01418_3B_prokka|PROKKA_03000
Number of features: 0
Seq('MNCLMEVLGLTLPYNGTALAVSDQRREMIRQAAFN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_03022
Name: ER01418_3B_prokka|PROKKA_03022
Description: ER01418_3B_prokka|PROKKA_03022
Number of features: 0
Seq('MKSINEKDGKVGSVTLTSTKDGSEETHEADGVFIYMV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_03048
Name: ER01418_3B_prokka|PROKKA_03048
Description: ER01418_3B_prokka|PROKKA_03048
Number of features: 0
Seq('MKKVMGILLASTLILGACGHHQDSAKKRALVTKRKKMTMKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_03053
Name: ER01418_3B_prokka|PROKKA_03053
Description: ER01418_3B_prokka|PROKKA_03053
Number of features: 0
Seq('MAEDEALKKFFSEEKKIKNGNTDNLDYLGLSHERYESVFNTLKNKVRSS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_03077
Name: ER01418_3B_prokka|PROKKA_03077
Description: ER01418_3B_prokka|PROKKA_03077
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_03088
Name: ER01418_3B_prokka|PROKKA_03088
Description: ER01418_3B_prokka|PROKKA_03088
Number of features: 0
Seq('MYLYEKMVIENKEIPIDDGKSLGNLRVSMTMGLF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_03158
Name: ER01418_3B_prokka|PROKKA_03158
Description: ER01418_3B_prokka|PROKKA_03158
Number of features: 0
Seq('MKMKKLVKSSVASSIALLLLSNTVDAAQHITPVSEKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_03178
Name: ER01418_3B_prokka|PROKKA_03178
Description: ER01418_3B_prokka|PROKKA_03178
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_03188
Name: ER01418_3B_prokka|PROKKA_03188
Description: ER01418_3B_prokka|PROKKA_03188
Number of features: 0
Seq('MYSIKMRSSNQDVHISGAETICEFDQNRTDGTKVL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00015
Name: ER01425_3B_prokka|PROKKA_00015
Description: ER01425_3B_prokka|PROKKA_00015
Number of features: 0
Seq('MKTGPLKCPKCNQDLYIKKVRYPISDIETLC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00019
Name: ER01425_3B_prokka|PROKKA_00019
Description: ER01425_3B_prokka|PROKKA_00019
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00023
Name: ER01425_3B_prokka|PROKKA_00023
Description: ER01425_3B_prokka|PROKKA_00023
Number of features: 0
Seq('MQYNTTRYIDENQDNKTLKDMMKNGKQRPWREKKVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00028
Name: ER01425_3B_prokka|PROKKA_00028
Description: ER01425_3B_prokka|PROKKA_00028
Number of features: 0
Seq('MNYFRYKQFDKDVITVAVGYYLRYALSYRDISEILRERGIYVHHSTIYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00029
Name: ER01425_3B_prokka|PROKKA_00029
Description: ER01425_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MQDNHTKYIDGNQDNETLKDVTKSGKQRPWREKKIDNLRFCCKVRNIV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00061
Name: ER01425_3B_prokka|PROKKA_00061
Description: ER01425_3B_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00070
Name: ER01425_3B_prokka|PROKKA_00070
Description: ER01425_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00245
Name: ER01425_3B_prokka|PROKKA_00245
Description: ER01425_3B_prokka|PROKKA_00245
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00369
Name: ER01425_3B_prokka|PROKKA_00369
Description: ER01425_3B_prokka|PROKKA_00369
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00386
Name: ER01425_3B_prokka|PROKKA_00386
Description: ER01425_3B_prokka|PROKKA_00386
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00552
Name: ER01425_3B_prokka|PROKKA_00552
Description: ER01425_3B_prokka|PROKKA_00552
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00782
Name: ER01425_3B_prokka|PROKKA_00782
Description: ER01425_3B_prokka|PROKKA_00782
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00806
Name: ER01425_3B_prokka|PROKKA_00806
Description: ER01425_3B_prokka|PROKKA_00806
Number of features: 0
Seq('MSNIYKSYLIAVLCFTILAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00816
Name: ER01425_3B_prokka|PROKKA_00816
Description: ER01425_3B_prokka|PROKKA_00816
Number of features: 0
Seq('MITKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00825
Name: ER01425_3B_prokka|PROKKA_00825
Description: ER01425_3B_prokka|PROKKA_00825
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSESEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00837
Name: ER01425_3B_prokka|PROKKA_00837
Description: ER01425_3B_prokka|PROKKA_00837
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00872
Name: ER01425_3B_prokka|PROKKA_00872
Description: ER01425_3B_prokka|PROKKA_00872
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00978
Name: ER01425_3B_prokka|PROKKA_00978
Description: ER01425_3B_prokka|PROKKA_00978
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01018
Name: ER01425_3B_prokka|PROKKA_01018
Description: ER01425_3B_prokka|PROKKA_01018
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01101
Name: ER01425_3B_prokka|PROKKA_01101
Description: ER01425_3B_prokka|PROKKA_01101
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01113
Name: ER01425_3B_prokka|PROKKA_01113
Description: ER01425_3B_prokka|PROKKA_01113
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01114
Name: ER01425_3B_prokka|PROKKA_01114
Description: ER01425_3B_prokka|PROKKA_01114
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01249
Name: ER01425_3B_prokka|PROKKA_01249
Description: ER01425_3B_prokka|PROKKA_01249
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01253
Name: ER01425_3B_prokka|PROKKA_01253
Description: ER01425_3B_prokka|PROKKA_01253
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01277
Name: ER01425_3B_prokka|PROKKA_01277
Description: ER01425_3B_prokka|PROKKA_01277
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01333
Name: ER01425_3B_prokka|PROKKA_01333
Description: ER01425_3B_prokka|PROKKA_01333
Number of features: 0
Seq('MSGVASKAFLTLIENNIPFYQTTTSEISISYVIDDFNGQQAVEKIYDAFNI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01372
Name: ER01425_3B_prokka|PROKKA_01372
Description: ER01425_3B_prokka|PROKKA_01372
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01384
Name: ER01425_3B_prokka|PROKKA_01384
Description: ER01425_3B_prokka|PROKKA_01384
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01431
Name: ER01425_3B_prokka|PROKKA_01431
Description: ER01425_3B_prokka|PROKKA_01431
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01439
Name: ER01425_3B_prokka|PROKKA_01439
Description: ER01425_3B_prokka|PROKKA_01439
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01455
Name: ER01425_3B_prokka|PROKKA_01455
Description: ER01425_3B_prokka|PROKKA_01455
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01460
Name: ER01425_3B_prokka|PROKKA_01460
Description: ER01425_3B_prokka|PROKKA_01460
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSESEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01469
Name: ER01425_3B_prokka|PROKKA_01469
Description: ER01425_3B_prokka|PROKKA_01469
Number of features: 0
Seq('MITKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01479
Name: ER01425_3B_prokka|PROKKA_01479
Description: ER01425_3B_prokka|PROKKA_01479
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01490
Name: ER01425_3B_prokka|PROKKA_01490
Description: ER01425_3B_prokka|PROKKA_01490
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01517
Name: ER01425_3B_prokka|PROKKA_01517
Description: ER01425_3B_prokka|PROKKA_01517
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01520
Name: ER01425_3B_prokka|PROKKA_01520
Description: ER01425_3B_prokka|PROKKA_01520
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01555
Name: ER01425_3B_prokka|PROKKA_01555
Description: ER01425_3B_prokka|PROKKA_01555
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01627
Name: ER01425_3B_prokka|PROKKA_01627
Description: ER01425_3B_prokka|PROKKA_01627
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01792
Name: ER01425_3B_prokka|PROKKA_01792
Description: ER01425_3B_prokka|PROKKA_01792
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01807
Name: ER01425_3B_prokka|PROKKA_01807
Description: ER01425_3B_prokka|PROKKA_01807
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01849
Name: ER01425_3B_prokka|PROKKA_01849
Description: ER01425_3B_prokka|PROKKA_01849
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01901
Name: ER01425_3B_prokka|PROKKA_01901
Description: ER01425_3B_prokka|PROKKA_01901
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01976
Name: ER01425_3B_prokka|PROKKA_01976
Description: ER01425_3B_prokka|PROKKA_01976
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01980
Name: ER01425_3B_prokka|PROKKA_01980
Description: ER01425_3B_prokka|PROKKA_01980
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01996
Name: ER01425_3B_prokka|PROKKA_01996
Description: ER01425_3B_prokka|PROKKA_01996
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_02014
Name: ER01425_3B_prokka|PROKKA_02014
Description: ER01425_3B_prokka|PROKKA_02014
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_02040
Name: ER01425_3B_prokka|PROKKA_02040
Description: ER01425_3B_prokka|PROKKA_02040
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_02042
Name: ER01425_3B_prokka|PROKKA_02042
Description: ER01425_3B_prokka|PROKKA_02042
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_02092
Name: ER01425_3B_prokka|PROKKA_02092
Description: ER01425_3B_prokka|PROKKA_02092
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_02217
Name: ER01425_3B_prokka|PROKKA_02217
Description: ER01425_3B_prokka|PROKKA_02217
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_02230
Name: ER01425_3B_prokka|PROKKA_02230
Description: ER01425_3B_prokka|PROKKA_02230
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_02261
Name: ER01425_3B_prokka|PROKKA_02261
Description: ER01425_3B_prokka|PROKKA_02261
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_02414
Name: ER01425_3B_prokka|PROKKA_02414
Description: ER01425_3B_prokka|PROKKA_02414
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_02478
Name: ER01425_3B_prokka|PROKKA_02478
Description: ER01425_3B_prokka|PROKKA_02478
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_02586
Name: ER01425_3B_prokka|PROKKA_02586
Description: ER01425_3B_prokka|PROKKA_02586
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_02624
Name: ER01425_3B_prokka|PROKKA_02624
Description: ER01425_3B_prokka|PROKKA_02624
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_02709
Name: ER01425_3B_prokka|PROKKA_02709
Description: ER01425_3B_prokka|PROKKA_02709
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00004
Name: ER01457_3B_prokka|PROKKA_00004
Description: ER01457_3B_prokka|PROKKA_00004
Number of features: 0
Seq('MLNPELLMRGDDQKQKYLLLEFGNFEQEANEKQENALSDYYSFKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00021
Name: ER01457_3B_prokka|PROKKA_00021
Description: ER01457_3B_prokka|PROKKA_00021
Number of features: 0
Seq('MKVTNTIRFEEEKKNLIDNVVNTLEEYKDVIDSELRTIRNTNHLVMRNNLVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00068
Name: ER01457_3B_prokka|PROKKA_00068
Description: ER01457_3B_prokka|PROKKA_00068
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00098
Name: ER01457_3B_prokka|PROKKA_00098
Description: ER01457_3B_prokka|PROKKA_00098
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00107
Name: ER01457_3B_prokka|PROKKA_00107
Description: ER01457_3B_prokka|PROKKA_00107
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00128
Name: ER01457_3B_prokka|PROKKA_00128
Description: ER01457_3B_prokka|PROKKA_00128
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00218
Name: ER01457_3B_prokka|PROKKA_00218
Description: ER01457_3B_prokka|PROKKA_00218
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00316
Name: ER01457_3B_prokka|PROKKA_00316
Description: ER01457_3B_prokka|PROKKA_00316
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00368
Name: ER01457_3B_prokka|PROKKA_00368
Description: ER01457_3B_prokka|PROKKA_00368
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00466
Name: ER01457_3B_prokka|PROKKA_00466
Description: ER01457_3B_prokka|PROKKA_00466
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00504
Name: ER01457_3B_prokka|PROKKA_00504
Description: ER01457_3B_prokka|PROKKA_00504
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00635
Name: ER01457_3B_prokka|PROKKA_00635
Description: ER01457_3B_prokka|PROKKA_00635
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00671
Name: ER01457_3B_prokka|PROKKA_00671
Description: ER01457_3B_prokka|PROKKA_00671
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00890
Name: ER01457_3B_prokka|PROKKA_00890
Description: ER01457_3B_prokka|PROKKA_00890
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00934
Name: ER01457_3B_prokka|PROKKA_00934
Description: ER01457_3B_prokka|PROKKA_00934
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01042
Name: ER01457_3B_prokka|PROKKA_01042
Description: ER01457_3B_prokka|PROKKA_01042
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01081
Name: ER01457_3B_prokka|PROKKA_01081
Description: ER01457_3B_prokka|PROKKA_01081
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01161
Name: ER01457_3B_prokka|PROKKA_01161
Description: ER01457_3B_prokka|PROKKA_01161
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01174
Name: ER01457_3B_prokka|PROKKA_01174
Description: ER01457_3B_prokka|PROKKA_01174
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01175
Name: ER01457_3B_prokka|PROKKA_01175
Description: ER01457_3B_prokka|PROKKA_01175
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01310
Name: ER01457_3B_prokka|PROKKA_01310
Description: ER01457_3B_prokka|PROKKA_01310
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01314
Name: ER01457_3B_prokka|PROKKA_01314
Description: ER01457_3B_prokka|PROKKA_01314
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01318
Name: ER01457_3B_prokka|PROKKA_01318
Description: ER01457_3B_prokka|PROKKA_01318
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01320
Name: ER01457_3B_prokka|PROKKA_01320
Description: ER01457_3B_prokka|PROKKA_01320
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01345
Name: ER01457_3B_prokka|PROKKA_01345
Description: ER01457_3B_prokka|PROKKA_01345
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01440
Name: ER01457_3B_prokka|PROKKA_01440
Description: ER01457_3B_prokka|PROKKA_01440
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01452
Name: ER01457_3B_prokka|PROKKA_01452
Description: ER01457_3B_prokka|PROKKA_01452
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01501
Name: ER01457_3B_prokka|PROKKA_01501
Description: ER01457_3B_prokka|PROKKA_01501
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01509
Name: ER01457_3B_prokka|PROKKA_01509
Description: ER01457_3B_prokka|PROKKA_01509
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01529
Name: ER01457_3B_prokka|PROKKA_01529
Description: ER01457_3B_prokka|PROKKA_01529
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01557
Name: ER01457_3B_prokka|PROKKA_01557
Description: ER01457_3B_prokka|PROKKA_01557
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01584
Name: ER01457_3B_prokka|PROKKA_01584
Description: ER01457_3B_prokka|PROKKA_01584
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01621
Name: ER01457_3B_prokka|PROKKA_01621
Description: ER01457_3B_prokka|PROKKA_01621
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01692
Name: ER01457_3B_prokka|PROKKA_01692
Description: ER01457_3B_prokka|PROKKA_01692
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01857
Name: ER01457_3B_prokka|PROKKA_01857
Description: ER01457_3B_prokka|PROKKA_01857
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01864
Name: ER01457_3B_prokka|PROKKA_01864
Description: ER01457_3B_prokka|PROKKA_01864
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01883
Name: ER01457_3B_prokka|PROKKA_01883
Description: ER01457_3B_prokka|PROKKA_01883
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01918
Name: ER01457_3B_prokka|PROKKA_01918
Description: ER01457_3B_prokka|PROKKA_01918
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01970
Name: ER01457_3B_prokka|PROKKA_01970
Description: ER01457_3B_prokka|PROKKA_01970
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02042
Name: ER01457_3B_prokka|PROKKA_02042
Description: ER01457_3B_prokka|PROKKA_02042
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02046
Name: ER01457_3B_prokka|PROKKA_02046
Description: ER01457_3B_prokka|PROKKA_02046
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02062
Name: ER01457_3B_prokka|PROKKA_02062
Description: ER01457_3B_prokka|PROKKA_02062
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02082
Name: ER01457_3B_prokka|PROKKA_02082
Description: ER01457_3B_prokka|PROKKA_02082
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02112
Name: ER01457_3B_prokka|PROKKA_02112
Description: ER01457_3B_prokka|PROKKA_02112
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02114
Name: ER01457_3B_prokka|PROKKA_02114
Description: ER01457_3B_prokka|PROKKA_02114
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02163
Name: ER01457_3B_prokka|PROKKA_02163
Description: ER01457_3B_prokka|PROKKA_02163
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02283
Name: ER01457_3B_prokka|PROKKA_02283
Description: ER01457_3B_prokka|PROKKA_02283
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02307
Name: ER01457_3B_prokka|PROKKA_02307
Description: ER01457_3B_prokka|PROKKA_02307
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02338
Name: ER01457_3B_prokka|PROKKA_02338
Description: ER01457_3B_prokka|PROKKA_02338
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02493
Name: ER01457_3B_prokka|PROKKA_02493
Description: ER01457_3B_prokka|PROKKA_02493
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02623
Name: ER01457_3B_prokka|PROKKA_02623
Description: ER01457_3B_prokka|PROKKA_02623
Number of features: 0
Seq('MITVAVIDTGVDIYHNKLYKYINLSKSFC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02704
Name: ER01457_3B_prokka|PROKKA_02704
Description: ER01457_3B_prokka|PROKKA_02704
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02791
Name: ER01457_3B_prokka|PROKKA_02791
Description: ER01457_3B_prokka|PROKKA_02791
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00029
Name: ER01507_3B_prokka|PROKKA_00029
Description: ER01507_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00038
Name: ER01507_3B_prokka|PROKKA_00038
Description: ER01507_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00059
Name: ER01507_3B_prokka|PROKKA_00059
Description: ER01507_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00065
Name: ER01507_3B_prokka|PROKKA_00065
Description: ER01507_3B_prokka|PROKKA_00065
Number of features: 0
Seq('MYEENIYIKNSEYEFDNNLKQLASYLNIPVSIVRPYKEDLTLYQYKKRTSHISFN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00148
Name: ER01507_3B_prokka|PROKKA_00148
Description: ER01507_3B_prokka|PROKKA_00148
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00247
Name: ER01507_3B_prokka|PROKKA_00247
Description: ER01507_3B_prokka|PROKKA_00247
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00299
Name: ER01507_3B_prokka|PROKKA_00299
Description: ER01507_3B_prokka|PROKKA_00299
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00397
Name: ER01507_3B_prokka|PROKKA_00397
Description: ER01507_3B_prokka|PROKKA_00397
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00435
Name: ER01507_3B_prokka|PROKKA_00435
Description: ER01507_3B_prokka|PROKKA_00435
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00565
Name: ER01507_3B_prokka|PROKKA_00565
Description: ER01507_3B_prokka|PROKKA_00565
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00601
Name: ER01507_3B_prokka|PROKKA_00601
Description: ER01507_3B_prokka|PROKKA_00601
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00819
Name: ER01507_3B_prokka|PROKKA_00819
Description: ER01507_3B_prokka|PROKKA_00819
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00863
Name: ER01507_3B_prokka|PROKKA_00863
Description: ER01507_3B_prokka|PROKKA_00863
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00971
Name: ER01507_3B_prokka|PROKKA_00971
Description: ER01507_3B_prokka|PROKKA_00971
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01010
Name: ER01507_3B_prokka|PROKKA_01010
Description: ER01507_3B_prokka|PROKKA_01010
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01090
Name: ER01507_3B_prokka|PROKKA_01090
Description: ER01507_3B_prokka|PROKKA_01090
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01103
Name: ER01507_3B_prokka|PROKKA_01103
Description: ER01507_3B_prokka|PROKKA_01103
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01104
Name: ER01507_3B_prokka|PROKKA_01104
Description: ER01507_3B_prokka|PROKKA_01104
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01239
Name: ER01507_3B_prokka|PROKKA_01239
Description: ER01507_3B_prokka|PROKKA_01239
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01243
Name: ER01507_3B_prokka|PROKKA_01243
Description: ER01507_3B_prokka|PROKKA_01243
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01247
Name: ER01507_3B_prokka|PROKKA_01247
Description: ER01507_3B_prokka|PROKKA_01247
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01249
Name: ER01507_3B_prokka|PROKKA_01249
Description: ER01507_3B_prokka|PROKKA_01249
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01273
Name: ER01507_3B_prokka|PROKKA_01273
Description: ER01507_3B_prokka|PROKKA_01273
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01307
Name: ER01507_3B_prokka|PROKKA_01307
Description: ER01507_3B_prokka|PROKKA_01307
Number of features: 0
Seq('MMKLKFCGFTSIKDVTAASQLPIDAIGFIHYEKVKGIKQLPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01369
Name: ER01507_3B_prokka|PROKKA_01369
Description: ER01507_3B_prokka|PROKKA_01369
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01381
Name: ER01507_3B_prokka|PROKKA_01381
Description: ER01507_3B_prokka|PROKKA_01381
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01430
Name: ER01507_3B_prokka|PROKKA_01430
Description: ER01507_3B_prokka|PROKKA_01430
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01438
Name: ER01507_3B_prokka|PROKKA_01438
Description: ER01507_3B_prokka|PROKKA_01438
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01458
Name: ER01507_3B_prokka|PROKKA_01458
Description: ER01507_3B_prokka|PROKKA_01458
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01486
Name: ER01507_3B_prokka|PROKKA_01486
Description: ER01507_3B_prokka|PROKKA_01486
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01513
Name: ER01507_3B_prokka|PROKKA_01513
Description: ER01507_3B_prokka|PROKKA_01513
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01550
Name: ER01507_3B_prokka|PROKKA_01550
Description: ER01507_3B_prokka|PROKKA_01550
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01621
Name: ER01507_3B_prokka|PROKKA_01621
Description: ER01507_3B_prokka|PROKKA_01621
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01786
Name: ER01507_3B_prokka|PROKKA_01786
Description: ER01507_3B_prokka|PROKKA_01786
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01793
Name: ER01507_3B_prokka|PROKKA_01793
Description: ER01507_3B_prokka|PROKKA_01793
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01812
Name: ER01507_3B_prokka|PROKKA_01812
Description: ER01507_3B_prokka|PROKKA_01812
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01847
Name: ER01507_3B_prokka|PROKKA_01847
Description: ER01507_3B_prokka|PROKKA_01847
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01899
Name: ER01507_3B_prokka|PROKKA_01899
Description: ER01507_3B_prokka|PROKKA_01899
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01901
Name: ER01507_3B_prokka|PROKKA_01901
Description: ER01507_3B_prokka|PROKKA_01901
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01902
Name: ER01507_3B_prokka|PROKKA_01902
Description: ER01507_3B_prokka|PROKKA_01902
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01932
Name: ER01507_3B_prokka|PROKKA_01932
Description: ER01507_3B_prokka|PROKKA_01932
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01941
Name: ER01507_3B_prokka|PROKKA_01941
Description: ER01507_3B_prokka|PROKKA_01941
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01948
Name: ER01507_3B_prokka|PROKKA_01948
Description: ER01507_3B_prokka|PROKKA_01948
Number of features: 0
Seq('MVTKEFLKTKLECSDIYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01966
Name: ER01507_3B_prokka|PROKKA_01966
Description: ER01507_3B_prokka|PROKKA_01966
Number of features: 0
Seq('MRKYNFDKFFLYMAVLSLPIVIFFPLMLSIPIIFFIFSIRKKED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02041
Name: ER01507_3B_prokka|PROKKA_02041
Description: ER01507_3B_prokka|PROKKA_02041
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02045
Name: ER01507_3B_prokka|PROKKA_02045
Description: ER01507_3B_prokka|PROKKA_02045
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02061
Name: ER01507_3B_prokka|PROKKA_02061
Description: ER01507_3B_prokka|PROKKA_02061
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02081
Name: ER01507_3B_prokka|PROKKA_02081
Description: ER01507_3B_prokka|PROKKA_02081
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02111
Name: ER01507_3B_prokka|PROKKA_02111
Description: ER01507_3B_prokka|PROKKA_02111
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02113
Name: ER01507_3B_prokka|PROKKA_02113
Description: ER01507_3B_prokka|PROKKA_02113
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02162
Name: ER01507_3B_prokka|PROKKA_02162
Description: ER01507_3B_prokka|PROKKA_02162
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02282
Name: ER01507_3B_prokka|PROKKA_02282
Description: ER01507_3B_prokka|PROKKA_02282
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02307
Name: ER01507_3B_prokka|PROKKA_02307
Description: ER01507_3B_prokka|PROKKA_02307
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02338
Name: ER01507_3B_prokka|PROKKA_02338
Description: ER01507_3B_prokka|PROKKA_02338
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02494
Name: ER01507_3B_prokka|PROKKA_02494
Description: ER01507_3B_prokka|PROKKA_02494
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02703
Name: ER01507_3B_prokka|PROKKA_02703
Description: ER01507_3B_prokka|PROKKA_02703
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02790
Name: ER01507_3B_prokka|PROKKA_02790
Description: ER01507_3B_prokka|PROKKA_02790
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02813
Name: ER01507_3B_prokka|PROKKA_02813
Description: ER01507_3B_prokka|PROKKA_02813
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00029
Name: ER01524_3B_prokka|PROKKA_00029
Description: ER01524_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALTEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00069
Name: ER01524_3B_prokka|PROKKA_00069
Description: ER01524_3B_prokka|PROKKA_00069
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00078
Name: ER01524_3B_prokka|PROKKA_00078
Description: ER01524_3B_prokka|PROKKA_00078
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00099
Name: ER01524_3B_prokka|PROKKA_00099
Description: ER01524_3B_prokka|PROKKA_00099
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00190
Name: ER01524_3B_prokka|PROKKA_00190
Description: ER01524_3B_prokka|PROKKA_00190
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00289
Name: ER01524_3B_prokka|PROKKA_00289
Description: ER01524_3B_prokka|PROKKA_00289
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00341
Name: ER01524_3B_prokka|PROKKA_00341
Description: ER01524_3B_prokka|PROKKA_00341
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00440
Name: ER01524_3B_prokka|PROKKA_00440
Description: ER01524_3B_prokka|PROKKA_00440
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00478
Name: ER01524_3B_prokka|PROKKA_00478
Description: ER01524_3B_prokka|PROKKA_00478
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00607
Name: ER01524_3B_prokka|PROKKA_00607
Description: ER01524_3B_prokka|PROKKA_00607
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00643
Name: ER01524_3B_prokka|PROKKA_00643
Description: ER01524_3B_prokka|PROKKA_00643
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00861
Name: ER01524_3B_prokka|PROKKA_00861
Description: ER01524_3B_prokka|PROKKA_00861
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00905
Name: ER01524_3B_prokka|PROKKA_00905
Description: ER01524_3B_prokka|PROKKA_00905
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01013
Name: ER01524_3B_prokka|PROKKA_01013
Description: ER01524_3B_prokka|PROKKA_01013
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01052
Name: ER01524_3B_prokka|PROKKA_01052
Description: ER01524_3B_prokka|PROKKA_01052
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01053
Name: ER01524_3B_prokka|PROKKA_01053
Description: ER01524_3B_prokka|PROKKA_01053
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01133
Name: ER01524_3B_prokka|PROKKA_01133
Description: ER01524_3B_prokka|PROKKA_01133
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01146
Name: ER01524_3B_prokka|PROKKA_01146
Description: ER01524_3B_prokka|PROKKA_01146
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01147
Name: ER01524_3B_prokka|PROKKA_01147
Description: ER01524_3B_prokka|PROKKA_01147
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01282
Name: ER01524_3B_prokka|PROKKA_01282
Description: ER01524_3B_prokka|PROKKA_01282
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01286
Name: ER01524_3B_prokka|PROKKA_01286
Description: ER01524_3B_prokka|PROKKA_01286
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01290
Name: ER01524_3B_prokka|PROKKA_01290
Description: ER01524_3B_prokka|PROKKA_01290
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01292
Name: ER01524_3B_prokka|PROKKA_01292
Description: ER01524_3B_prokka|PROKKA_01292
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01316
Name: ER01524_3B_prokka|PROKKA_01316
Description: ER01524_3B_prokka|PROKKA_01316
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01411
Name: ER01524_3B_prokka|PROKKA_01411
Description: ER01524_3B_prokka|PROKKA_01411
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01423
Name: ER01524_3B_prokka|PROKKA_01423
Description: ER01524_3B_prokka|PROKKA_01423
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01478
Name: ER01524_3B_prokka|PROKKA_01478
Description: ER01524_3B_prokka|PROKKA_01478
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01486
Name: ER01524_3B_prokka|PROKKA_01486
Description: ER01524_3B_prokka|PROKKA_01486
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01506
Name: ER01524_3B_prokka|PROKKA_01506
Description: ER01524_3B_prokka|PROKKA_01506
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01534
Name: ER01524_3B_prokka|PROKKA_01534
Description: ER01524_3B_prokka|PROKKA_01534
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01561
Name: ER01524_3B_prokka|PROKKA_01561
Description: ER01524_3B_prokka|PROKKA_01561
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01598
Name: ER01524_3B_prokka|PROKKA_01598
Description: ER01524_3B_prokka|PROKKA_01598
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01669
Name: ER01524_3B_prokka|PROKKA_01669
Description: ER01524_3B_prokka|PROKKA_01669
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01834
Name: ER01524_3B_prokka|PROKKA_01834
Description: ER01524_3B_prokka|PROKKA_01834
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01841
Name: ER01524_3B_prokka|PROKKA_01841
Description: ER01524_3B_prokka|PROKKA_01841
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01860
Name: ER01524_3B_prokka|PROKKA_01860
Description: ER01524_3B_prokka|PROKKA_01860
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01895
Name: ER01524_3B_prokka|PROKKA_01895
Description: ER01524_3B_prokka|PROKKA_01895
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01947
Name: ER01524_3B_prokka|PROKKA_01947
Description: ER01524_3B_prokka|PROKKA_01947
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01949
Name: ER01524_3B_prokka|PROKKA_01949
Description: ER01524_3B_prokka|PROKKA_01949
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01950
Name: ER01524_3B_prokka|PROKKA_01950
Description: ER01524_3B_prokka|PROKKA_01950
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01980
Name: ER01524_3B_prokka|PROKKA_01980
Description: ER01524_3B_prokka|PROKKA_01980
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01989
Name: ER01524_3B_prokka|PROKKA_01989
Description: ER01524_3B_prokka|PROKKA_01989
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01996
Name: ER01524_3B_prokka|PROKKA_01996
Description: ER01524_3B_prokka|PROKKA_01996
Number of features: 0
Seq('MVTKEFLKTKLECSDIYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02012
Name: ER01524_3B_prokka|PROKKA_02012
Description: ER01524_3B_prokka|PROKKA_02012
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKLDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02087
Name: ER01524_3B_prokka|PROKKA_02087
Description: ER01524_3B_prokka|PROKKA_02087
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02091
Name: ER01524_3B_prokka|PROKKA_02091
Description: ER01524_3B_prokka|PROKKA_02091
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02107
Name: ER01524_3B_prokka|PROKKA_02107
Description: ER01524_3B_prokka|PROKKA_02107
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02127
Name: ER01524_3B_prokka|PROKKA_02127
Description: ER01524_3B_prokka|PROKKA_02127
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02157
Name: ER01524_3B_prokka|PROKKA_02157
Description: ER01524_3B_prokka|PROKKA_02157
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02159
Name: ER01524_3B_prokka|PROKKA_02159
Description: ER01524_3B_prokka|PROKKA_02159
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02208
Name: ER01524_3B_prokka|PROKKA_02208
Description: ER01524_3B_prokka|PROKKA_02208
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02335
Name: ER01524_3B_prokka|PROKKA_02335
Description: ER01524_3B_prokka|PROKKA_02335
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02359
Name: ER01524_3B_prokka|PROKKA_02359
Description: ER01524_3B_prokka|PROKKA_02359
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02390
Name: ER01524_3B_prokka|PROKKA_02390
Description: ER01524_3B_prokka|PROKKA_02390
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02545
Name: ER01524_3B_prokka|PROKKA_02545
Description: ER01524_3B_prokka|PROKKA_02545
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02609
Name: ER01524_3B_prokka|PROKKA_02609
Description: ER01524_3B_prokka|PROKKA_02609
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02674
Name: ER01524_3B_prokka|PROKKA_02674
Description: ER01524_3B_prokka|PROKKA_02674
Number of features: 0
Seq('MITVAVIDTGVDIYHNKLYKYINLSKSFC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02756
Name: ER01524_3B_prokka|PROKKA_02756
Description: ER01524_3B_prokka|PROKKA_02756
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02843
Name: ER01524_3B_prokka|PROKKA_02843
Description: ER01524_3B_prokka|PROKKA_02843
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02878
Name: ER01524_3B_prokka|PROKKA_02878
Description: ER01524_3B_prokka|PROKKA_02878
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00029
Name: ER01532_3B_prokka|PROKKA_00029
Description: ER01532_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00038
Name: ER01532_3B_prokka|PROKKA_00038
Description: ER01532_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00059
Name: ER01532_3B_prokka|PROKKA_00059
Description: ER01532_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00149
Name: ER01532_3B_prokka|PROKKA_00149
Description: ER01532_3B_prokka|PROKKA_00149
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00248
Name: ER01532_3B_prokka|PROKKA_00248
Description: ER01532_3B_prokka|PROKKA_00248
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00300
Name: ER01532_3B_prokka|PROKKA_00300
Description: ER01532_3B_prokka|PROKKA_00300
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00398
Name: ER01532_3B_prokka|PROKKA_00398
Description: ER01532_3B_prokka|PROKKA_00398
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00436
Name: ER01532_3B_prokka|PROKKA_00436
Description: ER01532_3B_prokka|PROKKA_00436
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00566
Name: ER01532_3B_prokka|PROKKA_00566
Description: ER01532_3B_prokka|PROKKA_00566
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00589
Name: ER01532_3B_prokka|PROKKA_00589
Description: ER01532_3B_prokka|PROKKA_00589
Number of features: 0
Seq('MPPHIQQMLFDFALERGYIDMIIKMKEEENAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00590
Name: ER01532_3B_prokka|PROKKA_00590
Description: ER01532_3B_prokka|PROKKA_00590
Number of features: 0
Seq('MSNIYKSYLVAILCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYGE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00599
Name: ER01532_3B_prokka|PROKKA_00599
Description: ER01532_3B_prokka|PROKKA_00599
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00614
Name: ER01532_3B_prokka|PROKKA_00614
Description: ER01532_3B_prokka|PROKKA_00614
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00667
Name: ER01532_3B_prokka|PROKKA_00667
Description: ER01532_3B_prokka|PROKKA_00667
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00886
Name: ER01532_3B_prokka|PROKKA_00886
Description: ER01532_3B_prokka|PROKKA_00886
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00930
Name: ER01532_3B_prokka|PROKKA_00930
Description: ER01532_3B_prokka|PROKKA_00930
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01038
Name: ER01532_3B_prokka|PROKKA_01038
Description: ER01532_3B_prokka|PROKKA_01038
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01077
Name: ER01532_3B_prokka|PROKKA_01077
Description: ER01532_3B_prokka|PROKKA_01077
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01157
Name: ER01532_3B_prokka|PROKKA_01157
Description: ER01532_3B_prokka|PROKKA_01157
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01170
Name: ER01532_3B_prokka|PROKKA_01170
Description: ER01532_3B_prokka|PROKKA_01170
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01171
Name: ER01532_3B_prokka|PROKKA_01171
Description: ER01532_3B_prokka|PROKKA_01171
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01306
Name: ER01532_3B_prokka|PROKKA_01306
Description: ER01532_3B_prokka|PROKKA_01306
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01310
Name: ER01532_3B_prokka|PROKKA_01310
Description: ER01532_3B_prokka|PROKKA_01310
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01314
Name: ER01532_3B_prokka|PROKKA_01314
Description: ER01532_3B_prokka|PROKKA_01314
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01316
Name: ER01532_3B_prokka|PROKKA_01316
Description: ER01532_3B_prokka|PROKKA_01316
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01340
Name: ER01532_3B_prokka|PROKKA_01340
Description: ER01532_3B_prokka|PROKKA_01340
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01435
Name: ER01532_3B_prokka|PROKKA_01435
Description: ER01532_3B_prokka|PROKKA_01435
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01447
Name: ER01532_3B_prokka|PROKKA_01447
Description: ER01532_3B_prokka|PROKKA_01447
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01514
Name: ER01532_3B_prokka|PROKKA_01514
Description: ER01532_3B_prokka|PROKKA_01514
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01551
Name: ER01532_3B_prokka|PROKKA_01551
Description: ER01532_3B_prokka|PROKKA_01551
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01622
Name: ER01532_3B_prokka|PROKKA_01622
Description: ER01532_3B_prokka|PROKKA_01622
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01787
Name: ER01532_3B_prokka|PROKKA_01787
Description: ER01532_3B_prokka|PROKKA_01787
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01794
Name: ER01532_3B_prokka|PROKKA_01794
Description: ER01532_3B_prokka|PROKKA_01794
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01813
Name: ER01532_3B_prokka|PROKKA_01813
Description: ER01532_3B_prokka|PROKKA_01813
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01848
Name: ER01532_3B_prokka|PROKKA_01848
Description: ER01532_3B_prokka|PROKKA_01848
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01900
Name: ER01532_3B_prokka|PROKKA_01900
Description: ER01532_3B_prokka|PROKKA_01900
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01972
Name: ER01532_3B_prokka|PROKKA_01972
Description: ER01532_3B_prokka|PROKKA_01972
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01976
Name: ER01532_3B_prokka|PROKKA_01976
Description: ER01532_3B_prokka|PROKKA_01976
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01992
Name: ER01532_3B_prokka|PROKKA_01992
Description: ER01532_3B_prokka|PROKKA_01992
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02012
Name: ER01532_3B_prokka|PROKKA_02012
Description: ER01532_3B_prokka|PROKKA_02012
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02042
Name: ER01532_3B_prokka|PROKKA_02042
Description: ER01532_3B_prokka|PROKKA_02042
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02044
Name: ER01532_3B_prokka|PROKKA_02044
Description: ER01532_3B_prokka|PROKKA_02044
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02093
Name: ER01532_3B_prokka|PROKKA_02093
Description: ER01532_3B_prokka|PROKKA_02093
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02213
Name: ER01532_3B_prokka|PROKKA_02213
Description: ER01532_3B_prokka|PROKKA_02213
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02237
Name: ER01532_3B_prokka|PROKKA_02237
Description: ER01532_3B_prokka|PROKKA_02237
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02268
Name: ER01532_3B_prokka|PROKKA_02268
Description: ER01532_3B_prokka|PROKKA_02268
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02423
Name: ER01532_3B_prokka|PROKKA_02423
Description: ER01532_3B_prokka|PROKKA_02423
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02632
Name: ER01532_3B_prokka|PROKKA_02632
Description: ER01532_3B_prokka|PROKKA_02632
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02719
Name: ER01532_3B_prokka|PROKKA_02719
Description: ER01532_3B_prokka|PROKKA_02719
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02724
Name: ER01532_3B_prokka|PROKKA_02724
Description: ER01532_3B_prokka|PROKKA_02724
Number of features: 0
Seq('MILSKTANKILKELKNKEKYFSNLCIENRDVNSSKLTFARC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02728
Name: ER01532_3B_prokka|PROKKA_02728
Description: ER01532_3B_prokka|PROKKA_02728
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALTEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02790
Name: ER01532_3B_prokka|PROKKA_02790
Description: ER01532_3B_prokka|PROKKA_02790
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_00074
Name: ER01560_3B_prokka|PROKKA_00074
Description: ER01560_3B_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_00083
Name: ER01560_3B_prokka|PROKKA_00083
Description: ER01560_3B_prokka|PROKKA_00083
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_00104
Name: ER01560_3B_prokka|PROKKA_00104
Description: ER01560_3B_prokka|PROKKA_00104
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_00194
Name: ER01560_3B_prokka|PROKKA_00194
Description: ER01560_3B_prokka|PROKKA_00194
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_00292
Name: ER01560_3B_prokka|PROKKA_00292
Description: ER01560_3B_prokka|PROKKA_00292
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_00344
Name: ER01560_3B_prokka|PROKKA_00344
Description: ER01560_3B_prokka|PROKKA_00344
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_00442
Name: ER01560_3B_prokka|PROKKA_00442
Description: ER01560_3B_prokka|PROKKA_00442
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_00480
Name: ER01560_3B_prokka|PROKKA_00480
Description: ER01560_3B_prokka|PROKKA_00480
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_00610
Name: ER01560_3B_prokka|PROKKA_00610
Description: ER01560_3B_prokka|PROKKA_00610
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_00646
Name: ER01560_3B_prokka|PROKKA_00646
Description: ER01560_3B_prokka|PROKKA_00646
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_00864
Name: ER01560_3B_prokka|PROKKA_00864
Description: ER01560_3B_prokka|PROKKA_00864
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_00908
Name: ER01560_3B_prokka|PROKKA_00908
Description: ER01560_3B_prokka|PROKKA_00908
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01016
Name: ER01560_3B_prokka|PROKKA_01016
Description: ER01560_3B_prokka|PROKKA_01016
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01055
Name: ER01560_3B_prokka|PROKKA_01055
Description: ER01560_3B_prokka|PROKKA_01055
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01135
Name: ER01560_3B_prokka|PROKKA_01135
Description: ER01560_3B_prokka|PROKKA_01135
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01148
Name: ER01560_3B_prokka|PROKKA_01148
Description: ER01560_3B_prokka|PROKKA_01148
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01149
Name: ER01560_3B_prokka|PROKKA_01149
Description: ER01560_3B_prokka|PROKKA_01149
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01284
Name: ER01560_3B_prokka|PROKKA_01284
Description: ER01560_3B_prokka|PROKKA_01284
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01288
Name: ER01560_3B_prokka|PROKKA_01288
Description: ER01560_3B_prokka|PROKKA_01288
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01292
Name: ER01560_3B_prokka|PROKKA_01292
Description: ER01560_3B_prokka|PROKKA_01292
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01294
Name: ER01560_3B_prokka|PROKKA_01294
Description: ER01560_3B_prokka|PROKKA_01294
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01318
Name: ER01560_3B_prokka|PROKKA_01318
Description: ER01560_3B_prokka|PROKKA_01318
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01414
Name: ER01560_3B_prokka|PROKKA_01414
Description: ER01560_3B_prokka|PROKKA_01414
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01426
Name: ER01560_3B_prokka|PROKKA_01426
Description: ER01560_3B_prokka|PROKKA_01426
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01475
Name: ER01560_3B_prokka|PROKKA_01475
Description: ER01560_3B_prokka|PROKKA_01475
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01483
Name: ER01560_3B_prokka|PROKKA_01483
Description: ER01560_3B_prokka|PROKKA_01483
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01503
Name: ER01560_3B_prokka|PROKKA_01503
Description: ER01560_3B_prokka|PROKKA_01503
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01531
Name: ER01560_3B_prokka|PROKKA_01531
Description: ER01560_3B_prokka|PROKKA_01531
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01558
Name: ER01560_3B_prokka|PROKKA_01558
Description: ER01560_3B_prokka|PROKKA_01558
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01595
Name: ER01560_3B_prokka|PROKKA_01595
Description: ER01560_3B_prokka|PROKKA_01595
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01666
Name: ER01560_3B_prokka|PROKKA_01666
Description: ER01560_3B_prokka|PROKKA_01666
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01831
Name: ER01560_3B_prokka|PROKKA_01831
Description: ER01560_3B_prokka|PROKKA_01831
Number of features: 0
Seq('MKFKAIFAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01838
Name: ER01560_3B_prokka|PROKKA_01838
Description: ER01560_3B_prokka|PROKKA_01838
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01857
Name: ER01560_3B_prokka|PROKKA_01857
Description: ER01560_3B_prokka|PROKKA_01857
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01892
Name: ER01560_3B_prokka|PROKKA_01892
Description: ER01560_3B_prokka|PROKKA_01892
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01944
Name: ER01560_3B_prokka|PROKKA_01944
Description: ER01560_3B_prokka|PROKKA_01944
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02016
Name: ER01560_3B_prokka|PROKKA_02016
Description: ER01560_3B_prokka|PROKKA_02016
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02020
Name: ER01560_3B_prokka|PROKKA_02020
Description: ER01560_3B_prokka|PROKKA_02020
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02036
Name: ER01560_3B_prokka|PROKKA_02036
Description: ER01560_3B_prokka|PROKKA_02036
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTERVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02056
Name: ER01560_3B_prokka|PROKKA_02056
Description: ER01560_3B_prokka|PROKKA_02056
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02086
Name: ER01560_3B_prokka|PROKKA_02086
Description: ER01560_3B_prokka|PROKKA_02086
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02088
Name: ER01560_3B_prokka|PROKKA_02088
Description: ER01560_3B_prokka|PROKKA_02088
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02137
Name: ER01560_3B_prokka|PROKKA_02137
Description: ER01560_3B_prokka|PROKKA_02137
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02257
Name: ER01560_3B_prokka|PROKKA_02257
Description: ER01560_3B_prokka|PROKKA_02257
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02282
Name: ER01560_3B_prokka|PROKKA_02282
Description: ER01560_3B_prokka|PROKKA_02282
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02312
Name: ER01560_3B_prokka|PROKKA_02312
Description: ER01560_3B_prokka|PROKKA_02312
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02468
Name: ER01560_3B_prokka|PROKKA_02468
Description: ER01560_3B_prokka|PROKKA_02468
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02596
Name: ER01560_3B_prokka|PROKKA_02596
Description: ER01560_3B_prokka|PROKKA_02596
Number of features: 0
Seq('MITVAVIDTGVDIYHNKLYKYINLSKSFC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02678
Name: ER01560_3B_prokka|PROKKA_02678
Description: ER01560_3B_prokka|PROKKA_02678
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02765
Name: ER01560_3B_prokka|PROKKA_02765
Description: ER01560_3B_prokka|PROKKA_02765
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00030
Name: ER01564_3B_prokka|PROKKA_00030
Description: ER01564_3B_prokka|PROKKA_00030
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00034
Name: ER01564_3B_prokka|PROKKA_00034
Description: ER01564_3B_prokka|PROKKA_00034
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00043
Name: ER01564_3B_prokka|PROKKA_00043
Description: ER01564_3B_prokka|PROKKA_00043
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00056
Name: ER01564_3B_prokka|PROKKA_00056
Description: ER01564_3B_prokka|PROKKA_00056
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00059
Name: ER01564_3B_prokka|PROKKA_00059
Description: ER01564_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00224
Name: ER01564_3B_prokka|PROKKA_00224
Description: ER01564_3B_prokka|PROKKA_00224
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00320
Name: ER01564_3B_prokka|PROKKA_00320
Description: ER01564_3B_prokka|PROKKA_00320
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00326
Name: ER01564_3B_prokka|PROKKA_00326
Description: ER01564_3B_prokka|PROKKA_00326
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00367
Name: ER01564_3B_prokka|PROKKA_00367
Description: ER01564_3B_prokka|PROKKA_00367
Number of features: 0
Seq('MKMYLTYICLVSLLTILLLAISNMYVAFSVYGMMATYGFNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00384
Name: ER01564_3B_prokka|PROKKA_00384
Description: ER01564_3B_prokka|PROKKA_00384
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00385
Name: ER01564_3B_prokka|PROKKA_00385
Description: ER01564_3B_prokka|PROKKA_00385
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00395
Name: ER01564_3B_prokka|PROKKA_00395
Description: ER01564_3B_prokka|PROKKA_00395
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00413
Name: ER01564_3B_prokka|PROKKA_00413
Description: ER01564_3B_prokka|PROKKA_00413
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00579
Name: ER01564_3B_prokka|PROKKA_00579
Description: ER01564_3B_prokka|PROKKA_00579
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00832
Name: ER01564_3B_prokka|PROKKA_00832
Description: ER01564_3B_prokka|PROKKA_00832
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00859
Name: ER01564_3B_prokka|PROKKA_00859
Description: ER01564_3B_prokka|PROKKA_00859
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00967
Name: ER01564_3B_prokka|PROKKA_00967
Description: ER01564_3B_prokka|PROKKA_00967
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01007
Name: ER01564_3B_prokka|PROKKA_01007
Description: ER01564_3B_prokka|PROKKA_01007
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01088
Name: ER01564_3B_prokka|PROKKA_01088
Description: ER01564_3B_prokka|PROKKA_01088
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01100
Name: ER01564_3B_prokka|PROKKA_01100
Description: ER01564_3B_prokka|PROKKA_01100
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01101
Name: ER01564_3B_prokka|PROKKA_01101
Description: ER01564_3B_prokka|PROKKA_01101
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01236
Name: ER01564_3B_prokka|PROKKA_01236
Description: ER01564_3B_prokka|PROKKA_01236
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01240
Name: ER01564_3B_prokka|PROKKA_01240
Description: ER01564_3B_prokka|PROKKA_01240
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01264
Name: ER01564_3B_prokka|PROKKA_01264
Description: ER01564_3B_prokka|PROKKA_01264
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01359
Name: ER01564_3B_prokka|PROKKA_01359
Description: ER01564_3B_prokka|PROKKA_01359
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01371
Name: ER01564_3B_prokka|PROKKA_01371
Description: ER01564_3B_prokka|PROKKA_01371
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01438
Name: ER01564_3B_prokka|PROKKA_01438
Description: ER01564_3B_prokka|PROKKA_01438
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01441
Name: ER01564_3B_prokka|PROKKA_01441
Description: ER01564_3B_prokka|PROKKA_01441
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01476
Name: ER01564_3B_prokka|PROKKA_01476
Description: ER01564_3B_prokka|PROKKA_01476
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01549
Name: ER01564_3B_prokka|PROKKA_01549
Description: ER01564_3B_prokka|PROKKA_01549
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01712
Name: ER01564_3B_prokka|PROKKA_01712
Description: ER01564_3B_prokka|PROKKA_01712
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01727
Name: ER01564_3B_prokka|PROKKA_01727
Description: ER01564_3B_prokka|PROKKA_01727
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01769
Name: ER01564_3B_prokka|PROKKA_01769
Description: ER01564_3B_prokka|PROKKA_01769
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01821
Name: ER01564_3B_prokka|PROKKA_01821
Description: ER01564_3B_prokka|PROKKA_01821
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01823
Name: ER01564_3B_prokka|PROKKA_01823
Description: ER01564_3B_prokka|PROKKA_01823
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01824
Name: ER01564_3B_prokka|PROKKA_01824
Description: ER01564_3B_prokka|PROKKA_01824
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01854
Name: ER01564_3B_prokka|PROKKA_01854
Description: ER01564_3B_prokka|PROKKA_01854
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01873
Name: ER01564_3B_prokka|PROKKA_01873
Description: ER01564_3B_prokka|PROKKA_01873
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01874
Name: ER01564_3B_prokka|PROKKA_01874
Description: ER01564_3B_prokka|PROKKA_01874
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01877
Name: ER01564_3B_prokka|PROKKA_01877
Description: ER01564_3B_prokka|PROKKA_01877
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01883
Name: ER01564_3B_prokka|PROKKA_01883
Description: ER01564_3B_prokka|PROKKA_01883
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01959
Name: ER01564_3B_prokka|PROKKA_01959
Description: ER01564_3B_prokka|PROKKA_01959
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01963
Name: ER01564_3B_prokka|PROKKA_01963
Description: ER01564_3B_prokka|PROKKA_01963
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01979
Name: ER01564_3B_prokka|PROKKA_01979
Description: ER01564_3B_prokka|PROKKA_01979
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01997
Name: ER01564_3B_prokka|PROKKA_01997
Description: ER01564_3B_prokka|PROKKA_01997
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02036
Name: ER01564_3B_prokka|PROKKA_02036
Description: ER01564_3B_prokka|PROKKA_02036
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02047
Name: ER01564_3B_prokka|PROKKA_02047
Description: ER01564_3B_prokka|PROKKA_02047
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02049
Name: ER01564_3B_prokka|PROKKA_02049
Description: ER01564_3B_prokka|PROKKA_02049
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02099
Name: ER01564_3B_prokka|PROKKA_02099
Description: ER01564_3B_prokka|PROKKA_02099
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02225
Name: ER01564_3B_prokka|PROKKA_02225
Description: ER01564_3B_prokka|PROKKA_02225
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02238
Name: ER01564_3B_prokka|PROKKA_02238
Description: ER01564_3B_prokka|PROKKA_02238
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02269
Name: ER01564_3B_prokka|PROKKA_02269
Description: ER01564_3B_prokka|PROKKA_02269
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02423
Name: ER01564_3B_prokka|PROKKA_02423
Description: ER01564_3B_prokka|PROKKA_02423
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02487
Name: ER01564_3B_prokka|PROKKA_02487
Description: ER01564_3B_prokka|PROKKA_02487
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02603
Name: ER01564_3B_prokka|PROKKA_02603
Description: ER01564_3B_prokka|PROKKA_02603
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02616
Name: ER01564_3B_prokka|PROKKA_02616
Description: ER01564_3B_prokka|PROKKA_02616
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02618
Name: ER01564_3B_prokka|PROKKA_02618
Description: ER01564_3B_prokka|PROKKA_02618
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02621
Name: ER01564_3B_prokka|PROKKA_02621
Description: ER01564_3B_prokka|PROKKA_02621
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02628
Name: ER01564_3B_prokka|PROKKA_02628
Description: ER01564_3B_prokka|PROKKA_02628
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02666
Name: ER01564_3B_prokka|PROKKA_02666
Description: ER01564_3B_prokka|PROKKA_02666
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02750
Name: ER01564_3B_prokka|PROKKA_02750
Description: ER01564_3B_prokka|PROKKA_02750
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02758
Name: ER01564_3B_prokka|PROKKA_02758
Description: ER01564_3B_prokka|PROKKA_02758
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02789
Name: ER01564_3B_prokka|PROKKA_02789
Description: ER01564_3B_prokka|PROKKA_02789
Number of features: 0
Seq('MGAVIKVGAKVIGWGAASGAGLYGLEKIFKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02790
Name: ER01564_3B_prokka|PROKKA_02790
Description: ER01564_3B_prokka|PROKKA_02790
Number of features: 0
Seq('MGALIKTGAKIIGSGAAGGLGTYIGHKILGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02791
Name: ER01564_3B_prokka|PROKKA_02791
Description: ER01564_3B_prokka|PROKKA_02791
Number of features: 0
Seq('MGAVAKFLGKAALGGAAGGATYAGLKKIFG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02792
Name: ER01564_3B_prokka|PROKKA_02792
Description: ER01564_3B_prokka|PROKKA_02792
Number of features: 0
Seq('MGKLAIKAGKIIGGGIASALGWAAGEKAVGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02811
Name: ER01564_3B_prokka|PROKKA_02811
Description: ER01564_3B_prokka|PROKKA_02811
Number of features: 0
Seq('MKVTNTIRFEEEKKNLIDNVVNTLEEYKDVIDSELRTIRNTNHLVMRNNLVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00029
Name: ER01570_3B_prokka|PROKKA_00029
Description: ER01570_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00038
Name: ER01570_3B_prokka|PROKKA_00038
Description: ER01570_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00059
Name: ER01570_3B_prokka|PROKKA_00059
Description: ER01570_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00161
Name: ER01570_3B_prokka|PROKKA_00161
Description: ER01570_3B_prokka|PROKKA_00161
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00260
Name: ER01570_3B_prokka|PROKKA_00260
Description: ER01570_3B_prokka|PROKKA_00260
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00313
Name: ER01570_3B_prokka|PROKKA_00313
Description: ER01570_3B_prokka|PROKKA_00313
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00411
Name: ER01570_3B_prokka|PROKKA_00411
Description: ER01570_3B_prokka|PROKKA_00411
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00449
Name: ER01570_3B_prokka|PROKKA_00449
Description: ER01570_3B_prokka|PROKKA_00449
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00579
Name: ER01570_3B_prokka|PROKKA_00579
Description: ER01570_3B_prokka|PROKKA_00579
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00615
Name: ER01570_3B_prokka|PROKKA_00615
Description: ER01570_3B_prokka|PROKKA_00615
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00840
Name: ER01570_3B_prokka|PROKKA_00840
Description: ER01570_3B_prokka|PROKKA_00840
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00884
Name: ER01570_3B_prokka|PROKKA_00884
Description: ER01570_3B_prokka|PROKKA_00884
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00992
Name: ER01570_3B_prokka|PROKKA_00992
Description: ER01570_3B_prokka|PROKKA_00992
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01031
Name: ER01570_3B_prokka|PROKKA_01031
Description: ER01570_3B_prokka|PROKKA_01031
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01111
Name: ER01570_3B_prokka|PROKKA_01111
Description: ER01570_3B_prokka|PROKKA_01111
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01124
Name: ER01570_3B_prokka|PROKKA_01124
Description: ER01570_3B_prokka|PROKKA_01124
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01125
Name: ER01570_3B_prokka|PROKKA_01125
Description: ER01570_3B_prokka|PROKKA_01125
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01260
Name: ER01570_3B_prokka|PROKKA_01260
Description: ER01570_3B_prokka|PROKKA_01260
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01264
Name: ER01570_3B_prokka|PROKKA_01264
Description: ER01570_3B_prokka|PROKKA_01264
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01268
Name: ER01570_3B_prokka|PROKKA_01268
Description: ER01570_3B_prokka|PROKKA_01268
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01269
Name: ER01570_3B_prokka|PROKKA_01269
Description: ER01570_3B_prokka|PROKKA_01269
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01293
Name: ER01570_3B_prokka|PROKKA_01293
Description: ER01570_3B_prokka|PROKKA_01293
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01388
Name: ER01570_3B_prokka|PROKKA_01388
Description: ER01570_3B_prokka|PROKKA_01388
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01401
Name: ER01570_3B_prokka|PROKKA_01401
Description: ER01570_3B_prokka|PROKKA_01401
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01450
Name: ER01570_3B_prokka|PROKKA_01450
Description: ER01570_3B_prokka|PROKKA_01450
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01458
Name: ER01570_3B_prokka|PROKKA_01458
Description: ER01570_3B_prokka|PROKKA_01458
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01478
Name: ER01570_3B_prokka|PROKKA_01478
Description: ER01570_3B_prokka|PROKKA_01478
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01506
Name: ER01570_3B_prokka|PROKKA_01506
Description: ER01570_3B_prokka|PROKKA_01506
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01533
Name: ER01570_3B_prokka|PROKKA_01533
Description: ER01570_3B_prokka|PROKKA_01533
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01570
Name: ER01570_3B_prokka|PROKKA_01570
Description: ER01570_3B_prokka|PROKKA_01570
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01641
Name: ER01570_3B_prokka|PROKKA_01641
Description: ER01570_3B_prokka|PROKKA_01641
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01806
Name: ER01570_3B_prokka|PROKKA_01806
Description: ER01570_3B_prokka|PROKKA_01806
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01813
Name: ER01570_3B_prokka|PROKKA_01813
Description: ER01570_3B_prokka|PROKKA_01813
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01832
Name: ER01570_3B_prokka|PROKKA_01832
Description: ER01570_3B_prokka|PROKKA_01832
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01867
Name: ER01570_3B_prokka|PROKKA_01867
Description: ER01570_3B_prokka|PROKKA_01867
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01919
Name: ER01570_3B_prokka|PROKKA_01919
Description: ER01570_3B_prokka|PROKKA_01919
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01991
Name: ER01570_3B_prokka|PROKKA_01991
Description: ER01570_3B_prokka|PROKKA_01991
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01995
Name: ER01570_3B_prokka|PROKKA_01995
Description: ER01570_3B_prokka|PROKKA_01995
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_02011
Name: ER01570_3B_prokka|PROKKA_02011
Description: ER01570_3B_prokka|PROKKA_02011
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_02031
Name: ER01570_3B_prokka|PROKKA_02031
Description: ER01570_3B_prokka|PROKKA_02031
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_02061
Name: ER01570_3B_prokka|PROKKA_02061
Description: ER01570_3B_prokka|PROKKA_02061
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_02063
Name: ER01570_3B_prokka|PROKKA_02063
Description: ER01570_3B_prokka|PROKKA_02063
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_02112
Name: ER01570_3B_prokka|PROKKA_02112
Description: ER01570_3B_prokka|PROKKA_02112
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_02233
Name: ER01570_3B_prokka|PROKKA_02233
Description: ER01570_3B_prokka|PROKKA_02233
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_02257
Name: ER01570_3B_prokka|PROKKA_02257
Description: ER01570_3B_prokka|PROKKA_02257
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_02288
Name: ER01570_3B_prokka|PROKKA_02288
Description: ER01570_3B_prokka|PROKKA_02288
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_02443
Name: ER01570_3B_prokka|PROKKA_02443
Description: ER01570_3B_prokka|PROKKA_02443
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_02652
Name: ER01570_3B_prokka|PROKKA_02652
Description: ER01570_3B_prokka|PROKKA_02652
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_02739
Name: ER01570_3B_prokka|PROKKA_02739
Description: ER01570_3B_prokka|PROKKA_02739
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00003
Name: ER01689_3B_prokka|PROKKA_00003
Description: ER01689_3B_prokka|PROKKA_00003
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00015
Name: ER01689_3B_prokka|PROKKA_00015
Description: ER01689_3B_prokka|PROKKA_00015
Number of features: 0
Seq('MLNKILLLLLSVTFMLLFFSLHSVSAKPDPRPGELNRVSDYKKKQRYYGEC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00019
Name: ER01689_3B_prokka|PROKKA_00019
Description: ER01689_3B_prokka|PROKKA_00019
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00029
Name: ER01689_3B_prokka|PROKKA_00029
Description: ER01689_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00085
Name: ER01689_3B_prokka|PROKKA_00085
Description: ER01689_3B_prokka|PROKKA_00085
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00094
Name: ER01689_3B_prokka|PROKKA_00094
Description: ER01689_3B_prokka|PROKKA_00094
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00269
Name: ER01689_3B_prokka|PROKKA_00269
Description: ER01689_3B_prokka|PROKKA_00269
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00393
Name: ER01689_3B_prokka|PROKKA_00393
Description: ER01689_3B_prokka|PROKKA_00393
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00410
Name: ER01689_3B_prokka|PROKKA_00410
Description: ER01689_3B_prokka|PROKKA_00410
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00577
Name: ER01689_3B_prokka|PROKKA_00577
Description: ER01689_3B_prokka|PROKKA_00577
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00810
Name: ER01689_3B_prokka|PROKKA_00810
Description: ER01689_3B_prokka|PROKKA_00810
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGEVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00891
Name: ER01689_3B_prokka|PROKKA_00891
Description: ER01689_3B_prokka|PROKKA_00891
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00917
Name: ER01689_3B_prokka|PROKKA_00917
Description: ER01689_3B_prokka|PROKKA_00917
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLVIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01023
Name: ER01689_3B_prokka|PROKKA_01023
Description: ER01689_3B_prokka|PROKKA_01023
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01063
Name: ER01689_3B_prokka|PROKKA_01063
Description: ER01689_3B_prokka|PROKKA_01063
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01143
Name: ER01689_3B_prokka|PROKKA_01143
Description: ER01689_3B_prokka|PROKKA_01143
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01155
Name: ER01689_3B_prokka|PROKKA_01155
Description: ER01689_3B_prokka|PROKKA_01155
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01156
Name: ER01689_3B_prokka|PROKKA_01156
Description: ER01689_3B_prokka|PROKKA_01156
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01291
Name: ER01689_3B_prokka|PROKKA_01291
Description: ER01689_3B_prokka|PROKKA_01291
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01295
Name: ER01689_3B_prokka|PROKKA_01295
Description: ER01689_3B_prokka|PROKKA_01295
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01319
Name: ER01689_3B_prokka|PROKKA_01319
Description: ER01689_3B_prokka|PROKKA_01319
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01426
Name: ER01689_3B_prokka|PROKKA_01426
Description: ER01689_3B_prokka|PROKKA_01426
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01490
Name: ER01689_3B_prokka|PROKKA_01490
Description: ER01689_3B_prokka|PROKKA_01490
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01493
Name: ER01689_3B_prokka|PROKKA_01493
Description: ER01689_3B_prokka|PROKKA_01493
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01528
Name: ER01689_3B_prokka|PROKKA_01528
Description: ER01689_3B_prokka|PROKKA_01528
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01600
Name: ER01689_3B_prokka|PROKKA_01600
Description: ER01689_3B_prokka|PROKKA_01600
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01764
Name: ER01689_3B_prokka|PROKKA_01764
Description: ER01689_3B_prokka|PROKKA_01764
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01779
Name: ER01689_3B_prokka|PROKKA_01779
Description: ER01689_3B_prokka|PROKKA_01779
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01821
Name: ER01689_3B_prokka|PROKKA_01821
Description: ER01689_3B_prokka|PROKKA_01821
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01873
Name: ER01689_3B_prokka|PROKKA_01873
Description: ER01689_3B_prokka|PROKKA_01873
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01945
Name: ER01689_3B_prokka|PROKKA_01945
Description: ER01689_3B_prokka|PROKKA_01945
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01949
Name: ER01689_3B_prokka|PROKKA_01949
Description: ER01689_3B_prokka|PROKKA_01949
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01966
Name: ER01689_3B_prokka|PROKKA_01966
Description: ER01689_3B_prokka|PROKKA_01966
Number of features: 0
Seq('MRIFIYDLIVLLFAFLISIYIIDDGVIINALGIFGMYKIIDSFSENIIKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01967
Name: ER01689_3B_prokka|PROKKA_01967
Description: ER01689_3B_prokka|PROKKA_01967
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEASSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01970
Name: ER01689_3B_prokka|PROKKA_01970
Description: ER01689_3B_prokka|PROKKA_01970
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSENEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01984
Name: ER01689_3B_prokka|PROKKA_01984
Description: ER01689_3B_prokka|PROKKA_01984
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01987
Name: ER01689_3B_prokka|PROKKA_01987
Description: ER01689_3B_prokka|PROKKA_01987
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01994
Name: ER01689_3B_prokka|PROKKA_01994
Description: ER01689_3B_prokka|PROKKA_01994
Number of features: 0
Seq('MNLKEVDINIEEWEMVEIPFYTEEELTYRLKNDLPITKSEFEEQESKNEFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01996
Name: ER01689_3B_prokka|PROKKA_01996
Description: ER01689_3B_prokka|PROKKA_01996
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_02010
Name: ER01689_3B_prokka|PROKKA_02010
Description: ER01689_3B_prokka|PROKKA_02010
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_02012
Name: ER01689_3B_prokka|PROKKA_02012
Description: ER01689_3B_prokka|PROKKA_02012
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_02062
Name: ER01689_3B_prokka|PROKKA_02062
Description: ER01689_3B_prokka|PROKKA_02062
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_02186
Name: ER01689_3B_prokka|PROKKA_02186
Description: ER01689_3B_prokka|PROKKA_02186
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_02199
Name: ER01689_3B_prokka|PROKKA_02199
Description: ER01689_3B_prokka|PROKKA_02199
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_02230
Name: ER01689_3B_prokka|PROKKA_02230
Description: ER01689_3B_prokka|PROKKA_02230
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_02383
Name: ER01689_3B_prokka|PROKKA_02383
Description: ER01689_3B_prokka|PROKKA_02383
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_02447
Name: ER01689_3B_prokka|PROKKA_02447
Description: ER01689_3B_prokka|PROKKA_02447
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_02555
Name: ER01689_3B_prokka|PROKKA_02555
Description: ER01689_3B_prokka|PROKKA_02555
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_02593
Name: ER01689_3B_prokka|PROKKA_02593
Description: ER01689_3B_prokka|PROKKA_02593
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_02677
Name: ER01689_3B_prokka|PROKKA_02677
Description: ER01689_3B_prokka|PROKKA_02677
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00030
Name: ER01719_3B_prokka|PROKKA_00030
Description: ER01719_3B_prokka|PROKKA_00030
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00034
Name: ER01719_3B_prokka|PROKKA_00034
Description: ER01719_3B_prokka|PROKKA_00034
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00043
Name: ER01719_3B_prokka|PROKKA_00043
Description: ER01719_3B_prokka|PROKKA_00043
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00056
Name: ER01719_3B_prokka|PROKKA_00056
Description: ER01719_3B_prokka|PROKKA_00056
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00059
Name: ER01719_3B_prokka|PROKKA_00059
Description: ER01719_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00224
Name: ER01719_3B_prokka|PROKKA_00224
Description: ER01719_3B_prokka|PROKKA_00224
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00320
Name: ER01719_3B_prokka|PROKKA_00320
Description: ER01719_3B_prokka|PROKKA_00320
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00326
Name: ER01719_3B_prokka|PROKKA_00326
Description: ER01719_3B_prokka|PROKKA_00326
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00370
Name: ER01719_3B_prokka|PROKKA_00370
Description: ER01719_3B_prokka|PROKKA_00370
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00388
Name: ER01719_3B_prokka|PROKKA_00388
Description: ER01719_3B_prokka|PROKKA_00388
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00554
Name: ER01719_3B_prokka|PROKKA_00554
Description: ER01719_3B_prokka|PROKKA_00554
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00807
Name: ER01719_3B_prokka|PROKKA_00807
Description: ER01719_3B_prokka|PROKKA_00807
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00819
Name: ER01719_3B_prokka|PROKKA_00819
Description: ER01719_3B_prokka|PROKKA_00819
Number of features: 0
Seq('MKMYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00856
Name: ER01719_3B_prokka|PROKKA_00856
Description: ER01719_3B_prokka|PROKKA_00856
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00964
Name: ER01719_3B_prokka|PROKKA_00964
Description: ER01719_3B_prokka|PROKKA_00964
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01004
Name: ER01719_3B_prokka|PROKKA_01004
Description: ER01719_3B_prokka|PROKKA_01004
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01053
Name: ER01719_3B_prokka|PROKKA_01053
Description: ER01719_3B_prokka|PROKKA_01053
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01061
Name: ER01719_3B_prokka|PROKKA_01061
Description: ER01719_3B_prokka|PROKKA_01061
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01062
Name: ER01719_3B_prokka|PROKKA_01062
Description: ER01719_3B_prokka|PROKKA_01062
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01085
Name: ER01719_3B_prokka|PROKKA_01085
Description: ER01719_3B_prokka|PROKKA_01085
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01115
Name: ER01719_3B_prokka|PROKKA_01115
Description: ER01719_3B_prokka|PROKKA_01115
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01116
Name: ER01719_3B_prokka|PROKKA_01116
Description: ER01719_3B_prokka|PROKKA_01116
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01151
Name: ER01719_3B_prokka|PROKKA_01151
Description: ER01719_3B_prokka|PROKKA_01151
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01163
Name: ER01719_3B_prokka|PROKKA_01163
Description: ER01719_3B_prokka|PROKKA_01163
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01164
Name: ER01719_3B_prokka|PROKKA_01164
Description: ER01719_3B_prokka|PROKKA_01164
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01299
Name: ER01719_3B_prokka|PROKKA_01299
Description: ER01719_3B_prokka|PROKKA_01299
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01303
Name: ER01719_3B_prokka|PROKKA_01303
Description: ER01719_3B_prokka|PROKKA_01303
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01327
Name: ER01719_3B_prokka|PROKKA_01327
Description: ER01719_3B_prokka|PROKKA_01327
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01422
Name: ER01719_3B_prokka|PROKKA_01422
Description: ER01719_3B_prokka|PROKKA_01422
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01434
Name: ER01719_3B_prokka|PROKKA_01434
Description: ER01719_3B_prokka|PROKKA_01434
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01499
Name: ER01719_3B_prokka|PROKKA_01499
Description: ER01719_3B_prokka|PROKKA_01499
Number of features: 0
Seq('MNLGNVKETISIIYLIEIVSFLMYLSKFSTHDIFNDFLSLVKLKFSTFIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01502
Name: ER01719_3B_prokka|PROKKA_01502
Description: ER01719_3B_prokka|PROKKA_01502
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01505
Name: ER01719_3B_prokka|PROKKA_01505
Description: ER01719_3B_prokka|PROKKA_01505
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01540
Name: ER01719_3B_prokka|PROKKA_01540
Description: ER01719_3B_prokka|PROKKA_01540
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01613
Name: ER01719_3B_prokka|PROKKA_01613
Description: ER01719_3B_prokka|PROKKA_01613
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01776
Name: ER01719_3B_prokka|PROKKA_01776
Description: ER01719_3B_prokka|PROKKA_01776
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01791
Name: ER01719_3B_prokka|PROKKA_01791
Description: ER01719_3B_prokka|PROKKA_01791
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01833
Name: ER01719_3B_prokka|PROKKA_01833
Description: ER01719_3B_prokka|PROKKA_01833
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01885
Name: ER01719_3B_prokka|PROKKA_01885
Description: ER01719_3B_prokka|PROKKA_01885
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01960
Name: ER01719_3B_prokka|PROKKA_01960
Description: ER01719_3B_prokka|PROKKA_01960
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01964
Name: ER01719_3B_prokka|PROKKA_01964
Description: ER01719_3B_prokka|PROKKA_01964
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01980
Name: ER01719_3B_prokka|PROKKA_01980
Description: ER01719_3B_prokka|PROKKA_01980
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01998
Name: ER01719_3B_prokka|PROKKA_01998
Description: ER01719_3B_prokka|PROKKA_01998
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02037
Name: ER01719_3B_prokka|PROKKA_02037
Description: ER01719_3B_prokka|PROKKA_02037
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02048
Name: ER01719_3B_prokka|PROKKA_02048
Description: ER01719_3B_prokka|PROKKA_02048
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02050
Name: ER01719_3B_prokka|PROKKA_02050
Description: ER01719_3B_prokka|PROKKA_02050
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02100
Name: ER01719_3B_prokka|PROKKA_02100
Description: ER01719_3B_prokka|PROKKA_02100
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02226
Name: ER01719_3B_prokka|PROKKA_02226
Description: ER01719_3B_prokka|PROKKA_02226
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02239
Name: ER01719_3B_prokka|PROKKA_02239
Description: ER01719_3B_prokka|PROKKA_02239
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02270
Name: ER01719_3B_prokka|PROKKA_02270
Description: ER01719_3B_prokka|PROKKA_02270
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02424
Name: ER01719_3B_prokka|PROKKA_02424
Description: ER01719_3B_prokka|PROKKA_02424
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02488
Name: ER01719_3B_prokka|PROKKA_02488
Description: ER01719_3B_prokka|PROKKA_02488
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02609
Name: ER01719_3B_prokka|PROKKA_02609
Description: ER01719_3B_prokka|PROKKA_02609
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02622
Name: ER01719_3B_prokka|PROKKA_02622
Description: ER01719_3B_prokka|PROKKA_02622
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02624
Name: ER01719_3B_prokka|PROKKA_02624
Description: ER01719_3B_prokka|PROKKA_02624
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02627
Name: ER01719_3B_prokka|PROKKA_02627
Description: ER01719_3B_prokka|PROKKA_02627
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02634
Name: ER01719_3B_prokka|PROKKA_02634
Description: ER01719_3B_prokka|PROKKA_02634
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02672
Name: ER01719_3B_prokka|PROKKA_02672
Description: ER01719_3B_prokka|PROKKA_02672
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02756
Name: ER01719_3B_prokka|PROKKA_02756
Description: ER01719_3B_prokka|PROKKA_02756
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02776
Name: ER01719_3B_prokka|PROKKA_02776
Description: ER01719_3B_prokka|PROKKA_02776
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00029
Name: ER01746_3B_prokka|PROKKA_00029
Description: ER01746_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00038
Name: ER01746_3B_prokka|PROKKA_00038
Description: ER01746_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00059
Name: ER01746_3B_prokka|PROKKA_00059
Description: ER01746_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00149
Name: ER01746_3B_prokka|PROKKA_00149
Description: ER01746_3B_prokka|PROKKA_00149
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00247
Name: ER01746_3B_prokka|PROKKA_00247
Description: ER01746_3B_prokka|PROKKA_00247
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00299
Name: ER01746_3B_prokka|PROKKA_00299
Description: ER01746_3B_prokka|PROKKA_00299
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00397
Name: ER01746_3B_prokka|PROKKA_00397
Description: ER01746_3B_prokka|PROKKA_00397
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00435
Name: ER01746_3B_prokka|PROKKA_00435
Description: ER01746_3B_prokka|PROKKA_00435
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00565
Name: ER01746_3B_prokka|PROKKA_00565
Description: ER01746_3B_prokka|PROKKA_00565
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00601
Name: ER01746_3B_prokka|PROKKA_00601
Description: ER01746_3B_prokka|PROKKA_00601
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00819
Name: ER01746_3B_prokka|PROKKA_00819
Description: ER01746_3B_prokka|PROKKA_00819
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00863
Name: ER01746_3B_prokka|PROKKA_00863
Description: ER01746_3B_prokka|PROKKA_00863
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00971
Name: ER01746_3B_prokka|PROKKA_00971
Description: ER01746_3B_prokka|PROKKA_00971
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01010
Name: ER01746_3B_prokka|PROKKA_01010
Description: ER01746_3B_prokka|PROKKA_01010
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01090
Name: ER01746_3B_prokka|PROKKA_01090
Description: ER01746_3B_prokka|PROKKA_01090
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01103
Name: ER01746_3B_prokka|PROKKA_01103
Description: ER01746_3B_prokka|PROKKA_01103
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01104
Name: ER01746_3B_prokka|PROKKA_01104
Description: ER01746_3B_prokka|PROKKA_01104
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01239
Name: ER01746_3B_prokka|PROKKA_01239
Description: ER01746_3B_prokka|PROKKA_01239
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01243
Name: ER01746_3B_prokka|PROKKA_01243
Description: ER01746_3B_prokka|PROKKA_01243
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01247
Name: ER01746_3B_prokka|PROKKA_01247
Description: ER01746_3B_prokka|PROKKA_01247
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01249
Name: ER01746_3B_prokka|PROKKA_01249
Description: ER01746_3B_prokka|PROKKA_01249
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01273
Name: ER01746_3B_prokka|PROKKA_01273
Description: ER01746_3B_prokka|PROKKA_01273
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01368
Name: ER01746_3B_prokka|PROKKA_01368
Description: ER01746_3B_prokka|PROKKA_01368
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01380
Name: ER01746_3B_prokka|PROKKA_01380
Description: ER01746_3B_prokka|PROKKA_01380
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01430
Name: ER01746_3B_prokka|PROKKA_01430
Description: ER01746_3B_prokka|PROKKA_01430
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01438
Name: ER01746_3B_prokka|PROKKA_01438
Description: ER01746_3B_prokka|PROKKA_01438
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01458
Name: ER01746_3B_prokka|PROKKA_01458
Description: ER01746_3B_prokka|PROKKA_01458
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01486
Name: ER01746_3B_prokka|PROKKA_01486
Description: ER01746_3B_prokka|PROKKA_01486
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01513
Name: ER01746_3B_prokka|PROKKA_01513
Description: ER01746_3B_prokka|PROKKA_01513
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01550
Name: ER01746_3B_prokka|PROKKA_01550
Description: ER01746_3B_prokka|PROKKA_01550
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01621
Name: ER01746_3B_prokka|PROKKA_01621
Description: ER01746_3B_prokka|PROKKA_01621
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01786
Name: ER01746_3B_prokka|PROKKA_01786
Description: ER01746_3B_prokka|PROKKA_01786
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01793
Name: ER01746_3B_prokka|PROKKA_01793
Description: ER01746_3B_prokka|PROKKA_01793
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01810
Name: ER01746_3B_prokka|PROKKA_01810
Description: ER01746_3B_prokka|PROKKA_01810
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01845
Name: ER01746_3B_prokka|PROKKA_01845
Description: ER01746_3B_prokka|PROKKA_01845
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01897
Name: ER01746_3B_prokka|PROKKA_01897
Description: ER01746_3B_prokka|PROKKA_01897
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01976
Name: ER01746_3B_prokka|PROKKA_01976
Description: ER01746_3B_prokka|PROKKA_01976
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01978
Name: ER01746_3B_prokka|PROKKA_01978
Description: ER01746_3B_prokka|PROKKA_01978
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_02027
Name: ER01746_3B_prokka|PROKKA_02027
Description: ER01746_3B_prokka|PROKKA_02027
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_02147
Name: ER01746_3B_prokka|PROKKA_02147
Description: ER01746_3B_prokka|PROKKA_02147
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_02171
Name: ER01746_3B_prokka|PROKKA_02171
Description: ER01746_3B_prokka|PROKKA_02171
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_02202
Name: ER01746_3B_prokka|PROKKA_02202
Description: ER01746_3B_prokka|PROKKA_02202
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_02217
Name: ER01746_3B_prokka|PROKKA_02217
Description: ER01746_3B_prokka|PROKKA_02217
Number of features: 0
Seq('MVVEKRNPIPVKEAIQRIVNQQSSMPAITVALEKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_02298
Name: ER01746_3B_prokka|PROKKA_02298
Description: ER01746_3B_prokka|PROKKA_02298
Number of features: 0
Seq('MMISSPQIIDAEKHGDKITATVRLINENGKQVDKEYELEQGSQDRLQLIKTSEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_02359
Name: ER01746_3B_prokka|PROKKA_02359
Description: ER01746_3B_prokka|PROKKA_02359
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_02570
Name: ER01746_3B_prokka|PROKKA_02570
Description: ER01746_3B_prokka|PROKKA_02570
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_02657
Name: ER01746_3B_prokka|PROKKA_02657
Description: ER01746_3B_prokka|PROKKA_02657
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00079
Name: ER01776_3B_prokka|PROKKA_00079
Description: ER01776_3B_prokka|PROKKA_00079
Number of features: 0
Seq('MHFLKEGDLTIYFYIWNKKEYLTSDLFDLTESEKQEINHQVIDEIEEEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00080
Name: ER01776_3B_prokka|PROKKA_00080
Description: ER01776_3B_prokka|PROKKA_00080
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00089
Name: ER01776_3B_prokka|PROKKA_00089
Description: ER01776_3B_prokka|PROKKA_00089
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00098
Name: ER01776_3B_prokka|PROKKA_00098
Description: ER01776_3B_prokka|PROKKA_00098
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00262
Name: ER01776_3B_prokka|PROKKA_00262
Description: ER01776_3B_prokka|PROKKA_00262
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00316
Name: ER01776_3B_prokka|PROKKA_00316
Description: ER01776_3B_prokka|PROKKA_00316
Number of features: 0
Seq('MEKIKKINKIFLSFEVIPFAMMILLAFPPSN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00401
Name: ER01776_3B_prokka|PROKKA_00401
Description: ER01776_3B_prokka|PROKKA_00401
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAQMMTLAKLISHF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00420
Name: ER01776_3B_prokka|PROKKA_00420
Description: ER01776_3B_prokka|PROKKA_00420
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00580
Name: ER01776_3B_prokka|PROKKA_00580
Description: ER01776_3B_prokka|PROKKA_00580
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00616
Name: ER01776_3B_prokka|PROKKA_00616
Description: ER01776_3B_prokka|PROKKA_00616
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00797
Name: ER01776_3B_prokka|PROKKA_00797
Description: ER01776_3B_prokka|PROKKA_00797
Number of features: 0
Seq('MEEREISDYELIFESSTLNWTNSMRIDIVNLRK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00798
Name: ER01776_3B_prokka|PROKKA_00798
Description: ER01776_3B_prokka|PROKKA_00798
Number of features: 0
Seq('MVRLYENGKPRNEILREYDLTPSTIGKWIKHHQNTGHSIIKITYQMKKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00834
Name: ER01776_3B_prokka|PROKKA_00834
Description: ER01776_3B_prokka|PROKKA_00834
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00860
Name: ER01776_3B_prokka|PROKKA_00860
Description: ER01776_3B_prokka|PROKKA_00860
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00962
Name: ER01776_3B_prokka|PROKKA_00962
Description: ER01776_3B_prokka|PROKKA_00962
Number of features: 0
Seq('MRQFIKRIIKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01001
Name: ER01776_3B_prokka|PROKKA_01001
Description: ER01776_3B_prokka|PROKKA_01001
Number of features: 0
Seq('MRRAHEKKPLTTKSCKVKEGYMRRAQAKRPLTTKSCKVKEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01002
Name: ER01776_3B_prokka|PROKKA_01002
Description: ER01776_3B_prokka|PROKKA_01002
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01093
Name: ER01776_3B_prokka|PROKKA_01093
Description: ER01776_3B_prokka|PROKKA_01093
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01094
Name: ER01776_3B_prokka|PROKKA_01094
Description: ER01776_3B_prokka|PROKKA_01094
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01245
Name: ER01776_3B_prokka|PROKKA_01245
Description: ER01776_3B_prokka|PROKKA_01245
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01250
Name: ER01776_3B_prokka|PROKKA_01250
Description: ER01776_3B_prokka|PROKKA_01250
Number of features: 0
Seq('MAIFKYIEKKGYEGKYTILREYCKNKIQNETKKITFF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01257
Name: ER01776_3B_prokka|PROKKA_01257
Description: ER01776_3B_prokka|PROKKA_01257
Number of features: 0
Seq('MSIQQLDGYISIEDFFKHMDELSKKEELEKEINQSKSKYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01279
Name: ER01776_3B_prokka|PROKKA_01279
Description: ER01776_3B_prokka|PROKKA_01279
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01384
Name: ER01776_3B_prokka|PROKKA_01384
Description: ER01776_3B_prokka|PROKKA_01384
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01424
Name: ER01776_3B_prokka|PROKKA_01424
Description: ER01776_3B_prokka|PROKKA_01424
Number of features: 0
Seq('MNKINDRDLTELSSYRVYQDINKDNDFTVNEKRFKQADVFEDLYREKL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01450
Name: ER01776_3B_prokka|PROKKA_01450
Description: ER01776_3B_prokka|PROKKA_01450
Number of features: 0
Seq('MNLGNVKETISIIYLIEIVSFLMYLSKFTTHDIFNDFLSLVKLKFLTFIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01453
Name: ER01776_3B_prokka|PROKKA_01453
Description: ER01776_3B_prokka|PROKKA_01453
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01490
Name: ER01776_3B_prokka|PROKKA_01490
Description: ER01776_3B_prokka|PROKKA_01490
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01561
Name: ER01776_3B_prokka|PROKKA_01561
Description: ER01776_3B_prokka|PROKKA_01561
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01729
Name: ER01776_3B_prokka|PROKKA_01729
Description: ER01776_3B_prokka|PROKKA_01729
Number of features: 0
Seq('MKKKYILIIVSVILIGMIVIAYAHNKQKKRPLH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01780
Name: ER01776_3B_prokka|PROKKA_01780
Description: ER01776_3B_prokka|PROKKA_01780
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01831
Name: ER01776_3B_prokka|PROKKA_01831
Description: ER01776_3B_prokka|PROKKA_01831
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01903
Name: ER01776_3B_prokka|PROKKA_01903
Description: ER01776_3B_prokka|PROKKA_01903
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01913
Name: ER01776_3B_prokka|PROKKA_01913
Description: ER01776_3B_prokka|PROKKA_01913
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01925
Name: ER01776_3B_prokka|PROKKA_01925
Description: ER01776_3B_prokka|PROKKA_01925
Number of features: 0
Seq('MRIFIYDLIVLLFAFLISIYIIDDGVIINALGIFGMYKIIDSFSENIIKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01926
Name: ER01776_3B_prokka|PROKKA_01926
Description: ER01776_3B_prokka|PROKKA_01926
Number of features: 0
Seq('MIKQIVRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01931
Name: ER01776_3B_prokka|PROKKA_01931
Description: ER01776_3B_prokka|PROKKA_01931
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSENEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01946
Name: ER01776_3B_prokka|PROKKA_01946
Description: ER01776_3B_prokka|PROKKA_01946
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01956
Name: ER01776_3B_prokka|PROKKA_01956
Description: ER01776_3B_prokka|PROKKA_01956
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01958
Name: ER01776_3B_prokka|PROKKA_01958
Description: ER01776_3B_prokka|PROKKA_01958
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01974
Name: ER01776_3B_prokka|PROKKA_01974
Description: ER01776_3B_prokka|PROKKA_01974
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01976
Name: ER01776_3B_prokka|PROKKA_01976
Description: ER01776_3B_prokka|PROKKA_01976
Number of features: 0
Seq('MKKLLNKVIELLVDFFNSIGYRAAYINCDFLLDEAEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_02025
Name: ER01776_3B_prokka|PROKKA_02025
Description: ER01776_3B_prokka|PROKKA_02025
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_02156
Name: ER01776_3B_prokka|PROKKA_02156
Description: ER01776_3B_prokka|PROKKA_02156
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_02187
Name: ER01776_3B_prokka|PROKKA_02187
Description: ER01776_3B_prokka|PROKKA_02187
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_02343
Name: ER01776_3B_prokka|PROKKA_02343
Description: ER01776_3B_prokka|PROKKA_02343
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_02408
Name: ER01776_3B_prokka|PROKKA_02408
Description: ER01776_3B_prokka|PROKKA_02408
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_02568
Name: ER01776_3B_prokka|PROKKA_02568
Description: ER01776_3B_prokka|PROKKA_02568
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_02655
Name: ER01776_3B_prokka|PROKKA_02655
Description: ER01776_3B_prokka|PROKKA_02655
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00029
Name: ER01803_3B_prokka|PROKKA_00029
Description: ER01803_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00038
Name: ER01803_3B_prokka|PROKKA_00038
Description: ER01803_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00059
Name: ER01803_3B_prokka|PROKKA_00059
Description: ER01803_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00148
Name: ER01803_3B_prokka|PROKKA_00148
Description: ER01803_3B_prokka|PROKKA_00148
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00247
Name: ER01803_3B_prokka|PROKKA_00247
Description: ER01803_3B_prokka|PROKKA_00247
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00299
Name: ER01803_3B_prokka|PROKKA_00299
Description: ER01803_3B_prokka|PROKKA_00299
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00397
Name: ER01803_3B_prokka|PROKKA_00397
Description: ER01803_3B_prokka|PROKKA_00397
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00435
Name: ER01803_3B_prokka|PROKKA_00435
Description: ER01803_3B_prokka|PROKKA_00435
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00565
Name: ER01803_3B_prokka|PROKKA_00565
Description: ER01803_3B_prokka|PROKKA_00565
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00588
Name: ER01803_3B_prokka|PROKKA_00588
Description: ER01803_3B_prokka|PROKKA_00588
Number of features: 0
Seq('MPPHIQQMLFDFALERGYIDMIIKMKEEENAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00599
Name: ER01803_3B_prokka|PROKKA_00599
Description: ER01803_3B_prokka|PROKKA_00599
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00614
Name: ER01803_3B_prokka|PROKKA_00614
Description: ER01803_3B_prokka|PROKKA_00614
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00667
Name: ER01803_3B_prokka|PROKKA_00667
Description: ER01803_3B_prokka|PROKKA_00667
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00885
Name: ER01803_3B_prokka|PROKKA_00885
Description: ER01803_3B_prokka|PROKKA_00885
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00929
Name: ER01803_3B_prokka|PROKKA_00929
Description: ER01803_3B_prokka|PROKKA_00929
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01037
Name: ER01803_3B_prokka|PROKKA_01037
Description: ER01803_3B_prokka|PROKKA_01037
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01076
Name: ER01803_3B_prokka|PROKKA_01076
Description: ER01803_3B_prokka|PROKKA_01076
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01156
Name: ER01803_3B_prokka|PROKKA_01156
Description: ER01803_3B_prokka|PROKKA_01156
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01169
Name: ER01803_3B_prokka|PROKKA_01169
Description: ER01803_3B_prokka|PROKKA_01169
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01170
Name: ER01803_3B_prokka|PROKKA_01170
Description: ER01803_3B_prokka|PROKKA_01170
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01305
Name: ER01803_3B_prokka|PROKKA_01305
Description: ER01803_3B_prokka|PROKKA_01305
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01309
Name: ER01803_3B_prokka|PROKKA_01309
Description: ER01803_3B_prokka|PROKKA_01309
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01313
Name: ER01803_3B_prokka|PROKKA_01313
Description: ER01803_3B_prokka|PROKKA_01313
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01315
Name: ER01803_3B_prokka|PROKKA_01315
Description: ER01803_3B_prokka|PROKKA_01315
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01339
Name: ER01803_3B_prokka|PROKKA_01339
Description: ER01803_3B_prokka|PROKKA_01339
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01434
Name: ER01803_3B_prokka|PROKKA_01434
Description: ER01803_3B_prokka|PROKKA_01434
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01446
Name: ER01803_3B_prokka|PROKKA_01446
Description: ER01803_3B_prokka|PROKKA_01446
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01494
Name: ER01803_3B_prokka|PROKKA_01494
Description: ER01803_3B_prokka|PROKKA_01494
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01503
Name: ER01803_3B_prokka|PROKKA_01503
Description: ER01803_3B_prokka|PROKKA_01503
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01523
Name: ER01803_3B_prokka|PROKKA_01523
Description: ER01803_3B_prokka|PROKKA_01523
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01551
Name: ER01803_3B_prokka|PROKKA_01551
Description: ER01803_3B_prokka|PROKKA_01551
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01578
Name: ER01803_3B_prokka|PROKKA_01578
Description: ER01803_3B_prokka|PROKKA_01578
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01615
Name: ER01803_3B_prokka|PROKKA_01615
Description: ER01803_3B_prokka|PROKKA_01615
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01686
Name: ER01803_3B_prokka|PROKKA_01686
Description: ER01803_3B_prokka|PROKKA_01686
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01851
Name: ER01803_3B_prokka|PROKKA_01851
Description: ER01803_3B_prokka|PROKKA_01851
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01858
Name: ER01803_3B_prokka|PROKKA_01858
Description: ER01803_3B_prokka|PROKKA_01858
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01877
Name: ER01803_3B_prokka|PROKKA_01877
Description: ER01803_3B_prokka|PROKKA_01877
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01912
Name: ER01803_3B_prokka|PROKKA_01912
Description: ER01803_3B_prokka|PROKKA_01912
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01964
Name: ER01803_3B_prokka|PROKKA_01964
Description: ER01803_3B_prokka|PROKKA_01964
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02036
Name: ER01803_3B_prokka|PROKKA_02036
Description: ER01803_3B_prokka|PROKKA_02036
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02040
Name: ER01803_3B_prokka|PROKKA_02040
Description: ER01803_3B_prokka|PROKKA_02040
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02056
Name: ER01803_3B_prokka|PROKKA_02056
Description: ER01803_3B_prokka|PROKKA_02056
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02076
Name: ER01803_3B_prokka|PROKKA_02076
Description: ER01803_3B_prokka|PROKKA_02076
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02106
Name: ER01803_3B_prokka|PROKKA_02106
Description: ER01803_3B_prokka|PROKKA_02106
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02108
Name: ER01803_3B_prokka|PROKKA_02108
Description: ER01803_3B_prokka|PROKKA_02108
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02157
Name: ER01803_3B_prokka|PROKKA_02157
Description: ER01803_3B_prokka|PROKKA_02157
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02277
Name: ER01803_3B_prokka|PROKKA_02277
Description: ER01803_3B_prokka|PROKKA_02277
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02301
Name: ER01803_3B_prokka|PROKKA_02301
Description: ER01803_3B_prokka|PROKKA_02301
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02332
Name: ER01803_3B_prokka|PROKKA_02332
Description: ER01803_3B_prokka|PROKKA_02332
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02487
Name: ER01803_3B_prokka|PROKKA_02487
Description: ER01803_3B_prokka|PROKKA_02487
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02696
Name: ER01803_3B_prokka|PROKKA_02696
Description: ER01803_3B_prokka|PROKKA_02696
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02783
Name: ER01803_3B_prokka|PROKKA_02783
Description: ER01803_3B_prokka|PROKKA_02783
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02797
Name: ER01803_3B_prokka|PROKKA_02797
Description: ER01803_3B_prokka|PROKKA_02797
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00030
Name: ER01817_3B_prokka|PROKKA_00030
Description: ER01817_3B_prokka|PROKKA_00030
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00061
Name: ER01817_3B_prokka|PROKKA_00061
Description: ER01817_3B_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00070
Name: ER01817_3B_prokka|PROKKA_00070
Description: ER01817_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00091
Name: ER01817_3B_prokka|PROKKA_00091
Description: ER01817_3B_prokka|PROKKA_00091
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00180
Name: ER01817_3B_prokka|PROKKA_00180
Description: ER01817_3B_prokka|PROKKA_00180
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00278
Name: ER01817_3B_prokka|PROKKA_00278
Description: ER01817_3B_prokka|PROKKA_00278
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00330
Name: ER01817_3B_prokka|PROKKA_00330
Description: ER01817_3B_prokka|PROKKA_00330
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00338
Name: ER01817_3B_prokka|PROKKA_00338
Description: ER01817_3B_prokka|PROKKA_00338
Number of features: 0
Seq('MTFEEKLSQMYNEIANEISGMIPVEWEKVYTIAYVDDEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00429
Name: ER01817_3B_prokka|PROKKA_00429
Description: ER01817_3B_prokka|PROKKA_00429
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00466
Name: ER01817_3B_prokka|PROKKA_00466
Description: ER01817_3B_prokka|PROKKA_00466
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00596
Name: ER01817_3B_prokka|PROKKA_00596
Description: ER01817_3B_prokka|PROKKA_00596
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00632
Name: ER01817_3B_prokka|PROKKA_00632
Description: ER01817_3B_prokka|PROKKA_00632
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00852
Name: ER01817_3B_prokka|PROKKA_00852
Description: ER01817_3B_prokka|PROKKA_00852
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00893
Name: ER01817_3B_prokka|PROKKA_00893
Description: ER01817_3B_prokka|PROKKA_00893
Number of features: 0
Seq('MSNIYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00900
Name: ER01817_3B_prokka|PROKKA_00900
Description: ER01817_3B_prokka|PROKKA_00900
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRNAMHAVKVEKILKSPFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00904
Name: ER01817_3B_prokka|PROKKA_00904
Description: ER01817_3B_prokka|PROKKA_00904
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00918
Name: ER01817_3B_prokka|PROKKA_00918
Description: ER01817_3B_prokka|PROKKA_00918
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGEVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00962
Name: ER01817_3B_prokka|PROKKA_00962
Description: ER01817_3B_prokka|PROKKA_00962
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01070
Name: ER01817_3B_prokka|PROKKA_01070
Description: ER01817_3B_prokka|PROKKA_01070
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01109
Name: ER01817_3B_prokka|PROKKA_01109
Description: ER01817_3B_prokka|PROKKA_01109
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01189
Name: ER01817_3B_prokka|PROKKA_01189
Description: ER01817_3B_prokka|PROKKA_01189
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01202
Name: ER01817_3B_prokka|PROKKA_01202
Description: ER01817_3B_prokka|PROKKA_01202
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01203
Name: ER01817_3B_prokka|PROKKA_01203
Description: ER01817_3B_prokka|PROKKA_01203
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01338
Name: ER01817_3B_prokka|PROKKA_01338
Description: ER01817_3B_prokka|PROKKA_01338
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01342
Name: ER01817_3B_prokka|PROKKA_01342
Description: ER01817_3B_prokka|PROKKA_01342
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01346
Name: ER01817_3B_prokka|PROKKA_01346
Description: ER01817_3B_prokka|PROKKA_01346
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01348
Name: ER01817_3B_prokka|PROKKA_01348
Description: ER01817_3B_prokka|PROKKA_01348
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01372
Name: ER01817_3B_prokka|PROKKA_01372
Description: ER01817_3B_prokka|PROKKA_01372
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01467
Name: ER01817_3B_prokka|PROKKA_01467
Description: ER01817_3B_prokka|PROKKA_01467
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01479
Name: ER01817_3B_prokka|PROKKA_01479
Description: ER01817_3B_prokka|PROKKA_01479
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01527
Name: ER01817_3B_prokka|PROKKA_01527
Description: ER01817_3B_prokka|PROKKA_01527
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01535
Name: ER01817_3B_prokka|PROKKA_01535
Description: ER01817_3B_prokka|PROKKA_01535
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01555
Name: ER01817_3B_prokka|PROKKA_01555
Description: ER01817_3B_prokka|PROKKA_01555
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01583
Name: ER01817_3B_prokka|PROKKA_01583
Description: ER01817_3B_prokka|PROKKA_01583
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01610
Name: ER01817_3B_prokka|PROKKA_01610
Description: ER01817_3B_prokka|PROKKA_01610
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01647
Name: ER01817_3B_prokka|PROKKA_01647
Description: ER01817_3B_prokka|PROKKA_01647
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01718
Name: ER01817_3B_prokka|PROKKA_01718
Description: ER01817_3B_prokka|PROKKA_01718
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01883
Name: ER01817_3B_prokka|PROKKA_01883
Description: ER01817_3B_prokka|PROKKA_01883
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01890
Name: ER01817_3B_prokka|PROKKA_01890
Description: ER01817_3B_prokka|PROKKA_01890
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01909
Name: ER01817_3B_prokka|PROKKA_01909
Description: ER01817_3B_prokka|PROKKA_01909
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01944
Name: ER01817_3B_prokka|PROKKA_01944
Description: ER01817_3B_prokka|PROKKA_01944
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01996
Name: ER01817_3B_prokka|PROKKA_01996
Description: ER01817_3B_prokka|PROKKA_01996
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02068
Name: ER01817_3B_prokka|PROKKA_02068
Description: ER01817_3B_prokka|PROKKA_02068
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02072
Name: ER01817_3B_prokka|PROKKA_02072
Description: ER01817_3B_prokka|PROKKA_02072
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02088
Name: ER01817_3B_prokka|PROKKA_02088
Description: ER01817_3B_prokka|PROKKA_02088
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02108
Name: ER01817_3B_prokka|PROKKA_02108
Description: ER01817_3B_prokka|PROKKA_02108
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02138
Name: ER01817_3B_prokka|PROKKA_02138
Description: ER01817_3B_prokka|PROKKA_02138
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02140
Name: ER01817_3B_prokka|PROKKA_02140
Description: ER01817_3B_prokka|PROKKA_02140
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02189
Name: ER01817_3B_prokka|PROKKA_02189
Description: ER01817_3B_prokka|PROKKA_02189
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02309
Name: ER01817_3B_prokka|PROKKA_02309
Description: ER01817_3B_prokka|PROKKA_02309
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02333
Name: ER01817_3B_prokka|PROKKA_02333
Description: ER01817_3B_prokka|PROKKA_02333
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02364
Name: ER01817_3B_prokka|PROKKA_02364
Description: ER01817_3B_prokka|PROKKA_02364
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02520
Name: ER01817_3B_prokka|PROKKA_02520
Description: ER01817_3B_prokka|PROKKA_02520
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02729
Name: ER01817_3B_prokka|PROKKA_02729
Description: ER01817_3B_prokka|PROKKA_02729
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02816
Name: ER01817_3B_prokka|PROKKA_02816
Description: ER01817_3B_prokka|PROKKA_02816
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00056
Name: ER01823_3B_prokka|PROKKA_00056
Description: ER01823_3B_prokka|PROKKA_00056
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00074
Name: ER01823_3B_prokka|PROKKA_00074
Description: ER01823_3B_prokka|PROKKA_00074
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00240
Name: ER01823_3B_prokka|PROKKA_00240
Description: ER01823_3B_prokka|PROKKA_00240
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00365
Name: ER01823_3B_prokka|PROKKA_00365
Description: ER01823_3B_prokka|PROKKA_00365
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00382
Name: ER01823_3B_prokka|PROKKA_00382
Description: ER01823_3B_prokka|PROKKA_00382
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00547
Name: ER01823_3B_prokka|PROKKA_00547
Description: ER01823_3B_prokka|PROKKA_00547
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00776
Name: ER01823_3B_prokka|PROKKA_00776
Description: ER01823_3B_prokka|PROKKA_00776
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00807
Name: ER01823_3B_prokka|PROKKA_00807
Description: ER01823_3B_prokka|PROKKA_00807
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00811
Name: ER01823_3B_prokka|PROKKA_00811
Description: ER01823_3B_prokka|PROKKA_00811
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00827
Name: ER01823_3B_prokka|PROKKA_00827
Description: ER01823_3B_prokka|PROKKA_00827
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00858
Name: ER01823_3B_prokka|PROKKA_00858
Description: ER01823_3B_prokka|PROKKA_00858
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00859
Name: ER01823_3B_prokka|PROKKA_00859
Description: ER01823_3B_prokka|PROKKA_00859
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00874
Name: ER01823_3B_prokka|PROKKA_00874
Description: ER01823_3B_prokka|PROKKA_00874
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00979
Name: ER01823_3B_prokka|PROKKA_00979
Description: ER01823_3B_prokka|PROKKA_00979
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01018
Name: ER01823_3B_prokka|PROKKA_01018
Description: ER01823_3B_prokka|PROKKA_01018
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01019
Name: ER01823_3B_prokka|PROKKA_01019
Description: ER01823_3B_prokka|PROKKA_01019
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01101
Name: ER01823_3B_prokka|PROKKA_01101
Description: ER01823_3B_prokka|PROKKA_01101
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01113
Name: ER01823_3B_prokka|PROKKA_01113
Description: ER01823_3B_prokka|PROKKA_01113
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01114
Name: ER01823_3B_prokka|PROKKA_01114
Description: ER01823_3B_prokka|PROKKA_01114
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01250
Name: ER01823_3B_prokka|PROKKA_01250
Description: ER01823_3B_prokka|PROKKA_01250
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01254
Name: ER01823_3B_prokka|PROKKA_01254
Description: ER01823_3B_prokka|PROKKA_01254
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01278
Name: ER01823_3B_prokka|PROKKA_01278
Description: ER01823_3B_prokka|PROKKA_01278
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01371
Name: ER01823_3B_prokka|PROKKA_01371
Description: ER01823_3B_prokka|PROKKA_01371
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01383
Name: ER01823_3B_prokka|PROKKA_01383
Description: ER01823_3B_prokka|PROKKA_01383
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01430
Name: ER01823_3B_prokka|PROKKA_01430
Description: ER01823_3B_prokka|PROKKA_01430
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01438
Name: ER01823_3B_prokka|PROKKA_01438
Description: ER01823_3B_prokka|PROKKA_01438
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01457
Name: ER01823_3B_prokka|PROKKA_01457
Description: ER01823_3B_prokka|PROKKA_01457
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01472
Name: ER01823_3B_prokka|PROKKA_01472
Description: ER01823_3B_prokka|PROKKA_01472
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01480
Name: ER01823_3B_prokka|PROKKA_01480
Description: ER01823_3B_prokka|PROKKA_01480
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01485
Name: ER01823_3B_prokka|PROKKA_01485
Description: ER01823_3B_prokka|PROKKA_01485
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01512
Name: ER01823_3B_prokka|PROKKA_01512
Description: ER01823_3B_prokka|PROKKA_01512
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01515
Name: ER01823_3B_prokka|PROKKA_01515
Description: ER01823_3B_prokka|PROKKA_01515
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01551
Name: ER01823_3B_prokka|PROKKA_01551
Description: ER01823_3B_prokka|PROKKA_01551
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01624
Name: ER01823_3B_prokka|PROKKA_01624
Description: ER01823_3B_prokka|PROKKA_01624
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01794
Name: ER01823_3B_prokka|PROKKA_01794
Description: ER01823_3B_prokka|PROKKA_01794
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01808
Name: ER01823_3B_prokka|PROKKA_01808
Description: ER01823_3B_prokka|PROKKA_01808
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01850
Name: ER01823_3B_prokka|PROKKA_01850
Description: ER01823_3B_prokka|PROKKA_01850
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01902
Name: ER01823_3B_prokka|PROKKA_01902
Description: ER01823_3B_prokka|PROKKA_01902
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01974
Name: ER01823_3B_prokka|PROKKA_01974
Description: ER01823_3B_prokka|PROKKA_01974
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01978
Name: ER01823_3B_prokka|PROKKA_01978
Description: ER01823_3B_prokka|PROKKA_01978
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01994
Name: ER01823_3B_prokka|PROKKA_01994
Description: ER01823_3B_prokka|PROKKA_01994
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02012
Name: ER01823_3B_prokka|PROKKA_02012
Description: ER01823_3B_prokka|PROKKA_02012
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02018
Name: ER01823_3B_prokka|PROKKA_02018
Description: ER01823_3B_prokka|PROKKA_02018
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02023
Name: ER01823_3B_prokka|PROKKA_02023
Description: ER01823_3B_prokka|PROKKA_02023
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02039
Name: ER01823_3B_prokka|PROKKA_02039
Description: ER01823_3B_prokka|PROKKA_02039
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02041
Name: ER01823_3B_prokka|PROKKA_02041
Description: ER01823_3B_prokka|PROKKA_02041
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02091
Name: ER01823_3B_prokka|PROKKA_02091
Description: ER01823_3B_prokka|PROKKA_02091
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02217
Name: ER01823_3B_prokka|PROKKA_02217
Description: ER01823_3B_prokka|PROKKA_02217
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02230
Name: ER01823_3B_prokka|PROKKA_02230
Description: ER01823_3B_prokka|PROKKA_02230
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02261
Name: ER01823_3B_prokka|PROKKA_02261
Description: ER01823_3B_prokka|PROKKA_02261
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02407
Name: ER01823_3B_prokka|PROKKA_02407
Description: ER01823_3B_prokka|PROKKA_02407
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02416
Name: ER01823_3B_prokka|PROKKA_02416
Description: ER01823_3B_prokka|PROKKA_02416
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02480
Name: ER01823_3B_prokka|PROKKA_02480
Description: ER01823_3B_prokka|PROKKA_02480
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02590
Name: ER01823_3B_prokka|PROKKA_02590
Description: ER01823_3B_prokka|PROKKA_02590
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02628
Name: ER01823_3B_prokka|PROKKA_02628
Description: ER01823_3B_prokka|PROKKA_02628
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02712
Name: ER01823_3B_prokka|PROKKA_02712
Description: ER01823_3B_prokka|PROKKA_02712
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02724
Name: ER01823_3B_prokka|PROKKA_02724
Description: ER01823_3B_prokka|PROKKA_02724
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02734
Name: ER01823_3B_prokka|PROKKA_02734
Description: ER01823_3B_prokka|PROKKA_02734
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02738
Name: ER01823_3B_prokka|PROKKA_02738
Description: ER01823_3B_prokka|PROKKA_02738
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00023
Name: ER01836_3B_prokka|PROKKA_00023
Description: ER01836_3B_prokka|PROKKA_00023
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00064
Name: ER01836_3B_prokka|PROKKA_00064
Description: ER01836_3B_prokka|PROKKA_00064
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00073
Name: ER01836_3B_prokka|PROKKA_00073
Description: ER01836_3B_prokka|PROKKA_00073
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00094
Name: ER01836_3B_prokka|PROKKA_00094
Description: ER01836_3B_prokka|PROKKA_00094
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00183
Name: ER01836_3B_prokka|PROKKA_00183
Description: ER01836_3B_prokka|PROKKA_00183
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00282
Name: ER01836_3B_prokka|PROKKA_00282
Description: ER01836_3B_prokka|PROKKA_00282
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00334
Name: ER01836_3B_prokka|PROKKA_00334
Description: ER01836_3B_prokka|PROKKA_00334
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00432
Name: ER01836_3B_prokka|PROKKA_00432
Description: ER01836_3B_prokka|PROKKA_00432
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00470
Name: ER01836_3B_prokka|PROKKA_00470
Description: ER01836_3B_prokka|PROKKA_00470
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00600
Name: ER01836_3B_prokka|PROKKA_00600
Description: ER01836_3B_prokka|PROKKA_00600
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00636
Name: ER01836_3B_prokka|PROKKA_00636
Description: ER01836_3B_prokka|PROKKA_00636
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00854
Name: ER01836_3B_prokka|PROKKA_00854
Description: ER01836_3B_prokka|PROKKA_00854
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00898
Name: ER01836_3B_prokka|PROKKA_00898
Description: ER01836_3B_prokka|PROKKA_00898
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01006
Name: ER01836_3B_prokka|PROKKA_01006
Description: ER01836_3B_prokka|PROKKA_01006
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01045
Name: ER01836_3B_prokka|PROKKA_01045
Description: ER01836_3B_prokka|PROKKA_01045
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01125
Name: ER01836_3B_prokka|PROKKA_01125
Description: ER01836_3B_prokka|PROKKA_01125
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01138
Name: ER01836_3B_prokka|PROKKA_01138
Description: ER01836_3B_prokka|PROKKA_01138
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01139
Name: ER01836_3B_prokka|PROKKA_01139
Description: ER01836_3B_prokka|PROKKA_01139
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01274
Name: ER01836_3B_prokka|PROKKA_01274
Description: ER01836_3B_prokka|PROKKA_01274
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01278
Name: ER01836_3B_prokka|PROKKA_01278
Description: ER01836_3B_prokka|PROKKA_01278
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01282
Name: ER01836_3B_prokka|PROKKA_01282
Description: ER01836_3B_prokka|PROKKA_01282
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01284
Name: ER01836_3B_prokka|PROKKA_01284
Description: ER01836_3B_prokka|PROKKA_01284
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01308
Name: ER01836_3B_prokka|PROKKA_01308
Description: ER01836_3B_prokka|PROKKA_01308
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01403
Name: ER01836_3B_prokka|PROKKA_01403
Description: ER01836_3B_prokka|PROKKA_01403
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01415
Name: ER01836_3B_prokka|PROKKA_01415
Description: ER01836_3B_prokka|PROKKA_01415
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01464
Name: ER01836_3B_prokka|PROKKA_01464
Description: ER01836_3B_prokka|PROKKA_01464
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01472
Name: ER01836_3B_prokka|PROKKA_01472
Description: ER01836_3B_prokka|PROKKA_01472
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01492
Name: ER01836_3B_prokka|PROKKA_01492
Description: ER01836_3B_prokka|PROKKA_01492
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01520
Name: ER01836_3B_prokka|PROKKA_01520
Description: ER01836_3B_prokka|PROKKA_01520
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01547
Name: ER01836_3B_prokka|PROKKA_01547
Description: ER01836_3B_prokka|PROKKA_01547
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01584
Name: ER01836_3B_prokka|PROKKA_01584
Description: ER01836_3B_prokka|PROKKA_01584
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01655
Name: ER01836_3B_prokka|PROKKA_01655
Description: ER01836_3B_prokka|PROKKA_01655
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01822
Name: ER01836_3B_prokka|PROKKA_01822
Description: ER01836_3B_prokka|PROKKA_01822
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01829
Name: ER01836_3B_prokka|PROKKA_01829
Description: ER01836_3B_prokka|PROKKA_01829
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01848
Name: ER01836_3B_prokka|PROKKA_01848
Description: ER01836_3B_prokka|PROKKA_01848
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01883
Name: ER01836_3B_prokka|PROKKA_01883
Description: ER01836_3B_prokka|PROKKA_01883
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01935
Name: ER01836_3B_prokka|PROKKA_01935
Description: ER01836_3B_prokka|PROKKA_01935
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01937
Name: ER01836_3B_prokka|PROKKA_01937
Description: ER01836_3B_prokka|PROKKA_01937
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01938
Name: ER01836_3B_prokka|PROKKA_01938
Description: ER01836_3B_prokka|PROKKA_01938
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01968
Name: ER01836_3B_prokka|PROKKA_01968
Description: ER01836_3B_prokka|PROKKA_01968
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01977
Name: ER01836_3B_prokka|PROKKA_01977
Description: ER01836_3B_prokka|PROKKA_01977
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01984
Name: ER01836_3B_prokka|PROKKA_01984
Description: ER01836_3B_prokka|PROKKA_01984
Number of features: 0
Seq('MVTKEFLKTKLECSDIYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02000
Name: ER01836_3B_prokka|PROKKA_02000
Description: ER01836_3B_prokka|PROKKA_02000
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKLDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02075
Name: ER01836_3B_prokka|PROKKA_02075
Description: ER01836_3B_prokka|PROKKA_02075
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02079
Name: ER01836_3B_prokka|PROKKA_02079
Description: ER01836_3B_prokka|PROKKA_02079
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02095
Name: ER01836_3B_prokka|PROKKA_02095
Description: ER01836_3B_prokka|PROKKA_02095
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02115
Name: ER01836_3B_prokka|PROKKA_02115
Description: ER01836_3B_prokka|PROKKA_02115
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02145
Name: ER01836_3B_prokka|PROKKA_02145
Description: ER01836_3B_prokka|PROKKA_02145
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02147
Name: ER01836_3B_prokka|PROKKA_02147
Description: ER01836_3B_prokka|PROKKA_02147
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02196
Name: ER01836_3B_prokka|PROKKA_02196
Description: ER01836_3B_prokka|PROKKA_02196
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02316
Name: ER01836_3B_prokka|PROKKA_02316
Description: ER01836_3B_prokka|PROKKA_02316
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02340
Name: ER01836_3B_prokka|PROKKA_02340
Description: ER01836_3B_prokka|PROKKA_02340
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02371
Name: ER01836_3B_prokka|PROKKA_02371
Description: ER01836_3B_prokka|PROKKA_02371
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02526
Name: ER01836_3B_prokka|PROKKA_02526
Description: ER01836_3B_prokka|PROKKA_02526
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02735
Name: ER01836_3B_prokka|PROKKA_02735
Description: ER01836_3B_prokka|PROKKA_02735
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02822
Name: ER01836_3B_prokka|PROKKA_02822
Description: ER01836_3B_prokka|PROKKA_02822
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00031
Name: ER01838_3B_prokka|PROKKA_00031
Description: ER01838_3B_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00040
Name: ER01838_3B_prokka|PROKKA_00040
Description: ER01838_3B_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00129
Name: ER01838_3B_prokka|PROKKA_00129
Description: ER01838_3B_prokka|PROKKA_00129
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00231
Name: ER01838_3B_prokka|PROKKA_00231
Description: ER01838_3B_prokka|PROKKA_00231
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00283
Name: ER01838_3B_prokka|PROKKA_00283
Description: ER01838_3B_prokka|PROKKA_00283
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00380
Name: ER01838_3B_prokka|PROKKA_00380
Description: ER01838_3B_prokka|PROKKA_00380
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00417
Name: ER01838_3B_prokka|PROKKA_00417
Description: ER01838_3B_prokka|PROKKA_00417
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00547
Name: ER01838_3B_prokka|PROKKA_00547
Description: ER01838_3B_prokka|PROKKA_00547
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00598
Name: ER01838_3B_prokka|PROKKA_00598
Description: ER01838_3B_prokka|PROKKA_00598
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00800
Name: ER01838_3B_prokka|PROKKA_00800
Description: ER01838_3B_prokka|PROKKA_00800
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00815
Name: ER01838_3B_prokka|PROKKA_00815
Description: ER01838_3B_prokka|PROKKA_00815
Number of features: 0
Seq('MKMYLAYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00831
Name: ER01838_3B_prokka|PROKKA_00831
Description: ER01838_3B_prokka|PROKKA_00831
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00832
Name: ER01838_3B_prokka|PROKKA_00832
Description: ER01838_3B_prokka|PROKKA_00832
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIGRKTHFYCLDKKNGCR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00853
Name: ER01838_3B_prokka|PROKKA_00853
Description: ER01838_3B_prokka|PROKKA_00853
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00961
Name: ER01838_3B_prokka|PROKKA_00961
Description: ER01838_3B_prokka|PROKKA_00961
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01000
Name: ER01838_3B_prokka|PROKKA_01000
Description: ER01838_3B_prokka|PROKKA_01000
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01054
Name: ER01838_3B_prokka|PROKKA_01054
Description: ER01838_3B_prokka|PROKKA_01054
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01060
Name: ER01838_3B_prokka|PROKKA_01060
Description: ER01838_3B_prokka|PROKKA_01060
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01070
Name: ER01838_3B_prokka|PROKKA_01070
Description: ER01838_3B_prokka|PROKKA_01070
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01084
Name: ER01838_3B_prokka|PROKKA_01084
Description: ER01838_3B_prokka|PROKKA_01084
Number of features: 0
Seq('MMWLVIVIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01148
Name: ER01838_3B_prokka|PROKKA_01148
Description: ER01838_3B_prokka|PROKKA_01148
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01160
Name: ER01838_3B_prokka|PROKKA_01160
Description: ER01838_3B_prokka|PROKKA_01160
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01161
Name: ER01838_3B_prokka|PROKKA_01161
Description: ER01838_3B_prokka|PROKKA_01161
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01296
Name: ER01838_3B_prokka|PROKKA_01296
Description: ER01838_3B_prokka|PROKKA_01296
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01300
Name: ER01838_3B_prokka|PROKKA_01300
Description: ER01838_3B_prokka|PROKKA_01300
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01304
Name: ER01838_3B_prokka|PROKKA_01304
Description: ER01838_3B_prokka|PROKKA_01304
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01306
Name: ER01838_3B_prokka|PROKKA_01306
Description: ER01838_3B_prokka|PROKKA_01306
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01330
Name: ER01838_3B_prokka|PROKKA_01330
Description: ER01838_3B_prokka|PROKKA_01330
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01425
Name: ER01838_3B_prokka|PROKKA_01425
Description: ER01838_3B_prokka|PROKKA_01425
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01437
Name: ER01838_3B_prokka|PROKKA_01437
Description: ER01838_3B_prokka|PROKKA_01437
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01484
Name: ER01838_3B_prokka|PROKKA_01484
Description: ER01838_3B_prokka|PROKKA_01484
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01493
Name: ER01838_3B_prokka|PROKKA_01493
Description: ER01838_3B_prokka|PROKKA_01493
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01514
Name: ER01838_3B_prokka|PROKKA_01514
Description: ER01838_3B_prokka|PROKKA_01514
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01519
Name: ER01838_3B_prokka|PROKKA_01519
Description: ER01838_3B_prokka|PROKKA_01519
Number of features: 0
Seq('MTFTLSDEQYKNLCTNFNKLLDKLHKALKDRE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01534
Name: ER01838_3B_prokka|PROKKA_01534
Description: ER01838_3B_prokka|PROKKA_01534
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01544
Name: ER01838_3B_prokka|PROKKA_01544
Description: ER01838_3B_prokka|PROKKA_01544
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01570
Name: ER01838_3B_prokka|PROKKA_01570
Description: ER01838_3B_prokka|PROKKA_01570
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01607
Name: ER01838_3B_prokka|PROKKA_01607
Description: ER01838_3B_prokka|PROKKA_01607
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01678
Name: ER01838_3B_prokka|PROKKA_01678
Description: ER01838_3B_prokka|PROKKA_01678
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01850
Name: ER01838_3B_prokka|PROKKA_01850
Description: ER01838_3B_prokka|PROKKA_01850
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01869
Name: ER01838_3B_prokka|PROKKA_01869
Description: ER01838_3B_prokka|PROKKA_01869
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01904
Name: ER01838_3B_prokka|PROKKA_01904
Description: ER01838_3B_prokka|PROKKA_01904
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01954
Name: ER01838_3B_prokka|PROKKA_01954
Description: ER01838_3B_prokka|PROKKA_01954
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_02033
Name: ER01838_3B_prokka|PROKKA_02033
Description: ER01838_3B_prokka|PROKKA_02033
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_02035
Name: ER01838_3B_prokka|PROKKA_02035
Description: ER01838_3B_prokka|PROKKA_02035
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_02084
Name: ER01838_3B_prokka|PROKKA_02084
Description: ER01838_3B_prokka|PROKKA_02084
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_02203
Name: ER01838_3B_prokka|PROKKA_02203
Description: ER01838_3B_prokka|PROKKA_02203
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_02228
Name: ER01838_3B_prokka|PROKKA_02228
Description: ER01838_3B_prokka|PROKKA_02228
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_02259
Name: ER01838_3B_prokka|PROKKA_02259
Description: ER01838_3B_prokka|PROKKA_02259
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_02414
Name: ER01838_3B_prokka|PROKKA_02414
Description: ER01838_3B_prokka|PROKKA_02414
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_02622
Name: ER01838_3B_prokka|PROKKA_02622
Description: ER01838_3B_prokka|PROKKA_02622
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_02709
Name: ER01838_3B_prokka|PROKKA_02709
Description: ER01838_3B_prokka|PROKKA_02709
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_02739
Name: ER01838_3B_prokka|PROKKA_02739
Description: ER01838_3B_prokka|PROKKA_02739
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00023
Name: ER01881_3B_prokka|PROKKA_00023
Description: ER01881_3B_prokka|PROKKA_00023
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00063
Name: ER01881_3B_prokka|PROKKA_00063
Description: ER01881_3B_prokka|PROKKA_00063
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00072
Name: ER01881_3B_prokka|PROKKA_00072
Description: ER01881_3B_prokka|PROKKA_00072
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00093
Name: ER01881_3B_prokka|PROKKA_00093
Description: ER01881_3B_prokka|PROKKA_00093
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00181
Name: ER01881_3B_prokka|PROKKA_00181
Description: ER01881_3B_prokka|PROKKA_00181
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00281
Name: ER01881_3B_prokka|PROKKA_00281
Description: ER01881_3B_prokka|PROKKA_00281
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00333
Name: ER01881_3B_prokka|PROKKA_00333
Description: ER01881_3B_prokka|PROKKA_00333
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00431
Name: ER01881_3B_prokka|PROKKA_00431
Description: ER01881_3B_prokka|PROKKA_00431
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00469
Name: ER01881_3B_prokka|PROKKA_00469
Description: ER01881_3B_prokka|PROKKA_00469
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00599
Name: ER01881_3B_prokka|PROKKA_00599
Description: ER01881_3B_prokka|PROKKA_00599
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00635
Name: ER01881_3B_prokka|PROKKA_00635
Description: ER01881_3B_prokka|PROKKA_00635
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00854
Name: ER01881_3B_prokka|PROKKA_00854
Description: ER01881_3B_prokka|PROKKA_00854
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00898
Name: ER01881_3B_prokka|PROKKA_00898
Description: ER01881_3B_prokka|PROKKA_00898
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01006
Name: ER01881_3B_prokka|PROKKA_01006
Description: ER01881_3B_prokka|PROKKA_01006
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01045
Name: ER01881_3B_prokka|PROKKA_01045
Description: ER01881_3B_prokka|PROKKA_01045
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01125
Name: ER01881_3B_prokka|PROKKA_01125
Description: ER01881_3B_prokka|PROKKA_01125
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01138
Name: ER01881_3B_prokka|PROKKA_01138
Description: ER01881_3B_prokka|PROKKA_01138
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01139
Name: ER01881_3B_prokka|PROKKA_01139
Description: ER01881_3B_prokka|PROKKA_01139
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01274
Name: ER01881_3B_prokka|PROKKA_01274
Description: ER01881_3B_prokka|PROKKA_01274
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01278
Name: ER01881_3B_prokka|PROKKA_01278
Description: ER01881_3B_prokka|PROKKA_01278
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01282
Name: ER01881_3B_prokka|PROKKA_01282
Description: ER01881_3B_prokka|PROKKA_01282
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01284
Name: ER01881_3B_prokka|PROKKA_01284
Description: ER01881_3B_prokka|PROKKA_01284
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01308
Name: ER01881_3B_prokka|PROKKA_01308
Description: ER01881_3B_prokka|PROKKA_01308
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01403
Name: ER01881_3B_prokka|PROKKA_01403
Description: ER01881_3B_prokka|PROKKA_01403
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01415
Name: ER01881_3B_prokka|PROKKA_01415
Description: ER01881_3B_prokka|PROKKA_01415
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01463
Name: ER01881_3B_prokka|PROKKA_01463
Description: ER01881_3B_prokka|PROKKA_01463
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01472
Name: ER01881_3B_prokka|PROKKA_01472
Description: ER01881_3B_prokka|PROKKA_01472
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01492
Name: ER01881_3B_prokka|PROKKA_01492
Description: ER01881_3B_prokka|PROKKA_01492
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01520
Name: ER01881_3B_prokka|PROKKA_01520
Description: ER01881_3B_prokka|PROKKA_01520
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01547
Name: ER01881_3B_prokka|PROKKA_01547
Description: ER01881_3B_prokka|PROKKA_01547
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01584
Name: ER01881_3B_prokka|PROKKA_01584
Description: ER01881_3B_prokka|PROKKA_01584
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01655
Name: ER01881_3B_prokka|PROKKA_01655
Description: ER01881_3B_prokka|PROKKA_01655
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01821
Name: ER01881_3B_prokka|PROKKA_01821
Description: ER01881_3B_prokka|PROKKA_01821
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01828
Name: ER01881_3B_prokka|PROKKA_01828
Description: ER01881_3B_prokka|PROKKA_01828
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01847
Name: ER01881_3B_prokka|PROKKA_01847
Description: ER01881_3B_prokka|PROKKA_01847
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01882
Name: ER01881_3B_prokka|PROKKA_01882
Description: ER01881_3B_prokka|PROKKA_01882
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01934
Name: ER01881_3B_prokka|PROKKA_01934
Description: ER01881_3B_prokka|PROKKA_01934
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_02014
Name: ER01881_3B_prokka|PROKKA_02014
Description: ER01881_3B_prokka|PROKKA_02014
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_02016
Name: ER01881_3B_prokka|PROKKA_02016
Description: ER01881_3B_prokka|PROKKA_02016
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_02065
Name: ER01881_3B_prokka|PROKKA_02065
Description: ER01881_3B_prokka|PROKKA_02065
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_02185
Name: ER01881_3B_prokka|PROKKA_02185
Description: ER01881_3B_prokka|PROKKA_02185
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_02209
Name: ER01881_3B_prokka|PROKKA_02209
Description: ER01881_3B_prokka|PROKKA_02209
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_02240
Name: ER01881_3B_prokka|PROKKA_02240
Description: ER01881_3B_prokka|PROKKA_02240
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_02395
Name: ER01881_3B_prokka|PROKKA_02395
Description: ER01881_3B_prokka|PROKKA_02395
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_02604
Name: ER01881_3B_prokka|PROKKA_02604
Description: ER01881_3B_prokka|PROKKA_02604
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_02691
Name: ER01881_3B_prokka|PROKKA_02691
Description: ER01881_3B_prokka|PROKKA_02691
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_00027
Name: ER01892_3B_prokka|PROKKA_00027
Description: ER01892_3B_prokka|PROKKA_00027
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALSEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_00100
Name: ER01892_3B_prokka|PROKKA_00100
Description: ER01892_3B_prokka|PROKKA_00100
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_00118
Name: ER01892_3B_prokka|PROKKA_00118
Description: ER01892_3B_prokka|PROKKA_00118
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_00283
Name: ER01892_3B_prokka|PROKKA_00283
Description: ER01892_3B_prokka|PROKKA_00283
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_00408
Name: ER01892_3B_prokka|PROKKA_00408
Description: ER01892_3B_prokka|PROKKA_00408
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_00425
Name: ER01892_3B_prokka|PROKKA_00425
Description: ER01892_3B_prokka|PROKKA_00425
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_00592
Name: ER01892_3B_prokka|PROKKA_00592
Description: ER01892_3B_prokka|PROKKA_00592
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_00821
Name: ER01892_3B_prokka|PROKKA_00821
Description: ER01892_3B_prokka|PROKKA_00821
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_00848
Name: ER01892_3B_prokka|PROKKA_00848
Description: ER01892_3B_prokka|PROKKA_00848
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_00953
Name: ER01892_3B_prokka|PROKKA_00953
Description: ER01892_3B_prokka|PROKKA_00953
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_00992
Name: ER01892_3B_prokka|PROKKA_00992
Description: ER01892_3B_prokka|PROKKA_00992
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_00993
Name: ER01892_3B_prokka|PROKKA_00993
Description: ER01892_3B_prokka|PROKKA_00993
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01043
Name: ER01892_3B_prokka|PROKKA_01043
Description: ER01892_3B_prokka|PROKKA_01043
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01047
Name: ER01892_3B_prokka|PROKKA_01047
Description: ER01892_3B_prokka|PROKKA_01047
Number of features: 0
Seq('MEGLQIKNIEATNLDELKKLIESTLKAVEAVEENLEKINNFEIKVIQKSSCQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01053
Name: ER01892_3B_prokka|PROKKA_01053
Description: ER01892_3B_prokka|PROKKA_01053
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01054
Name: ER01892_3B_prokka|PROKKA_01054
Description: ER01892_3B_prokka|PROKKA_01054
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01075
Name: ER01892_3B_prokka|PROKKA_01075
Description: ER01892_3B_prokka|PROKKA_01075
Number of features: 0
Seq('MMRLVIAIILLVILLFGMMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01105
Name: ER01892_3B_prokka|PROKKA_01105
Description: ER01892_3B_prokka|PROKKA_01105
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01106
Name: ER01892_3B_prokka|PROKKA_01106
Description: ER01892_3B_prokka|PROKKA_01106
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01141
Name: ER01892_3B_prokka|PROKKA_01141
Description: ER01892_3B_prokka|PROKKA_01141
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01153
Name: ER01892_3B_prokka|PROKKA_01153
Description: ER01892_3B_prokka|PROKKA_01153
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01154
Name: ER01892_3B_prokka|PROKKA_01154
Description: ER01892_3B_prokka|PROKKA_01154
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01290
Name: ER01892_3B_prokka|PROKKA_01290
Description: ER01892_3B_prokka|PROKKA_01290
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01294
Name: ER01892_3B_prokka|PROKKA_01294
Description: ER01892_3B_prokka|PROKKA_01294
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01318
Name: ER01892_3B_prokka|PROKKA_01318
Description: ER01892_3B_prokka|PROKKA_01318
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01411
Name: ER01892_3B_prokka|PROKKA_01411
Description: ER01892_3B_prokka|PROKKA_01411
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01423
Name: ER01892_3B_prokka|PROKKA_01423
Description: ER01892_3B_prokka|PROKKA_01423
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01470
Name: ER01892_3B_prokka|PROKKA_01470
Description: ER01892_3B_prokka|PROKKA_01470
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01478
Name: ER01892_3B_prokka|PROKKA_01478
Description: ER01892_3B_prokka|PROKKA_01478
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01497
Name: ER01892_3B_prokka|PROKKA_01497
Description: ER01892_3B_prokka|PROKKA_01497
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01511
Name: ER01892_3B_prokka|PROKKA_01511
Description: ER01892_3B_prokka|PROKKA_01511
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01519
Name: ER01892_3B_prokka|PROKKA_01519
Description: ER01892_3B_prokka|PROKKA_01519
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01524
Name: ER01892_3B_prokka|PROKKA_01524
Description: ER01892_3B_prokka|PROKKA_01524
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01526
Name: ER01892_3B_prokka|PROKKA_01526
Description: ER01892_3B_prokka|PROKKA_01526
Number of features: 0
Seq('MTQFLGALLLTGVLGYIPYKYLTMIGLVSEKTRLSILLYY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01552
Name: ER01892_3B_prokka|PROKKA_01552
Description: ER01892_3B_prokka|PROKKA_01552
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01555
Name: ER01892_3B_prokka|PROKKA_01555
Description: ER01892_3B_prokka|PROKKA_01555
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01590
Name: ER01892_3B_prokka|PROKKA_01590
Description: ER01892_3B_prokka|PROKKA_01590
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01663
Name: ER01892_3B_prokka|PROKKA_01663
Description: ER01892_3B_prokka|PROKKA_01663
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01832
Name: ER01892_3B_prokka|PROKKA_01832
Description: ER01892_3B_prokka|PROKKA_01832
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01847
Name: ER01892_3B_prokka|PROKKA_01847
Description: ER01892_3B_prokka|PROKKA_01847
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01889
Name: ER01892_3B_prokka|PROKKA_01889
Description: ER01892_3B_prokka|PROKKA_01889
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01941
Name: ER01892_3B_prokka|PROKKA_01941
Description: ER01892_3B_prokka|PROKKA_01941
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02013
Name: ER01892_3B_prokka|PROKKA_02013
Description: ER01892_3B_prokka|PROKKA_02013
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02017
Name: ER01892_3B_prokka|PROKKA_02017
Description: ER01892_3B_prokka|PROKKA_02017
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02033
Name: ER01892_3B_prokka|PROKKA_02033
Description: ER01892_3B_prokka|PROKKA_02033
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02051
Name: ER01892_3B_prokka|PROKKA_02051
Description: ER01892_3B_prokka|PROKKA_02051
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02057
Name: ER01892_3B_prokka|PROKKA_02057
Description: ER01892_3B_prokka|PROKKA_02057
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02062
Name: ER01892_3B_prokka|PROKKA_02062
Description: ER01892_3B_prokka|PROKKA_02062
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02078
Name: ER01892_3B_prokka|PROKKA_02078
Description: ER01892_3B_prokka|PROKKA_02078
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02080
Name: ER01892_3B_prokka|PROKKA_02080
Description: ER01892_3B_prokka|PROKKA_02080
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02130
Name: ER01892_3B_prokka|PROKKA_02130
Description: ER01892_3B_prokka|PROKKA_02130
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02256
Name: ER01892_3B_prokka|PROKKA_02256
Description: ER01892_3B_prokka|PROKKA_02256
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02269
Name: ER01892_3B_prokka|PROKKA_02269
Description: ER01892_3B_prokka|PROKKA_02269
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02300
Name: ER01892_3B_prokka|PROKKA_02300
Description: ER01892_3B_prokka|PROKKA_02300
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02453
Name: ER01892_3B_prokka|PROKKA_02453
Description: ER01892_3B_prokka|PROKKA_02453
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02517
Name: ER01892_3B_prokka|PROKKA_02517
Description: ER01892_3B_prokka|PROKKA_02517
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02627
Name: ER01892_3B_prokka|PROKKA_02627
Description: ER01892_3B_prokka|PROKKA_02627
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02665
Name: ER01892_3B_prokka|PROKKA_02665
Description: ER01892_3B_prokka|PROKKA_02665
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02749
Name: ER01892_3B_prokka|PROKKA_02749
Description: ER01892_3B_prokka|PROKKA_02749
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02776
Name: ER01892_3B_prokka|PROKKA_02776
Description: ER01892_3B_prokka|PROKKA_02776
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00016
Name: ER01935_3B_prokka|PROKKA_00016
Description: ER01935_3B_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00084
Name: ER01935_3B_prokka|PROKKA_00084
Description: ER01935_3B_prokka|PROKKA_00084
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00102
Name: ER01935_3B_prokka|PROKKA_00102
Description: ER01935_3B_prokka|PROKKA_00102
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00268
Name: ER01935_3B_prokka|PROKKA_00268
Description: ER01935_3B_prokka|PROKKA_00268
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00387
Name: ER01935_3B_prokka|PROKKA_00387
Description: ER01935_3B_prokka|PROKKA_00387
Number of features: 0
Seq('MFMTVKEVAQLLRISERHTYKLLQKNVIPHTKIGGKILVNKERLLETLEKKEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00414
Name: ER01935_3B_prokka|PROKKA_00414
Description: ER01935_3B_prokka|PROKKA_00414
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00431
Name: ER01935_3B_prokka|PROKKA_00431
Description: ER01935_3B_prokka|PROKKA_00431
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00595
Name: ER01935_3B_prokka|PROKKA_00595
Description: ER01935_3B_prokka|PROKKA_00595
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00818
Name: ER01935_3B_prokka|PROKKA_00818
Description: ER01935_3B_prokka|PROKKA_00818
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00845
Name: ER01935_3B_prokka|PROKKA_00845
Description: ER01935_3B_prokka|PROKKA_00845
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00950
Name: ER01935_3B_prokka|PROKKA_00950
Description: ER01935_3B_prokka|PROKKA_00950
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00989
Name: ER01935_3B_prokka|PROKKA_00989
Description: ER01935_3B_prokka|PROKKA_00989
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00990
Name: ER01935_3B_prokka|PROKKA_00990
Description: ER01935_3B_prokka|PROKKA_00990
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01044
Name: ER01935_3B_prokka|PROKKA_01044
Description: ER01935_3B_prokka|PROKKA_01044
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01050
Name: ER01935_3B_prokka|PROKKA_01050
Description: ER01935_3B_prokka|PROKKA_01050
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01051
Name: ER01935_3B_prokka|PROKKA_01051
Description: ER01935_3B_prokka|PROKKA_01051
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFMYYKECFFKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01057
Name: ER01935_3B_prokka|PROKKA_01057
Description: ER01935_3B_prokka|PROKKA_01057
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRNAMHAVKVEKILKSPFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01060
Name: ER01935_3B_prokka|PROKKA_01060
Description: ER01935_3B_prokka|PROKKA_01060
Number of features: 0
Seq('MIDIKTAEWLNTDSDKYLRPETLFGNKFEGYLNQKAQPTGIDQLERMKYDESYWD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01062
Name: ER01935_3B_prokka|PROKKA_01062
Description: ER01935_3B_prokka|PROKKA_01062
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01079
Name: ER01935_3B_prokka|PROKKA_01079
Description: ER01935_3B_prokka|PROKKA_01079
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01109
Name: ER01935_3B_prokka|PROKKA_01109
Description: ER01935_3B_prokka|PROKKA_01109
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01110
Name: ER01935_3B_prokka|PROKKA_01110
Description: ER01935_3B_prokka|PROKKA_01110
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01146
Name: ER01935_3B_prokka|PROKKA_01146
Description: ER01935_3B_prokka|PROKKA_01146
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01158
Name: ER01935_3B_prokka|PROKKA_01158
Description: ER01935_3B_prokka|PROKKA_01158
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01159
Name: ER01935_3B_prokka|PROKKA_01159
Description: ER01935_3B_prokka|PROKKA_01159
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01295
Name: ER01935_3B_prokka|PROKKA_01295
Description: ER01935_3B_prokka|PROKKA_01295
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01299
Name: ER01935_3B_prokka|PROKKA_01299
Description: ER01935_3B_prokka|PROKKA_01299
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01323
Name: ER01935_3B_prokka|PROKKA_01323
Description: ER01935_3B_prokka|PROKKA_01323
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01416
Name: ER01935_3B_prokka|PROKKA_01416
Description: ER01935_3B_prokka|PROKKA_01416
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01428
Name: ER01935_3B_prokka|PROKKA_01428
Description: ER01935_3B_prokka|PROKKA_01428
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01475
Name: ER01935_3B_prokka|PROKKA_01475
Description: ER01935_3B_prokka|PROKKA_01475
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01483
Name: ER01935_3B_prokka|PROKKA_01483
Description: ER01935_3B_prokka|PROKKA_01483
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01503
Name: ER01935_3B_prokka|PROKKA_01503
Description: ER01935_3B_prokka|PROKKA_01503
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01518
Name: ER01935_3B_prokka|PROKKA_01518
Description: ER01935_3B_prokka|PROKKA_01518
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01526
Name: ER01935_3B_prokka|PROKKA_01526
Description: ER01935_3B_prokka|PROKKA_01526
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01531
Name: ER01935_3B_prokka|PROKKA_01531
Description: ER01935_3B_prokka|PROKKA_01531
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01558
Name: ER01935_3B_prokka|PROKKA_01558
Description: ER01935_3B_prokka|PROKKA_01558
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01561
Name: ER01935_3B_prokka|PROKKA_01561
Description: ER01935_3B_prokka|PROKKA_01561
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01596
Name: ER01935_3B_prokka|PROKKA_01596
Description: ER01935_3B_prokka|PROKKA_01596
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01669
Name: ER01935_3B_prokka|PROKKA_01669
Description: ER01935_3B_prokka|PROKKA_01669
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01838
Name: ER01935_3B_prokka|PROKKA_01838
Description: ER01935_3B_prokka|PROKKA_01838
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01852
Name: ER01935_3B_prokka|PROKKA_01852
Description: ER01935_3B_prokka|PROKKA_01852
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01894
Name: ER01935_3B_prokka|PROKKA_01894
Description: ER01935_3B_prokka|PROKKA_01894
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01946
Name: ER01935_3B_prokka|PROKKA_01946
Description: ER01935_3B_prokka|PROKKA_01946
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02018
Name: ER01935_3B_prokka|PROKKA_02018
Description: ER01935_3B_prokka|PROKKA_02018
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02022
Name: ER01935_3B_prokka|PROKKA_02022
Description: ER01935_3B_prokka|PROKKA_02022
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02038
Name: ER01935_3B_prokka|PROKKA_02038
Description: ER01935_3B_prokka|PROKKA_02038
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02056
Name: ER01935_3B_prokka|PROKKA_02056
Description: ER01935_3B_prokka|PROKKA_02056
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02062
Name: ER01935_3B_prokka|PROKKA_02062
Description: ER01935_3B_prokka|PROKKA_02062
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02067
Name: ER01935_3B_prokka|PROKKA_02067
Description: ER01935_3B_prokka|PROKKA_02067
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02083
Name: ER01935_3B_prokka|PROKKA_02083
Description: ER01935_3B_prokka|PROKKA_02083
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02085
Name: ER01935_3B_prokka|PROKKA_02085
Description: ER01935_3B_prokka|PROKKA_02085
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02135
Name: ER01935_3B_prokka|PROKKA_02135
Description: ER01935_3B_prokka|PROKKA_02135
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02260
Name: ER01935_3B_prokka|PROKKA_02260
Description: ER01935_3B_prokka|PROKKA_02260
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02273
Name: ER01935_3B_prokka|PROKKA_02273
Description: ER01935_3B_prokka|PROKKA_02273
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02305
Name: ER01935_3B_prokka|PROKKA_02305
Description: ER01935_3B_prokka|PROKKA_02305
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02450
Name: ER01935_3B_prokka|PROKKA_02450
Description: ER01935_3B_prokka|PROKKA_02450
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02459
Name: ER01935_3B_prokka|PROKKA_02459
Description: ER01935_3B_prokka|PROKKA_02459
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02523
Name: ER01935_3B_prokka|PROKKA_02523
Description: ER01935_3B_prokka|PROKKA_02523
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02631
Name: ER01935_3B_prokka|PROKKA_02631
Description: ER01935_3B_prokka|PROKKA_02631
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02669
Name: ER01935_3B_prokka|PROKKA_02669
Description: ER01935_3B_prokka|PROKKA_02669
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02753
Name: ER01935_3B_prokka|PROKKA_02753
Description: ER01935_3B_prokka|PROKKA_02753
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_00181
Name: ER02087_3A_prokka|PROKKA_00181
Description: ER02087_3A_prokka|PROKKA_00181
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_00305
Name: ER02087_3A_prokka|PROKKA_00305
Description: ER02087_3A_prokka|PROKKA_00305
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_00322
Name: ER02087_3A_prokka|PROKKA_00322
Description: ER02087_3A_prokka|PROKKA_00322
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_00488
Name: ER02087_3A_prokka|PROKKA_00488
Description: ER02087_3A_prokka|PROKKA_00488
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_00718
Name: ER02087_3A_prokka|PROKKA_00718
Description: ER02087_3A_prokka|PROKKA_00718
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_00742
Name: ER02087_3A_prokka|PROKKA_00742
Description: ER02087_3A_prokka|PROKKA_00742
Number of features: 0
Seq('MSNIYKSYLIAVLCFTILAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_00752
Name: ER02087_3A_prokka|PROKKA_00752
Description: ER02087_3A_prokka|PROKKA_00752
Number of features: 0
Seq('MITKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_00761
Name: ER02087_3A_prokka|PROKKA_00761
Description: ER02087_3A_prokka|PROKKA_00761
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSESEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_00773
Name: ER02087_3A_prokka|PROKKA_00773
Description: ER02087_3A_prokka|PROKKA_00773
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_00808
Name: ER02087_3A_prokka|PROKKA_00808
Description: ER02087_3A_prokka|PROKKA_00808
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_00914
Name: ER02087_3A_prokka|PROKKA_00914
Description: ER02087_3A_prokka|PROKKA_00914
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_00954
Name: ER02087_3A_prokka|PROKKA_00954
Description: ER02087_3A_prokka|PROKKA_00954
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01037
Name: ER02087_3A_prokka|PROKKA_01037
Description: ER02087_3A_prokka|PROKKA_01037
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01049
Name: ER02087_3A_prokka|PROKKA_01049
Description: ER02087_3A_prokka|PROKKA_01049
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01050
Name: ER02087_3A_prokka|PROKKA_01050
Description: ER02087_3A_prokka|PROKKA_01050
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01185
Name: ER02087_3A_prokka|PROKKA_01185
Description: ER02087_3A_prokka|PROKKA_01185
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01189
Name: ER02087_3A_prokka|PROKKA_01189
Description: ER02087_3A_prokka|PROKKA_01189
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01213
Name: ER02087_3A_prokka|PROKKA_01213
Description: ER02087_3A_prokka|PROKKA_01213
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01269
Name: ER02087_3A_prokka|PROKKA_01269
Description: ER02087_3A_prokka|PROKKA_01269
Number of features: 0
Seq('MSGVASKAFLTLIENNIPFYQTTTSEISISYVIDDFNGQQAVEKIYDAFNI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01308
Name: ER02087_3A_prokka|PROKKA_01308
Description: ER02087_3A_prokka|PROKKA_01308
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01320
Name: ER02087_3A_prokka|PROKKA_01320
Description: ER02087_3A_prokka|PROKKA_01320
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01367
Name: ER02087_3A_prokka|PROKKA_01367
Description: ER02087_3A_prokka|PROKKA_01367
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01375
Name: ER02087_3A_prokka|PROKKA_01375
Description: ER02087_3A_prokka|PROKKA_01375
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01391
Name: ER02087_3A_prokka|PROKKA_01391
Description: ER02087_3A_prokka|PROKKA_01391
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01396
Name: ER02087_3A_prokka|PROKKA_01396
Description: ER02087_3A_prokka|PROKKA_01396
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSESEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01405
Name: ER02087_3A_prokka|PROKKA_01405
Description: ER02087_3A_prokka|PROKKA_01405
Number of features: 0
Seq('MITKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01415
Name: ER02087_3A_prokka|PROKKA_01415
Description: ER02087_3A_prokka|PROKKA_01415
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01426
Name: ER02087_3A_prokka|PROKKA_01426
Description: ER02087_3A_prokka|PROKKA_01426
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01453
Name: ER02087_3A_prokka|PROKKA_01453
Description: ER02087_3A_prokka|PROKKA_01453
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01456
Name: ER02087_3A_prokka|PROKKA_01456
Description: ER02087_3A_prokka|PROKKA_01456
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01491
Name: ER02087_3A_prokka|PROKKA_01491
Description: ER02087_3A_prokka|PROKKA_01491
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01563
Name: ER02087_3A_prokka|PROKKA_01563
Description: ER02087_3A_prokka|PROKKA_01563
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01728
Name: ER02087_3A_prokka|PROKKA_01728
Description: ER02087_3A_prokka|PROKKA_01728
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01743
Name: ER02087_3A_prokka|PROKKA_01743
Description: ER02087_3A_prokka|PROKKA_01743
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01785
Name: ER02087_3A_prokka|PROKKA_01785
Description: ER02087_3A_prokka|PROKKA_01785
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01837
Name: ER02087_3A_prokka|PROKKA_01837
Description: ER02087_3A_prokka|PROKKA_01837
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01912
Name: ER02087_3A_prokka|PROKKA_01912
Description: ER02087_3A_prokka|PROKKA_01912
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01916
Name: ER02087_3A_prokka|PROKKA_01916
Description: ER02087_3A_prokka|PROKKA_01916
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01932
Name: ER02087_3A_prokka|PROKKA_01932
Description: ER02087_3A_prokka|PROKKA_01932
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01950
Name: ER02087_3A_prokka|PROKKA_01950
Description: ER02087_3A_prokka|PROKKA_01950
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01976
Name: ER02087_3A_prokka|PROKKA_01976
Description: ER02087_3A_prokka|PROKKA_01976
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01978
Name: ER02087_3A_prokka|PROKKA_01978
Description: ER02087_3A_prokka|PROKKA_01978
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02028
Name: ER02087_3A_prokka|PROKKA_02028
Description: ER02087_3A_prokka|PROKKA_02028
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02153
Name: ER02087_3A_prokka|PROKKA_02153
Description: ER02087_3A_prokka|PROKKA_02153
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02166
Name: ER02087_3A_prokka|PROKKA_02166
Description: ER02087_3A_prokka|PROKKA_02166
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02197
Name: ER02087_3A_prokka|PROKKA_02197
Description: ER02087_3A_prokka|PROKKA_02197
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02350
Name: ER02087_3A_prokka|PROKKA_02350
Description: ER02087_3A_prokka|PROKKA_02350
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02414
Name: ER02087_3A_prokka|PROKKA_02414
Description: ER02087_3A_prokka|PROKKA_02414
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02522
Name: ER02087_3A_prokka|PROKKA_02522
Description: ER02087_3A_prokka|PROKKA_02522
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02560
Name: ER02087_3A_prokka|PROKKA_02560
Description: ER02087_3A_prokka|PROKKA_02560
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02645
Name: ER02087_3A_prokka|PROKKA_02645
Description: ER02087_3A_prokka|PROKKA_02645
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02675
Name: ER02087_3A_prokka|PROKKA_02675
Description: ER02087_3A_prokka|PROKKA_02675
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02684
Name: ER02087_3A_prokka|PROKKA_02684
Description: ER02087_3A_prokka|PROKKA_02684
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02698
Name: ER02087_3A_prokka|PROKKA_02698
Description: ER02087_3A_prokka|PROKKA_02698
Number of features: 0
Seq('MKTGPLKCPKCNQDLYIKKVRYPISDIETLC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02702
Name: ER02087_3A_prokka|PROKKA_02702
Description: ER02087_3A_prokka|PROKKA_02702
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02706
Name: ER02087_3A_prokka|PROKKA_02706
Description: ER02087_3A_prokka|PROKKA_02706
Number of features: 0
Seq('MQYNTTRYIDENQDNKTLKDMMKNGKQRPWREKKVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02711
Name: ER02087_3A_prokka|PROKKA_02711
Description: ER02087_3A_prokka|PROKKA_02711
Number of features: 0
Seq('MNYFRYKQFDKDVITVAVGYYLRYALSYRDISEILRERGIYVHHSTIYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02712
Name: ER02087_3A_prokka|PROKKA_02712
Description: ER02087_3A_prokka|PROKKA_02712
Number of features: 0
Seq('MQDNHTKYIDGNQDNETLKDVTKSGKQRPWREKKIDNLRFCCKVRNIV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00014
Name: ER02170_3B_prokka|PROKKA_00014
Description: ER02170_3B_prokka|PROKKA_00014
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00061
Name: ER02170_3B_prokka|PROKKA_00061
Description: ER02170_3B_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00070
Name: ER02170_3B_prokka|PROKKA_00070
Description: ER02170_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00150
Name: ER02170_3B_prokka|PROKKA_00150
Description: ER02170_3B_prokka|PROKKA_00150
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00248
Name: ER02170_3B_prokka|PROKKA_00248
Description: ER02170_3B_prokka|PROKKA_00248
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00300
Name: ER02170_3B_prokka|PROKKA_00300
Description: ER02170_3B_prokka|PROKKA_00300
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00398
Name: ER02170_3B_prokka|PROKKA_00398
Description: ER02170_3B_prokka|PROKKA_00398
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00436
Name: ER02170_3B_prokka|PROKKA_00436
Description: ER02170_3B_prokka|PROKKA_00436
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00566
Name: ER02170_3B_prokka|PROKKA_00566
Description: ER02170_3B_prokka|PROKKA_00566
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00602
Name: ER02170_3B_prokka|PROKKA_00602
Description: ER02170_3B_prokka|PROKKA_00602
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00623
Name: ER02170_3B_prokka|PROKKA_00623
Description: ER02170_3B_prokka|PROKKA_00623
Number of features: 0
Seq('MNLKAPYAGLRDNLLLTKTGEVWAYYRVRSESISTANYDAKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00822
Name: ER02170_3B_prokka|PROKKA_00822
Description: ER02170_3B_prokka|PROKKA_00822
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00866
Name: ER02170_3B_prokka|PROKKA_00866
Description: ER02170_3B_prokka|PROKKA_00866
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00974
Name: ER02170_3B_prokka|PROKKA_00974
Description: ER02170_3B_prokka|PROKKA_00974
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01013
Name: ER02170_3B_prokka|PROKKA_01013
Description: ER02170_3B_prokka|PROKKA_01013
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01093
Name: ER02170_3B_prokka|PROKKA_01093
Description: ER02170_3B_prokka|PROKKA_01093
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01106
Name: ER02170_3B_prokka|PROKKA_01106
Description: ER02170_3B_prokka|PROKKA_01106
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01107
Name: ER02170_3B_prokka|PROKKA_01107
Description: ER02170_3B_prokka|PROKKA_01107
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01242
Name: ER02170_3B_prokka|PROKKA_01242
Description: ER02170_3B_prokka|PROKKA_01242
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01246
Name: ER02170_3B_prokka|PROKKA_01246
Description: ER02170_3B_prokka|PROKKA_01246
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01250
Name: ER02170_3B_prokka|PROKKA_01250
Description: ER02170_3B_prokka|PROKKA_01250
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01252
Name: ER02170_3B_prokka|PROKKA_01252
Description: ER02170_3B_prokka|PROKKA_01252
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01276
Name: ER02170_3B_prokka|PROKKA_01276
Description: ER02170_3B_prokka|PROKKA_01276
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01370
Name: ER02170_3B_prokka|PROKKA_01370
Description: ER02170_3B_prokka|PROKKA_01370
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01382
Name: ER02170_3B_prokka|PROKKA_01382
Description: ER02170_3B_prokka|PROKKA_01382
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01430
Name: ER02170_3B_prokka|PROKKA_01430
Description: ER02170_3B_prokka|PROKKA_01430
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01438
Name: ER02170_3B_prokka|PROKKA_01438
Description: ER02170_3B_prokka|PROKKA_01438
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01458
Name: ER02170_3B_prokka|PROKKA_01458
Description: ER02170_3B_prokka|PROKKA_01458
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01486
Name: ER02170_3B_prokka|PROKKA_01486
Description: ER02170_3B_prokka|PROKKA_01486
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01514
Name: ER02170_3B_prokka|PROKKA_01514
Description: ER02170_3B_prokka|PROKKA_01514
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01551
Name: ER02170_3B_prokka|PROKKA_01551
Description: ER02170_3B_prokka|PROKKA_01551
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01622
Name: ER02170_3B_prokka|PROKKA_01622
Description: ER02170_3B_prokka|PROKKA_01622
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01647
Name: ER02170_3B_prokka|PROKKA_01647
Description: ER02170_3B_prokka|PROKKA_01647
Number of features: 0
Seq('MRVYNTEFEMQQDLNELGQNLQLKSENAYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01788
Name: ER02170_3B_prokka|PROKKA_01788
Description: ER02170_3B_prokka|PROKKA_01788
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01795
Name: ER02170_3B_prokka|PROKKA_01795
Description: ER02170_3B_prokka|PROKKA_01795
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01814
Name: ER02170_3B_prokka|PROKKA_01814
Description: ER02170_3B_prokka|PROKKA_01814
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01849
Name: ER02170_3B_prokka|PROKKA_01849
Description: ER02170_3B_prokka|PROKKA_01849
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01901
Name: ER02170_3B_prokka|PROKKA_01901
Description: ER02170_3B_prokka|PROKKA_01901
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01973
Name: ER02170_3B_prokka|PROKKA_01973
Description: ER02170_3B_prokka|PROKKA_01973
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01977
Name: ER02170_3B_prokka|PROKKA_01977
Description: ER02170_3B_prokka|PROKKA_01977
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01993
Name: ER02170_3B_prokka|PROKKA_01993
Description: ER02170_3B_prokka|PROKKA_01993
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_02013
Name: ER02170_3B_prokka|PROKKA_02013
Description: ER02170_3B_prokka|PROKKA_02013
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_02032
Name: ER02170_3B_prokka|PROKKA_02032
Description: ER02170_3B_prokka|PROKKA_02032
Number of features: 0
Seq('MKQLVGIPESMLIPLIARAKEYENEKPIIKDALSKKYLMV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_02044
Name: ER02170_3B_prokka|PROKKA_02044
Description: ER02170_3B_prokka|PROKKA_02044
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_02046
Name: ER02170_3B_prokka|PROKKA_02046
Description: ER02170_3B_prokka|PROKKA_02046
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_02095
Name: ER02170_3B_prokka|PROKKA_02095
Description: ER02170_3B_prokka|PROKKA_02095
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_02215
Name: ER02170_3B_prokka|PROKKA_02215
Description: ER02170_3B_prokka|PROKKA_02215
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_02239
Name: ER02170_3B_prokka|PROKKA_02239
Description: ER02170_3B_prokka|PROKKA_02239
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_02270
Name: ER02170_3B_prokka|PROKKA_02270
Description: ER02170_3B_prokka|PROKKA_02270
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_02425
Name: ER02170_3B_prokka|PROKKA_02425
Description: ER02170_3B_prokka|PROKKA_02425
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_02637
Name: ER02170_3B_prokka|PROKKA_02637
Description: ER02170_3B_prokka|PROKKA_02637
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_02724
Name: ER02170_3B_prokka|PROKKA_02724
Description: ER02170_3B_prokka|PROKKA_02724
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00029
Name: ER02262_3B_prokka|PROKKA_00029
Description: ER02262_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00038
Name: ER02262_3B_prokka|PROKKA_00038
Description: ER02262_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00059
Name: ER02262_3B_prokka|PROKKA_00059
Description: ER02262_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00150
Name: ER02262_3B_prokka|PROKKA_00150
Description: ER02262_3B_prokka|PROKKA_00150
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00249
Name: ER02262_3B_prokka|PROKKA_00249
Description: ER02262_3B_prokka|PROKKA_00249
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00301
Name: ER02262_3B_prokka|PROKKA_00301
Description: ER02262_3B_prokka|PROKKA_00301
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00399
Name: ER02262_3B_prokka|PROKKA_00399
Description: ER02262_3B_prokka|PROKKA_00399
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00438
Name: ER02262_3B_prokka|PROKKA_00438
Description: ER02262_3B_prokka|PROKKA_00438
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00568
Name: ER02262_3B_prokka|PROKKA_00568
Description: ER02262_3B_prokka|PROKKA_00568
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00604
Name: ER02262_3B_prokka|PROKKA_00604
Description: ER02262_3B_prokka|PROKKA_00604
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00770
Name: ER02262_3B_prokka|PROKKA_00770
Description: ER02262_3B_prokka|PROKKA_00770
Number of features: 0
Seq('MTKKERQKTIDNIEKEMKQAAKDLDFEKATELRDMLFELKAEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00822
Name: ER02262_3B_prokka|PROKKA_00822
Description: ER02262_3B_prokka|PROKKA_00822
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00853
Name: ER02262_3B_prokka|PROKKA_00853
Description: ER02262_3B_prokka|PROKKA_00853
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00857
Name: ER02262_3B_prokka|PROKKA_00857
Description: ER02262_3B_prokka|PROKKA_00857
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00873
Name: ER02262_3B_prokka|PROKKA_00873
Description: ER02262_3B_prokka|PROKKA_00873
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00904
Name: ER02262_3B_prokka|PROKKA_00904
Description: ER02262_3B_prokka|PROKKA_00904
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00905
Name: ER02262_3B_prokka|PROKKA_00905
Description: ER02262_3B_prokka|PROKKA_00905
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00919
Name: ER02262_3B_prokka|PROKKA_00919
Description: ER02262_3B_prokka|PROKKA_00919
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01027
Name: ER02262_3B_prokka|PROKKA_01027
Description: ER02262_3B_prokka|PROKKA_01027
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01066
Name: ER02262_3B_prokka|PROKKA_01066
Description: ER02262_3B_prokka|PROKKA_01066
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01146
Name: ER02262_3B_prokka|PROKKA_01146
Description: ER02262_3B_prokka|PROKKA_01146
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01159
Name: ER02262_3B_prokka|PROKKA_01159
Description: ER02262_3B_prokka|PROKKA_01159
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01160
Name: ER02262_3B_prokka|PROKKA_01160
Description: ER02262_3B_prokka|PROKKA_01160
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01296
Name: ER02262_3B_prokka|PROKKA_01296
Description: ER02262_3B_prokka|PROKKA_01296
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01300
Name: ER02262_3B_prokka|PROKKA_01300
Description: ER02262_3B_prokka|PROKKA_01300
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKNIKKMDIIM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01302
Name: ER02262_3B_prokka|PROKKA_01302
Description: ER02262_3B_prokka|PROKKA_01302
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01304
Name: ER02262_3B_prokka|PROKKA_01304
Description: ER02262_3B_prokka|PROKKA_01304
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01328
Name: ER02262_3B_prokka|PROKKA_01328
Description: ER02262_3B_prokka|PROKKA_01328
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01423
Name: ER02262_3B_prokka|PROKKA_01423
Description: ER02262_3B_prokka|PROKKA_01423
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01435
Name: ER02262_3B_prokka|PROKKA_01435
Description: ER02262_3B_prokka|PROKKA_01435
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01484
Name: ER02262_3B_prokka|PROKKA_01484
Description: ER02262_3B_prokka|PROKKA_01484
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01493
Name: ER02262_3B_prokka|PROKKA_01493
Description: ER02262_3B_prokka|PROKKA_01493
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01513
Name: ER02262_3B_prokka|PROKKA_01513
Description: ER02262_3B_prokka|PROKKA_01513
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01541
Name: ER02262_3B_prokka|PROKKA_01541
Description: ER02262_3B_prokka|PROKKA_01541
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01568
Name: ER02262_3B_prokka|PROKKA_01568
Description: ER02262_3B_prokka|PROKKA_01568
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01606
Name: ER02262_3B_prokka|PROKKA_01606
Description: ER02262_3B_prokka|PROKKA_01606
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01677
Name: ER02262_3B_prokka|PROKKA_01677
Description: ER02262_3B_prokka|PROKKA_01677
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01843
Name: ER02262_3B_prokka|PROKKA_01843
Description: ER02262_3B_prokka|PROKKA_01843
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01851
Name: ER02262_3B_prokka|PROKKA_01851
Description: ER02262_3B_prokka|PROKKA_01851
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01870
Name: ER02262_3B_prokka|PROKKA_01870
Description: ER02262_3B_prokka|PROKKA_01870
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01905
Name: ER02262_3B_prokka|PROKKA_01905
Description: ER02262_3B_prokka|PROKKA_01905
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01958
Name: ER02262_3B_prokka|PROKKA_01958
Description: ER02262_3B_prokka|PROKKA_01958
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02030
Name: ER02262_3B_prokka|PROKKA_02030
Description: ER02262_3B_prokka|PROKKA_02030
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02034
Name: ER02262_3B_prokka|PROKKA_02034
Description: ER02262_3B_prokka|PROKKA_02034
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02050
Name: ER02262_3B_prokka|PROKKA_02050
Description: ER02262_3B_prokka|PROKKA_02050
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02070
Name: ER02262_3B_prokka|PROKKA_02070
Description: ER02262_3B_prokka|PROKKA_02070
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02101
Name: ER02262_3B_prokka|PROKKA_02101
Description: ER02262_3B_prokka|PROKKA_02101
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02103
Name: ER02262_3B_prokka|PROKKA_02103
Description: ER02262_3B_prokka|PROKKA_02103
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02152
Name: ER02262_3B_prokka|PROKKA_02152
Description: ER02262_3B_prokka|PROKKA_02152
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02272
Name: ER02262_3B_prokka|PROKKA_02272
Description: ER02262_3B_prokka|PROKKA_02272
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02297
Name: ER02262_3B_prokka|PROKKA_02297
Description: ER02262_3B_prokka|PROKKA_02297
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02328
Name: ER02262_3B_prokka|PROKKA_02328
Description: ER02262_3B_prokka|PROKKA_02328
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02482
Name: ER02262_3B_prokka|PROKKA_02482
Description: ER02262_3B_prokka|PROKKA_02482
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02488
Name: ER02262_3B_prokka|PROKKA_02488
Description: ER02262_3B_prokka|PROKKA_02488
Number of features: 0
Seq('MDVTHAIKRSTHYGNSYLDGHRVHNAFVNRNYTVKYEVNWKTHEIKVKGQN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02695
Name: ER02262_3B_prokka|PROKKA_02695
Description: ER02262_3B_prokka|PROKKA_02695
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02782
Name: ER02262_3B_prokka|PROKKA_02782
Description: ER02262_3B_prokka|PROKKA_02782
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02813
Name: ER02262_3B_prokka|PROKKA_02813
Description: ER02262_3B_prokka|PROKKA_02813
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00028
Name: ER02360_3B_prokka|PROKKA_00028
Description: ER02360_3B_prokka|PROKKA_00028
Number of features: 0
Seq('MTHQSEYILEWEILRQLVKLGCERVNIYNVRLEMNDYLKGLGVLKHD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00042
Name: ER02360_3B_prokka|PROKKA_00042
Description: ER02360_3B_prokka|PROKKA_00042
Number of features: 0
Seq('MSKALREFKQFIKKNVDDLSNYEIKLAKRS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00051
Name: ER02360_3B_prokka|PROKKA_00051
Description: ER02360_3B_prokka|PROKKA_00051
Number of features: 0
Seq('MRNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00058
Name: ER02360_3B_prokka|PROKKA_00058
Description: ER02360_3B_prokka|PROKKA_00058
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00067
Name: ER02360_3B_prokka|PROKKA_00067
Description: ER02360_3B_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00080
Name: ER02360_3B_prokka|PROKKA_00080
Description: ER02360_3B_prokka|PROKKA_00080
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00083
Name: ER02360_3B_prokka|PROKKA_00083
Description: ER02360_3B_prokka|PROKKA_00083
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00248
Name: ER02360_3B_prokka|PROKKA_00248
Description: ER02360_3B_prokka|PROKKA_00248
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00323
Name: ER02360_3B_prokka|PROKKA_00323
Description: ER02360_3B_prokka|PROKKA_00323
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00329
Name: ER02360_3B_prokka|PROKKA_00329
Description: ER02360_3B_prokka|PROKKA_00329
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00431
Name: ER02360_3B_prokka|PROKKA_00431
Description: ER02360_3B_prokka|PROKKA_00431
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00449
Name: ER02360_3B_prokka|PROKKA_00449
Description: ER02360_3B_prokka|PROKKA_00449
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00614
Name: ER02360_3B_prokka|PROKKA_00614
Description: ER02360_3B_prokka|PROKKA_00614
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00650
Name: ER02360_3B_prokka|PROKKA_00650
Description: ER02360_3B_prokka|PROKKA_00650
Number of features: 0
Seq('MNKVTINPQIQLTYQIEGKGDPIILLHGLDGNLAGFEDLQHQLAHHIKYLLTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00867
Name: ER02360_3B_prokka|PROKKA_00867
Description: ER02360_3B_prokka|PROKKA_00867
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00894
Name: ER02360_3B_prokka|PROKKA_00894
Description: ER02360_3B_prokka|PROKKA_00894
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01002
Name: ER02360_3B_prokka|PROKKA_01002
Description: ER02360_3B_prokka|PROKKA_01002
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01042
Name: ER02360_3B_prokka|PROKKA_01042
Description: ER02360_3B_prokka|PROKKA_01042
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01093
Name: ER02360_3B_prokka|PROKKA_01093
Description: ER02360_3B_prokka|PROKKA_01093
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01100
Name: ER02360_3B_prokka|PROKKA_01100
Description: ER02360_3B_prokka|PROKKA_01100
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQALINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01101
Name: ER02360_3B_prokka|PROKKA_01101
Description: ER02360_3B_prokka|PROKKA_01101
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYGE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01121
Name: ER02360_3B_prokka|PROKKA_01121
Description: ER02360_3B_prokka|PROKKA_01121
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01186
Name: ER02360_3B_prokka|PROKKA_01186
Description: ER02360_3B_prokka|PROKKA_01186
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01198
Name: ER02360_3B_prokka|PROKKA_01198
Description: ER02360_3B_prokka|PROKKA_01198
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01199
Name: ER02360_3B_prokka|PROKKA_01199
Description: ER02360_3B_prokka|PROKKA_01199
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01334
Name: ER02360_3B_prokka|PROKKA_01334
Description: ER02360_3B_prokka|PROKKA_01334
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01338
Name: ER02360_3B_prokka|PROKKA_01338
Description: ER02360_3B_prokka|PROKKA_01338
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01361
Name: ER02360_3B_prokka|PROKKA_01361
Description: ER02360_3B_prokka|PROKKA_01361
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01456
Name: ER02360_3B_prokka|PROKKA_01456
Description: ER02360_3B_prokka|PROKKA_01456
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01468
Name: ER02360_3B_prokka|PROKKA_01468
Description: ER02360_3B_prokka|PROKKA_01468
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01535
Name: ER02360_3B_prokka|PROKKA_01535
Description: ER02360_3B_prokka|PROKKA_01535
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01538
Name: ER02360_3B_prokka|PROKKA_01538
Description: ER02360_3B_prokka|PROKKA_01538
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01573
Name: ER02360_3B_prokka|PROKKA_01573
Description: ER02360_3B_prokka|PROKKA_01573
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01646
Name: ER02360_3B_prokka|PROKKA_01646
Description: ER02360_3B_prokka|PROKKA_01646
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01815
Name: ER02360_3B_prokka|PROKKA_01815
Description: ER02360_3B_prokka|PROKKA_01815
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01830
Name: ER02360_3B_prokka|PROKKA_01830
Description: ER02360_3B_prokka|PROKKA_01830
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01872
Name: ER02360_3B_prokka|PROKKA_01872
Description: ER02360_3B_prokka|PROKKA_01872
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01924
Name: ER02360_3B_prokka|PROKKA_01924
Description: ER02360_3B_prokka|PROKKA_01924
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01999
Name: ER02360_3B_prokka|PROKKA_01999
Description: ER02360_3B_prokka|PROKKA_01999
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02003
Name: ER02360_3B_prokka|PROKKA_02003
Description: ER02360_3B_prokka|PROKKA_02003
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02019
Name: ER02360_3B_prokka|PROKKA_02019
Description: ER02360_3B_prokka|PROKKA_02019
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02037
Name: ER02360_3B_prokka|PROKKA_02037
Description: ER02360_3B_prokka|PROKKA_02037
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02076
Name: ER02360_3B_prokka|PROKKA_02076
Description: ER02360_3B_prokka|PROKKA_02076
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02087
Name: ER02360_3B_prokka|PROKKA_02087
Description: ER02360_3B_prokka|PROKKA_02087
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02089
Name: ER02360_3B_prokka|PROKKA_02089
Description: ER02360_3B_prokka|PROKKA_02089
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02139
Name: ER02360_3B_prokka|PROKKA_02139
Description: ER02360_3B_prokka|PROKKA_02139
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02265
Name: ER02360_3B_prokka|PROKKA_02265
Description: ER02360_3B_prokka|PROKKA_02265
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02278
Name: ER02360_3B_prokka|PROKKA_02278
Description: ER02360_3B_prokka|PROKKA_02278
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02309
Name: ER02360_3B_prokka|PROKKA_02309
Description: ER02360_3B_prokka|PROKKA_02309
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02463
Name: ER02360_3B_prokka|PROKKA_02463
Description: ER02360_3B_prokka|PROKKA_02463
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02527
Name: ER02360_3B_prokka|PROKKA_02527
Description: ER02360_3B_prokka|PROKKA_02527
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02642
Name: ER02360_3B_prokka|PROKKA_02642
Description: ER02360_3B_prokka|PROKKA_02642
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02655
Name: ER02360_3B_prokka|PROKKA_02655
Description: ER02360_3B_prokka|PROKKA_02655
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02657
Name: ER02360_3B_prokka|PROKKA_02657
Description: ER02360_3B_prokka|PROKKA_02657
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02660
Name: ER02360_3B_prokka|PROKKA_02660
Description: ER02360_3B_prokka|PROKKA_02660
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02667
Name: ER02360_3B_prokka|PROKKA_02667
Description: ER02360_3B_prokka|PROKKA_02667
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02705
Name: ER02360_3B_prokka|PROKKA_02705
Description: ER02360_3B_prokka|PROKKA_02705
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02789
Name: ER02360_3B_prokka|PROKKA_02789
Description: ER02360_3B_prokka|PROKKA_02789
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00031
Name: ER02443_3B_prokka|PROKKA_00031
Description: ER02443_3B_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00040
Name: ER02443_3B_prokka|PROKKA_00040
Description: ER02443_3B_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00066
Name: ER02443_3B_prokka|PROKKA_00066
Description: ER02443_3B_prokka|PROKKA_00066
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00155
Name: ER02443_3B_prokka|PROKKA_00155
Description: ER02443_3B_prokka|PROKKA_00155
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00253
Name: ER02443_3B_prokka|PROKKA_00253
Description: ER02443_3B_prokka|PROKKA_00253
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00305
Name: ER02443_3B_prokka|PROKKA_00305
Description: ER02443_3B_prokka|PROKKA_00305
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00403
Name: ER02443_3B_prokka|PROKKA_00403
Description: ER02443_3B_prokka|PROKKA_00403
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00441
Name: ER02443_3B_prokka|PROKKA_00441
Description: ER02443_3B_prokka|PROKKA_00441
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00571
Name: ER02443_3B_prokka|PROKKA_00571
Description: ER02443_3B_prokka|PROKKA_00571
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00607
Name: ER02443_3B_prokka|PROKKA_00607
Description: ER02443_3B_prokka|PROKKA_00607
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00825
Name: ER02443_3B_prokka|PROKKA_00825
Description: ER02443_3B_prokka|PROKKA_00825
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00869
Name: ER02443_3B_prokka|PROKKA_00869
Description: ER02443_3B_prokka|PROKKA_00869
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00977
Name: ER02443_3B_prokka|PROKKA_00977
Description: ER02443_3B_prokka|PROKKA_00977
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01016
Name: ER02443_3B_prokka|PROKKA_01016
Description: ER02443_3B_prokka|PROKKA_01016
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01096
Name: ER02443_3B_prokka|PROKKA_01096
Description: ER02443_3B_prokka|PROKKA_01096
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01109
Name: ER02443_3B_prokka|PROKKA_01109
Description: ER02443_3B_prokka|PROKKA_01109
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01110
Name: ER02443_3B_prokka|PROKKA_01110
Description: ER02443_3B_prokka|PROKKA_01110
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01245
Name: ER02443_3B_prokka|PROKKA_01245
Description: ER02443_3B_prokka|PROKKA_01245
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01249
Name: ER02443_3B_prokka|PROKKA_01249
Description: ER02443_3B_prokka|PROKKA_01249
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01253
Name: ER02443_3B_prokka|PROKKA_01253
Description: ER02443_3B_prokka|PROKKA_01253
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01255
Name: ER02443_3B_prokka|PROKKA_01255
Description: ER02443_3B_prokka|PROKKA_01255
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01279
Name: ER02443_3B_prokka|PROKKA_01279
Description: ER02443_3B_prokka|PROKKA_01279
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01375
Name: ER02443_3B_prokka|PROKKA_01375
Description: ER02443_3B_prokka|PROKKA_01375
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01387
Name: ER02443_3B_prokka|PROKKA_01387
Description: ER02443_3B_prokka|PROKKA_01387
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01435
Name: ER02443_3B_prokka|PROKKA_01435
Description: ER02443_3B_prokka|PROKKA_01435
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01443
Name: ER02443_3B_prokka|PROKKA_01443
Description: ER02443_3B_prokka|PROKKA_01443
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01463
Name: ER02443_3B_prokka|PROKKA_01463
Description: ER02443_3B_prokka|PROKKA_01463
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01491
Name: ER02443_3B_prokka|PROKKA_01491
Description: ER02443_3B_prokka|PROKKA_01491
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01518
Name: ER02443_3B_prokka|PROKKA_01518
Description: ER02443_3B_prokka|PROKKA_01518
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01555
Name: ER02443_3B_prokka|PROKKA_01555
Description: ER02443_3B_prokka|PROKKA_01555
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01626
Name: ER02443_3B_prokka|PROKKA_01626
Description: ER02443_3B_prokka|PROKKA_01626
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01791
Name: ER02443_3B_prokka|PROKKA_01791
Description: ER02443_3B_prokka|PROKKA_01791
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01798
Name: ER02443_3B_prokka|PROKKA_01798
Description: ER02443_3B_prokka|PROKKA_01798
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01817
Name: ER02443_3B_prokka|PROKKA_01817
Description: ER02443_3B_prokka|PROKKA_01817
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01852
Name: ER02443_3B_prokka|PROKKA_01852
Description: ER02443_3B_prokka|PROKKA_01852
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01904
Name: ER02443_3B_prokka|PROKKA_01904
Description: ER02443_3B_prokka|PROKKA_01904
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01975
Name: ER02443_3B_prokka|PROKKA_01975
Description: ER02443_3B_prokka|PROKKA_01975
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01979
Name: ER02443_3B_prokka|PROKKA_01979
Description: ER02443_3B_prokka|PROKKA_01979
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01995
Name: ER02443_3B_prokka|PROKKA_01995
Description: ER02443_3B_prokka|PROKKA_01995
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_02015
Name: ER02443_3B_prokka|PROKKA_02015
Description: ER02443_3B_prokka|PROKKA_02015
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_02045
Name: ER02443_3B_prokka|PROKKA_02045
Description: ER02443_3B_prokka|PROKKA_02045
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_02047
Name: ER02443_3B_prokka|PROKKA_02047
Description: ER02443_3B_prokka|PROKKA_02047
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_02096
Name: ER02443_3B_prokka|PROKKA_02096
Description: ER02443_3B_prokka|PROKKA_02096
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_02216
Name: ER02443_3B_prokka|PROKKA_02216
Description: ER02443_3B_prokka|PROKKA_02216
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_02240
Name: ER02443_3B_prokka|PROKKA_02240
Description: ER02443_3B_prokka|PROKKA_02240
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_02271
Name: ER02443_3B_prokka|PROKKA_02271
Description: ER02443_3B_prokka|PROKKA_02271
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_02427
Name: ER02443_3B_prokka|PROKKA_02427
Description: ER02443_3B_prokka|PROKKA_02427
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_02636
Name: ER02443_3B_prokka|PROKKA_02636
Description: ER02443_3B_prokka|PROKKA_02636
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_02723
Name: ER02443_3B_prokka|PROKKA_02723
Description: ER02443_3B_prokka|PROKKA_02723
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_02737
Name: ER02443_3B_prokka|PROKKA_02737
Description: ER02443_3B_prokka|PROKKA_02737
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00029
Name: ER02495_3B_prokka|PROKKA_00029
Description: ER02495_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00038
Name: ER02495_3B_prokka|PROKKA_00038
Description: ER02495_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00059
Name: ER02495_3B_prokka|PROKKA_00059
Description: ER02495_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00147
Name: ER02495_3B_prokka|PROKKA_00147
Description: ER02495_3B_prokka|PROKKA_00147
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00246
Name: ER02495_3B_prokka|PROKKA_00246
Description: ER02495_3B_prokka|PROKKA_00246
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00298
Name: ER02495_3B_prokka|PROKKA_00298
Description: ER02495_3B_prokka|PROKKA_00298
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00396
Name: ER02495_3B_prokka|PROKKA_00396
Description: ER02495_3B_prokka|PROKKA_00396
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00434
Name: ER02495_3B_prokka|PROKKA_00434
Description: ER02495_3B_prokka|PROKKA_00434
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00564
Name: ER02495_3B_prokka|PROKKA_00564
Description: ER02495_3B_prokka|PROKKA_00564
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00600
Name: ER02495_3B_prokka|PROKKA_00600
Description: ER02495_3B_prokka|PROKKA_00600
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00819
Name: ER02495_3B_prokka|PROKKA_00819
Description: ER02495_3B_prokka|PROKKA_00819
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00863
Name: ER02495_3B_prokka|PROKKA_00863
Description: ER02495_3B_prokka|PROKKA_00863
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00971
Name: ER02495_3B_prokka|PROKKA_00971
Description: ER02495_3B_prokka|PROKKA_00971
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01010
Name: ER02495_3B_prokka|PROKKA_01010
Description: ER02495_3B_prokka|PROKKA_01010
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01090
Name: ER02495_3B_prokka|PROKKA_01090
Description: ER02495_3B_prokka|PROKKA_01090
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01103
Name: ER02495_3B_prokka|PROKKA_01103
Description: ER02495_3B_prokka|PROKKA_01103
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01104
Name: ER02495_3B_prokka|PROKKA_01104
Description: ER02495_3B_prokka|PROKKA_01104
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01239
Name: ER02495_3B_prokka|PROKKA_01239
Description: ER02495_3B_prokka|PROKKA_01239
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01243
Name: ER02495_3B_prokka|PROKKA_01243
Description: ER02495_3B_prokka|PROKKA_01243
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01247
Name: ER02495_3B_prokka|PROKKA_01247
Description: ER02495_3B_prokka|PROKKA_01247
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01249
Name: ER02495_3B_prokka|PROKKA_01249
Description: ER02495_3B_prokka|PROKKA_01249
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01273
Name: ER02495_3B_prokka|PROKKA_01273
Description: ER02495_3B_prokka|PROKKA_01273
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01367
Name: ER02495_3B_prokka|PROKKA_01367
Description: ER02495_3B_prokka|PROKKA_01367
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01379
Name: ER02495_3B_prokka|PROKKA_01379
Description: ER02495_3B_prokka|PROKKA_01379
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01428
Name: ER02495_3B_prokka|PROKKA_01428
Description: ER02495_3B_prokka|PROKKA_01428
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01436
Name: ER02495_3B_prokka|PROKKA_01436
Description: ER02495_3B_prokka|PROKKA_01436
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01456
Name: ER02495_3B_prokka|PROKKA_01456
Description: ER02495_3B_prokka|PROKKA_01456
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01484
Name: ER02495_3B_prokka|PROKKA_01484
Description: ER02495_3B_prokka|PROKKA_01484
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01511
Name: ER02495_3B_prokka|PROKKA_01511
Description: ER02495_3B_prokka|PROKKA_01511
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01548
Name: ER02495_3B_prokka|PROKKA_01548
Description: ER02495_3B_prokka|PROKKA_01548
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01619
Name: ER02495_3B_prokka|PROKKA_01619
Description: ER02495_3B_prokka|PROKKA_01619
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01784
Name: ER02495_3B_prokka|PROKKA_01784
Description: ER02495_3B_prokka|PROKKA_01784
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01791
Name: ER02495_3B_prokka|PROKKA_01791
Description: ER02495_3B_prokka|PROKKA_01791
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01810
Name: ER02495_3B_prokka|PROKKA_01810
Description: ER02495_3B_prokka|PROKKA_01810
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01845
Name: ER02495_3B_prokka|PROKKA_01845
Description: ER02495_3B_prokka|PROKKA_01845
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01897
Name: ER02495_3B_prokka|PROKKA_01897
Description: ER02495_3B_prokka|PROKKA_01897
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01969
Name: ER02495_3B_prokka|PROKKA_01969
Description: ER02495_3B_prokka|PROKKA_01969
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01973
Name: ER02495_3B_prokka|PROKKA_01973
Description: ER02495_3B_prokka|PROKKA_01973
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01989
Name: ER02495_3B_prokka|PROKKA_01989
Description: ER02495_3B_prokka|PROKKA_01989
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_02009
Name: ER02495_3B_prokka|PROKKA_02009
Description: ER02495_3B_prokka|PROKKA_02009
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_02039
Name: ER02495_3B_prokka|PROKKA_02039
Description: ER02495_3B_prokka|PROKKA_02039
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_02041
Name: ER02495_3B_prokka|PROKKA_02041
Description: ER02495_3B_prokka|PROKKA_02041
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_02090
Name: ER02495_3B_prokka|PROKKA_02090
Description: ER02495_3B_prokka|PROKKA_02090
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_02210
Name: ER02495_3B_prokka|PROKKA_02210
Description: ER02495_3B_prokka|PROKKA_02210
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_02234
Name: ER02495_3B_prokka|PROKKA_02234
Description: ER02495_3B_prokka|PROKKA_02234
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_02265
Name: ER02495_3B_prokka|PROKKA_02265
Description: ER02495_3B_prokka|PROKKA_02265
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_02420
Name: ER02495_3B_prokka|PROKKA_02420
Description: ER02495_3B_prokka|PROKKA_02420
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_02631
Name: ER02495_3B_prokka|PROKKA_02631
Description: ER02495_3B_prokka|PROKKA_02631
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_02718
Name: ER02495_3B_prokka|PROKKA_02718
Description: ER02495_3B_prokka|PROKKA_02718
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_02736
Name: ER02495_3B_prokka|PROKKA_02736
Description: ER02495_3B_prokka|PROKKA_02736
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00008
Name: ER02524_3B_prokka|PROKKA_00008
Description: ER02524_3B_prokka|PROKKA_00008
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00050
Name: ER02524_3B_prokka|PROKKA_00050
Description: ER02524_3B_prokka|PROKKA_00050
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00059
Name: ER02524_3B_prokka|PROKKA_00059
Description: ER02524_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00080
Name: ER02524_3B_prokka|PROKKA_00080
Description: ER02524_3B_prokka|PROKKA_00080
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00168
Name: ER02524_3B_prokka|PROKKA_00168
Description: ER02524_3B_prokka|PROKKA_00168
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00267
Name: ER02524_3B_prokka|PROKKA_00267
Description: ER02524_3B_prokka|PROKKA_00267
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00319
Name: ER02524_3B_prokka|PROKKA_00319
Description: ER02524_3B_prokka|PROKKA_00319
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00417
Name: ER02524_3B_prokka|PROKKA_00417
Description: ER02524_3B_prokka|PROKKA_00417
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00455
Name: ER02524_3B_prokka|PROKKA_00455
Description: ER02524_3B_prokka|PROKKA_00455
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00585
Name: ER02524_3B_prokka|PROKKA_00585
Description: ER02524_3B_prokka|PROKKA_00585
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00621
Name: ER02524_3B_prokka|PROKKA_00621
Description: ER02524_3B_prokka|PROKKA_00621
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00840
Name: ER02524_3B_prokka|PROKKA_00840
Description: ER02524_3B_prokka|PROKKA_00840
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00884
Name: ER02524_3B_prokka|PROKKA_00884
Description: ER02524_3B_prokka|PROKKA_00884
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00992
Name: ER02524_3B_prokka|PROKKA_00992
Description: ER02524_3B_prokka|PROKKA_00992
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01031
Name: ER02524_3B_prokka|PROKKA_01031
Description: ER02524_3B_prokka|PROKKA_01031
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01111
Name: ER02524_3B_prokka|PROKKA_01111
Description: ER02524_3B_prokka|PROKKA_01111
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01124
Name: ER02524_3B_prokka|PROKKA_01124
Description: ER02524_3B_prokka|PROKKA_01124
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01125
Name: ER02524_3B_prokka|PROKKA_01125
Description: ER02524_3B_prokka|PROKKA_01125
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01260
Name: ER02524_3B_prokka|PROKKA_01260
Description: ER02524_3B_prokka|PROKKA_01260
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01264
Name: ER02524_3B_prokka|PROKKA_01264
Description: ER02524_3B_prokka|PROKKA_01264
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01268
Name: ER02524_3B_prokka|PROKKA_01268
Description: ER02524_3B_prokka|PROKKA_01268
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01270
Name: ER02524_3B_prokka|PROKKA_01270
Description: ER02524_3B_prokka|PROKKA_01270
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01294
Name: ER02524_3B_prokka|PROKKA_01294
Description: ER02524_3B_prokka|PROKKA_01294
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01388
Name: ER02524_3B_prokka|PROKKA_01388
Description: ER02524_3B_prokka|PROKKA_01388
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01400
Name: ER02524_3B_prokka|PROKKA_01400
Description: ER02524_3B_prokka|PROKKA_01400
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01449
Name: ER02524_3B_prokka|PROKKA_01449
Description: ER02524_3B_prokka|PROKKA_01449
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01457
Name: ER02524_3B_prokka|PROKKA_01457
Description: ER02524_3B_prokka|PROKKA_01457
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01477
Name: ER02524_3B_prokka|PROKKA_01477
Description: ER02524_3B_prokka|PROKKA_01477
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01505
Name: ER02524_3B_prokka|PROKKA_01505
Description: ER02524_3B_prokka|PROKKA_01505
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01532
Name: ER02524_3B_prokka|PROKKA_01532
Description: ER02524_3B_prokka|PROKKA_01532
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01569
Name: ER02524_3B_prokka|PROKKA_01569
Description: ER02524_3B_prokka|PROKKA_01569
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01640
Name: ER02524_3B_prokka|PROKKA_01640
Description: ER02524_3B_prokka|PROKKA_01640
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01805
Name: ER02524_3B_prokka|PROKKA_01805
Description: ER02524_3B_prokka|PROKKA_01805
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01812
Name: ER02524_3B_prokka|PROKKA_01812
Description: ER02524_3B_prokka|PROKKA_01812
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01831
Name: ER02524_3B_prokka|PROKKA_01831
Description: ER02524_3B_prokka|PROKKA_01831
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01866
Name: ER02524_3B_prokka|PROKKA_01866
Description: ER02524_3B_prokka|PROKKA_01866
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01918
Name: ER02524_3B_prokka|PROKKA_01918
Description: ER02524_3B_prokka|PROKKA_01918
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01990
Name: ER02524_3B_prokka|PROKKA_01990
Description: ER02524_3B_prokka|PROKKA_01990
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01994
Name: ER02524_3B_prokka|PROKKA_01994
Description: ER02524_3B_prokka|PROKKA_01994
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_02010
Name: ER02524_3B_prokka|PROKKA_02010
Description: ER02524_3B_prokka|PROKKA_02010
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_02030
Name: ER02524_3B_prokka|PROKKA_02030
Description: ER02524_3B_prokka|PROKKA_02030
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_02060
Name: ER02524_3B_prokka|PROKKA_02060
Description: ER02524_3B_prokka|PROKKA_02060
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_02062
Name: ER02524_3B_prokka|PROKKA_02062
Description: ER02524_3B_prokka|PROKKA_02062
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_02111
Name: ER02524_3B_prokka|PROKKA_02111
Description: ER02524_3B_prokka|PROKKA_02111
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_02231
Name: ER02524_3B_prokka|PROKKA_02231
Description: ER02524_3B_prokka|PROKKA_02231
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_02255
Name: ER02524_3B_prokka|PROKKA_02255
Description: ER02524_3B_prokka|PROKKA_02255
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_02286
Name: ER02524_3B_prokka|PROKKA_02286
Description: ER02524_3B_prokka|PROKKA_02286
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_02441
Name: ER02524_3B_prokka|PROKKA_02441
Description: ER02524_3B_prokka|PROKKA_02441
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_02650
Name: ER02524_3B_prokka|PROKKA_02650
Description: ER02524_3B_prokka|PROKKA_02650
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_02737
Name: ER02524_3B_prokka|PROKKA_02737
Description: ER02524_3B_prokka|PROKKA_02737
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00003
Name: ER02578_3B_prokka|PROKKA_00003
Description: ER02578_3B_prokka|PROKKA_00003
Number of features: 0
Seq('MMKLNLFINANETESYIDIHAPKMNDTFKVLLMQSMI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00013
Name: ER02578_3B_prokka|PROKKA_00013
Description: ER02578_3B_prokka|PROKKA_00013
Number of features: 0
Seq('MDDLRVFFPNAKNEDWEVITAGQRVQVIKDTEDSKGNLQFGTESLRQMMAH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00021
Name: ER02578_3B_prokka|PROKKA_00021
Description: ER02578_3B_prokka|PROKKA_00021
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00022
Name: ER02578_3B_prokka|PROKKA_00022
Description: ER02578_3B_prokka|PROKKA_00022
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00054
Name: ER02578_3B_prokka|PROKKA_00054
Description: ER02578_3B_prokka|PROKKA_00054
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00082
Name: ER02578_3B_prokka|PROKKA_00082
Description: ER02578_3B_prokka|PROKKA_00082
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00104
Name: ER02578_3B_prokka|PROKKA_00104
Description: ER02578_3B_prokka|PROKKA_00104
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00109
Name: ER02578_3B_prokka|PROKKA_00109
Description: ER02578_3B_prokka|PROKKA_00109
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00183
Name: ER02578_3B_prokka|PROKKA_00183
Description: ER02578_3B_prokka|PROKKA_00183
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00187
Name: ER02578_3B_prokka|PROKKA_00187
Description: ER02578_3B_prokka|PROKKA_00187
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00203
Name: ER02578_3B_prokka|PROKKA_00203
Description: ER02578_3B_prokka|PROKKA_00203
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00221
Name: ER02578_3B_prokka|PROKKA_00221
Description: ER02578_3B_prokka|PROKKA_00221
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00224
Name: ER02578_3B_prokka|PROKKA_00224
Description: ER02578_3B_prokka|PROKKA_00224
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00231
Name: ER02578_3B_prokka|PROKKA_00231
Description: ER02578_3B_prokka|PROKKA_00231
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00233
Name: ER02578_3B_prokka|PROKKA_00233
Description: ER02578_3B_prokka|PROKKA_00233
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00247
Name: ER02578_3B_prokka|PROKKA_00247
Description: ER02578_3B_prokka|PROKKA_00247
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00249
Name: ER02578_3B_prokka|PROKKA_00249
Description: ER02578_3B_prokka|PROKKA_00249
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00302
Name: ER02578_3B_prokka|PROKKA_00302
Description: ER02578_3B_prokka|PROKKA_00302
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00410
Name: ER02578_3B_prokka|PROKKA_00410
Description: ER02578_3B_prokka|PROKKA_00410
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00418
Name: ER02578_3B_prokka|PROKKA_00418
Description: ER02578_3B_prokka|PROKKA_00418
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00437
Name: ER02578_3B_prokka|PROKKA_00437
Description: ER02578_3B_prokka|PROKKA_00437
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00452
Name: ER02578_3B_prokka|PROKKA_00452
Description: ER02578_3B_prokka|PROKKA_00452
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00460
Name: ER02578_3B_prokka|PROKKA_00460
Description: ER02578_3B_prokka|PROKKA_00460
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00465
Name: ER02578_3B_prokka|PROKKA_00465
Description: ER02578_3B_prokka|PROKKA_00465
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00492
Name: ER02578_3B_prokka|PROKKA_00492
Description: ER02578_3B_prokka|PROKKA_00492
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00495
Name: ER02578_3B_prokka|PROKKA_00495
Description: ER02578_3B_prokka|PROKKA_00495
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00530
Name: ER02578_3B_prokka|PROKKA_00530
Description: ER02578_3B_prokka|PROKKA_00530
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00604
Name: ER02578_3B_prokka|PROKKA_00604
Description: ER02578_3B_prokka|PROKKA_00604
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00773
Name: ER02578_3B_prokka|PROKKA_00773
Description: ER02578_3B_prokka|PROKKA_00773
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00787
Name: ER02578_3B_prokka|PROKKA_00787
Description: ER02578_3B_prokka|PROKKA_00787
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00829
Name: ER02578_3B_prokka|PROKKA_00829
Description: ER02578_3B_prokka|PROKKA_00829
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00881
Name: ER02578_3B_prokka|PROKKA_00881
Description: ER02578_3B_prokka|PROKKA_00881
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00883
Name: ER02578_3B_prokka|PROKKA_00883
Description: ER02578_3B_prokka|PROKKA_00883
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00884
Name: ER02578_3B_prokka|PROKKA_00884
Description: ER02578_3B_prokka|PROKKA_00884
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00914
Name: ER02578_3B_prokka|PROKKA_00914
Description: ER02578_3B_prokka|PROKKA_00914
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00930
Name: ER02578_3B_prokka|PROKKA_00930
Description: ER02578_3B_prokka|PROKKA_00930
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00934
Name: ER02578_3B_prokka|PROKKA_00934
Description: ER02578_3B_prokka|PROKKA_00934
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00965
Name: ER02578_3B_prokka|PROKKA_00965
Description: ER02578_3B_prokka|PROKKA_00965
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01194
Name: ER02578_3B_prokka|PROKKA_01194
Description: ER02578_3B_prokka|PROKKA_01194
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01360
Name: ER02578_3B_prokka|PROKKA_01360
Description: ER02578_3B_prokka|PROKKA_01360
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01377
Name: ER02578_3B_prokka|PROKKA_01377
Description: ER02578_3B_prokka|PROKKA_01377
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01502
Name: ER02578_3B_prokka|PROKKA_01502
Description: ER02578_3B_prokka|PROKKA_01502
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01670
Name: ER02578_3B_prokka|PROKKA_01670
Description: ER02578_3B_prokka|PROKKA_01670
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01688
Name: ER02578_3B_prokka|PROKKA_01688
Description: ER02578_3B_prokka|PROKKA_01688
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01709
Name: ER02578_3B_prokka|PROKKA_01709
Description: ER02578_3B_prokka|PROKKA_01709
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01713
Name: ER02578_3B_prokka|PROKKA_01713
Description: ER02578_3B_prokka|PROKKA_01713
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01716
Name: ER02578_3B_prokka|PROKKA_01716
Description: ER02578_3B_prokka|PROKKA_01716
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01755
Name: ER02578_3B_prokka|PROKKA_01755
Description: ER02578_3B_prokka|PROKKA_01755
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01839
Name: ER02578_3B_prokka|PROKKA_01839
Description: ER02578_3B_prokka|PROKKA_01839
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01877
Name: ER02578_3B_prokka|PROKKA_01877
Description: ER02578_3B_prokka|PROKKA_01877
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01985
Name: ER02578_3B_prokka|PROKKA_01985
Description: ER02578_3B_prokka|PROKKA_01985
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02049
Name: ER02578_3B_prokka|PROKKA_02049
Description: ER02578_3B_prokka|PROKKA_02049
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02058
Name: ER02578_3B_prokka|PROKKA_02058
Description: ER02578_3B_prokka|PROKKA_02058
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02204
Name: ER02578_3B_prokka|PROKKA_02204
Description: ER02578_3B_prokka|PROKKA_02204
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02236
Name: ER02578_3B_prokka|PROKKA_02236
Description: ER02578_3B_prokka|PROKKA_02236
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02267
Name: ER02578_3B_prokka|PROKKA_02267
Description: ER02578_3B_prokka|PROKKA_02267
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02274
Name: ER02578_3B_prokka|PROKKA_02274
Description: ER02578_3B_prokka|PROKKA_02274
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02279
Name: ER02578_3B_prokka|PROKKA_02279
Description: ER02578_3B_prokka|PROKKA_02279
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02287
Name: ER02578_3B_prokka|PROKKA_02287
Description: ER02578_3B_prokka|PROKKA_02287
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02297
Name: ER02578_3B_prokka|PROKKA_02297
Description: ER02578_3B_prokka|PROKKA_02297
Number of features: 0
Seq('MAKKVDKVVKLQIPAGKANPAPPVGPALGQAGVNIMGFCKEFMHVLKIKQV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02302
Name: ER02578_3B_prokka|PROKKA_02302
Description: ER02578_3B_prokka|PROKKA_02302
Number of features: 0
Seq('MSRLVSDKCDFYIKIPMVGHVNSLNASVAASLMMYEVFRKRHDVGEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02306
Name: ER02578_3B_prokka|PROKKA_02306
Description: ER02578_3B_prokka|PROKKA_02306
Number of features: 0
Seq('MEKTSWPTKEELFKYTVIVVSTVIFFLVFFYALDLGITALKNLLFG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02316
Name: ER02578_3B_prokka|PROKKA_02316
Description: ER02578_3B_prokka|PROKKA_02316
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02324
Name: ER02578_3B_prokka|PROKKA_02324
Description: ER02578_3B_prokka|PROKKA_02324
Number of features: 0
Seq('MIDQFNGEIPQTHKELESLAGVGRKTANVVMSVAFDEPSLAVDTHVERVSKTLRY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02329
Name: ER02578_3B_prokka|PROKKA_02329
Description: ER02578_3B_prokka|PROKKA_02329
Number of features: 0
Seq('MDKYQLKARPVVIRRELLDHYSDLGLDEQDLVHFA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02340
Name: ER02578_3B_prokka|PROKKA_02340
Description: ER02578_3B_prokka|PROKKA_02340
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02400
Name: ER02578_3B_prokka|PROKKA_02400
Description: ER02578_3B_prokka|PROKKA_02400
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02418
Name: ER02578_3B_prokka|PROKKA_02418
Description: ER02578_3B_prokka|PROKKA_02418
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02439
Name: ER02578_3B_prokka|PROKKA_02439
Description: ER02578_3B_prokka|PROKKA_02439
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02443
Name: ER02578_3B_prokka|PROKKA_02443
Description: ER02578_3B_prokka|PROKKA_02443
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02446
Name: ER02578_3B_prokka|PROKKA_02446
Description: ER02578_3B_prokka|PROKKA_02446
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02485
Name: ER02578_3B_prokka|PROKKA_02485
Description: ER02578_3B_prokka|PROKKA_02485
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02569
Name: ER02578_3B_prokka|PROKKA_02569
Description: ER02578_3B_prokka|PROKKA_02569
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02607
Name: ER02578_3B_prokka|PROKKA_02607
Description: ER02578_3B_prokka|PROKKA_02607
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02715
Name: ER02578_3B_prokka|PROKKA_02715
Description: ER02578_3B_prokka|PROKKA_02715
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02779
Name: ER02578_3B_prokka|PROKKA_02779
Description: ER02578_3B_prokka|PROKKA_02779
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02788
Name: ER02578_3B_prokka|PROKKA_02788
Description: ER02578_3B_prokka|PROKKA_02788
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02934
Name: ER02578_3B_prokka|PROKKA_02934
Description: ER02578_3B_prokka|PROKKA_02934
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02966
Name: ER02578_3B_prokka|PROKKA_02966
Description: ER02578_3B_prokka|PROKKA_02966
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02997
Name: ER02578_3B_prokka|PROKKA_02997
Description: ER02578_3B_prokka|PROKKA_02997
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03004
Name: ER02578_3B_prokka|PROKKA_03004
Description: ER02578_3B_prokka|PROKKA_03004
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03009
Name: ER02578_3B_prokka|PROKKA_03009
Description: ER02578_3B_prokka|PROKKA_03009
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03017
Name: ER02578_3B_prokka|PROKKA_03017
Description: ER02578_3B_prokka|PROKKA_03017
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03082
Name: ER02578_3B_prokka|PROKKA_03082
Description: ER02578_3B_prokka|PROKKA_03082
Number of features: 0
Seq('MEGNVITAEEVKTVGSLPSHDGLVSMLLSVLQAPVRNFAYAVKAIGEQKEENAE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03112
Name: ER02578_3B_prokka|PROKKA_03112
Description: ER02578_3B_prokka|PROKKA_03112
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03159
Name: ER02578_3B_prokka|PROKKA_03159
Description: ER02578_3B_prokka|PROKKA_03159
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03171
Name: ER02578_3B_prokka|PROKKA_03171
Description: ER02578_3B_prokka|PROKKA_03171
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03264
Name: ER02578_3B_prokka|PROKKA_03264
Description: ER02578_3B_prokka|PROKKA_03264
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03288
Name: ER02578_3B_prokka|PROKKA_03288
Description: ER02578_3B_prokka|PROKKA_03288
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03292
Name: ER02578_3B_prokka|PROKKA_03292
Description: ER02578_3B_prokka|PROKKA_03292
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03429
Name: ER02578_3B_prokka|PROKKA_03429
Description: ER02578_3B_prokka|PROKKA_03429
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03430
Name: ER02578_3B_prokka|PROKKA_03430
Description: ER02578_3B_prokka|PROKKA_03430
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03442
Name: ER02578_3B_prokka|PROKKA_03442
Description: ER02578_3B_prokka|PROKKA_03442
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03524
Name: ER02578_3B_prokka|PROKKA_03524
Description: ER02578_3B_prokka|PROKKA_03524
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03525
Name: ER02578_3B_prokka|PROKKA_03525
Description: ER02578_3B_prokka|PROKKA_03525
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03542
Name: ER02578_3B_prokka|PROKKA_03542
Description: ER02578_3B_prokka|PROKKA_03542
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03565
Name: ER02578_3B_prokka|PROKKA_03565
Description: ER02578_3B_prokka|PROKKA_03565
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03670
Name: ER02578_3B_prokka|PROKKA_03670
Description: ER02578_3B_prokka|PROKKA_03670
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03685
Name: ER02578_3B_prokka|PROKKA_03685
Description: ER02578_3B_prokka|PROKKA_03685
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03686
Name: ER02578_3B_prokka|PROKKA_03686
Description: ER02578_3B_prokka|PROKKA_03686
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03694
Name: ER02578_3B_prokka|PROKKA_03694
Description: ER02578_3B_prokka|PROKKA_03694
Number of features: 0
Seq('MEKIKMIYPTFKDIKTFYVWVAIKMTKLSGT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03697
Name: ER02578_3B_prokka|PROKKA_03697
Description: ER02578_3B_prokka|PROKKA_03697
Number of features: 0
Seq('MIYPTFKDIKTFYVWGCYKNDQIKWYVDMGVIDKEEYALITGEKYPETKDEKSQV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03708
Name: ER02578_3B_prokka|PROKKA_03708
Description: ER02578_3B_prokka|PROKKA_03708
Number of features: 0
Seq('MNKKLLTKTLIASALVLTTVGSGFSFFFKL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03727
Name: ER02578_3B_prokka|PROKKA_03727
Description: ER02578_3B_prokka|PROKKA_03727
Number of features: 0
Seq('MKEPQIEKSQLSDTQQNQIKKVIHQEPYKIIFKH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00033
Name: ER02603_3B_prokka|PROKKA_00033
Description: ER02603_3B_prokka|PROKKA_00033
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00062
Name: ER02603_3B_prokka|PROKKA_00062
Description: ER02603_3B_prokka|PROKKA_00062
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00140
Name: ER02603_3B_prokka|PROKKA_00140
Description: ER02603_3B_prokka|PROKKA_00140
Number of features: 0
Seq('MLGDNREVSKDSRAFGLIDEDQIVGKVSFRFWPFSEFKHNFNPENTKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00176
Name: ER02603_3B_prokka|PROKKA_00176
Description: ER02603_3B_prokka|PROKKA_00176
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00293
Name: ER02603_3B_prokka|PROKKA_00293
Description: ER02603_3B_prokka|PROKKA_00293
Number of features: 0
Seq('MIVQQERDLSDYIAKKTNVKHESPQAFYFVNGEMVWNRDHGDINVSSLAQAEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00388
Name: ER02603_3B_prokka|PROKKA_00388
Description: ER02603_3B_prokka|PROKKA_00388
Number of features: 0
Seq('MPKIILVSHSKEIASGTKSLLKQMAGDVDIIPIGDYQMVQLELHLISSKKF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00448
Name: ER02603_3B_prokka|PROKKA_00448
Description: ER02603_3B_prokka|PROKKA_00448
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00484
Name: ER02603_3B_prokka|PROKKA_00484
Description: ER02603_3B_prokka|PROKKA_00484
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00544
Name: ER02603_3B_prokka|PROKKA_00544
Description: ER02603_3B_prokka|PROKKA_00544
Number of features: 0
Seq('MKIGVLALQGAVREHIRHIELSGHEGIAVKKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00557
Name: ER02603_3B_prokka|PROKKA_00557
Description: ER02603_3B_prokka|PROKKA_00557
Number of features: 0
Seq('MIDLPKLSVPHPRMNERAFVLIPLNDIAANVVEPRSKLKVKDLVFVDDSVKRYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00617
Name: ER02603_3B_prokka|PROKKA_00617
Description: ER02603_3B_prokka|PROKKA_00617
Number of features: 0
Seq('MNKKTKLIHGGTQQTIIQVPLQHQFIKQVHIYKMILVIYVKDMNILVLRIQQEVL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00620
Name: ER02603_3B_prokka|PROKKA_00620
Description: ER02603_3B_prokka|PROKKA_00620
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00660
Name: ER02603_3B_prokka|PROKKA_00660
Description: ER02603_3B_prokka|PROKKA_00660
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00760
Name: ER02603_3B_prokka|PROKKA_00760
Description: ER02603_3B_prokka|PROKKA_00760
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00814
Name: ER02603_3B_prokka|PROKKA_00814
Description: ER02603_3B_prokka|PROKKA_00814
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00913
Name: ER02603_3B_prokka|PROKKA_00913
Description: ER02603_3B_prokka|PROKKA_00913
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01004
Name: ER02603_3B_prokka|PROKKA_01004
Description: ER02603_3B_prokka|PROKKA_01004
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01017
Name: ER02603_3B_prokka|PROKKA_01017
Description: ER02603_3B_prokka|PROKKA_01017
Number of features: 0
Seq('MELKLLNKLDDDQLDLEFLQDNGLKGNVQGPMTLKEPLKSYIQKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01026
Name: ER02603_3B_prokka|PROKKA_01026
Description: ER02603_3B_prokka|PROKKA_01026
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01035
Name: ER02603_3B_prokka|PROKKA_01035
Description: ER02603_3B_prokka|PROKKA_01035
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01064
Name: ER02603_3B_prokka|PROKKA_01064
Description: ER02603_3B_prokka|PROKKA_01064
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01153
Name: ER02603_3B_prokka|PROKKA_01153
Description: ER02603_3B_prokka|PROKKA_01153
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01366
Name: ER02603_3B_prokka|PROKKA_01366
Description: ER02603_3B_prokka|PROKKA_01366
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01493
Name: ER02603_3B_prokka|PROKKA_01493
Description: ER02603_3B_prokka|PROKKA_01493
Number of features: 0
Seq('MPAQFTETEMLVQYDYLVEDLLKSLGIPYVREDRKVNKAFRHIGHSHD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01496
Name: ER02603_3B_prokka|PROKKA_01496
Description: ER02603_3B_prokka|PROKKA_01496
Number of features: 0
Seq('MAQNPRVTRDDVNVADLVISNAVIIDYDKVVKADIGIKNGYIFAIGNAATQI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01525
Name: ER02603_3B_prokka|PROKKA_01525
Description: ER02603_3B_prokka|PROKKA_01525
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01556
Name: ER02603_3B_prokka|PROKKA_01556
Description: ER02603_3B_prokka|PROKKA_01556
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01582
Name: ER02603_3B_prokka|PROKKA_01582
Description: ER02603_3B_prokka|PROKKA_01582
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01704
Name: ER02603_3B_prokka|PROKKA_01704
Description: ER02603_3B_prokka|PROKKA_01704
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01754
Name: ER02603_3B_prokka|PROKKA_01754
Description: ER02603_3B_prokka|PROKKA_01754
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01756
Name: ER02603_3B_prokka|PROKKA_01756
Description: ER02603_3B_prokka|PROKKA_01756
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01789
Name: ER02603_3B_prokka|PROKKA_01789
Description: ER02603_3B_prokka|PROKKA_01789
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01809
Name: ER02603_3B_prokka|PROKKA_01809
Description: ER02603_3B_prokka|PROKKA_01809
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01825
Name: ER02603_3B_prokka|PROKKA_01825
Description: ER02603_3B_prokka|PROKKA_01825
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01830
Name: ER02603_3B_prokka|PROKKA_01830
Description: ER02603_3B_prokka|PROKKA_01830
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01902
Name: ER02603_3B_prokka|PROKKA_01902
Description: ER02603_3B_prokka|PROKKA_01902
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01955
Name: ER02603_3B_prokka|PROKKA_01955
Description: ER02603_3B_prokka|PROKKA_01955
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01991
Name: ER02603_3B_prokka|PROKKA_01991
Description: ER02603_3B_prokka|PROKKA_01991
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02012
Name: ER02603_3B_prokka|PROKKA_02012
Description: ER02603_3B_prokka|PROKKA_02012
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02020
Name: ER02603_3B_prokka|PROKKA_02020
Description: ER02603_3B_prokka|PROKKA_02020
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02189
Name: ER02603_3B_prokka|PROKKA_02189
Description: ER02603_3B_prokka|PROKKA_02189
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02263
Name: ER02603_3B_prokka|PROKKA_02263
Description: ER02603_3B_prokka|PROKKA_02263
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02305
Name: ER02603_3B_prokka|PROKKA_02305
Description: ER02603_3B_prokka|PROKKA_02305
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02332
Name: ER02603_3B_prokka|PROKKA_02332
Description: ER02603_3B_prokka|PROKKA_02332
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02359
Name: ER02603_3B_prokka|PROKKA_02359
Description: ER02603_3B_prokka|PROKKA_02359
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02379
Name: ER02603_3B_prokka|PROKKA_02379
Description: ER02603_3B_prokka|PROKKA_02379
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02387
Name: ER02603_3B_prokka|PROKKA_02387
Description: ER02603_3B_prokka|PROKKA_02387
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02437
Name: ER02603_3B_prokka|PROKKA_02437
Description: ER02603_3B_prokka|PROKKA_02437
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02451
Name: ER02603_3B_prokka|PROKKA_02451
Description: ER02603_3B_prokka|PROKKA_02451
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02547
Name: ER02603_3B_prokka|PROKKA_02547
Description: ER02603_3B_prokka|PROKKA_02547
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02571
Name: ER02603_3B_prokka|PROKKA_02571
Description: ER02603_3B_prokka|PROKKA_02571
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02573
Name: ER02603_3B_prokka|PROKKA_02573
Description: ER02603_3B_prokka|PROKKA_02573
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02577
Name: ER02603_3B_prokka|PROKKA_02577
Description: ER02603_3B_prokka|PROKKA_02577
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02581
Name: ER02603_3B_prokka|PROKKA_02581
Description: ER02603_3B_prokka|PROKKA_02581
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02730
Name: ER02603_3B_prokka|PROKKA_02730
Description: ER02603_3B_prokka|PROKKA_02730
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02731
Name: ER02603_3B_prokka|PROKKA_02731
Description: ER02603_3B_prokka|PROKKA_02731
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02807
Name: ER02603_3B_prokka|PROKKA_02807
Description: ER02603_3B_prokka|PROKKA_02807
Number of features: 0
Seq('MRNTNKFLLIPYLLWMVIFIIVPVVLLIYFSFLDINGHFSFTNYQQIFTTNI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02828
Name: ER02603_3B_prokka|PROKKA_02828
Description: ER02603_3B_prokka|PROKKA_02828
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02829
Name: ER02603_3B_prokka|PROKKA_02829
Description: ER02603_3B_prokka|PROKKA_02829
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00029
Name: ER02603_3C_prokka|PROKKA_00029
Description: ER02603_3C_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00038
Name: ER02603_3C_prokka|PROKKA_00038
Description: ER02603_3C_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00059
Name: ER02603_3C_prokka|PROKKA_00059
Description: ER02603_3C_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00148
Name: ER02603_3C_prokka|PROKKA_00148
Description: ER02603_3C_prokka|PROKKA_00148
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00247
Name: ER02603_3C_prokka|PROKKA_00247
Description: ER02603_3C_prokka|PROKKA_00247
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00299
Name: ER02603_3C_prokka|PROKKA_00299
Description: ER02603_3C_prokka|PROKKA_00299
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00397
Name: ER02603_3C_prokka|PROKKA_00397
Description: ER02603_3C_prokka|PROKKA_00397
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00435
Name: ER02603_3C_prokka|PROKKA_00435
Description: ER02603_3C_prokka|PROKKA_00435
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00565
Name: ER02603_3C_prokka|PROKKA_00565
Description: ER02603_3C_prokka|PROKKA_00565
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00601
Name: ER02603_3C_prokka|PROKKA_00601
Description: ER02603_3C_prokka|PROKKA_00601
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00820
Name: ER02603_3C_prokka|PROKKA_00820
Description: ER02603_3C_prokka|PROKKA_00820
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00864
Name: ER02603_3C_prokka|PROKKA_00864
Description: ER02603_3C_prokka|PROKKA_00864
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00973
Name: ER02603_3C_prokka|PROKKA_00973
Description: ER02603_3C_prokka|PROKKA_00973
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01012
Name: ER02603_3C_prokka|PROKKA_01012
Description: ER02603_3C_prokka|PROKKA_01012
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01092
Name: ER02603_3C_prokka|PROKKA_01092
Description: ER02603_3C_prokka|PROKKA_01092
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01105
Name: ER02603_3C_prokka|PROKKA_01105
Description: ER02603_3C_prokka|PROKKA_01105
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01106
Name: ER02603_3C_prokka|PROKKA_01106
Description: ER02603_3C_prokka|PROKKA_01106
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01241
Name: ER02603_3C_prokka|PROKKA_01241
Description: ER02603_3C_prokka|PROKKA_01241
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01245
Name: ER02603_3C_prokka|PROKKA_01245
Description: ER02603_3C_prokka|PROKKA_01245
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01249
Name: ER02603_3C_prokka|PROKKA_01249
Description: ER02603_3C_prokka|PROKKA_01249
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01251
Name: ER02603_3C_prokka|PROKKA_01251
Description: ER02603_3C_prokka|PROKKA_01251
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01275
Name: ER02603_3C_prokka|PROKKA_01275
Description: ER02603_3C_prokka|PROKKA_01275
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01370
Name: ER02603_3C_prokka|PROKKA_01370
Description: ER02603_3C_prokka|PROKKA_01370
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01382
Name: ER02603_3C_prokka|PROKKA_01382
Description: ER02603_3C_prokka|PROKKA_01382
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01431
Name: ER02603_3C_prokka|PROKKA_01431
Description: ER02603_3C_prokka|PROKKA_01431
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01439
Name: ER02603_3C_prokka|PROKKA_01439
Description: ER02603_3C_prokka|PROKKA_01439
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01459
Name: ER02603_3C_prokka|PROKKA_01459
Description: ER02603_3C_prokka|PROKKA_01459
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01487
Name: ER02603_3C_prokka|PROKKA_01487
Description: ER02603_3C_prokka|PROKKA_01487
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01514
Name: ER02603_3C_prokka|PROKKA_01514
Description: ER02603_3C_prokka|PROKKA_01514
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01551
Name: ER02603_3C_prokka|PROKKA_01551
Description: ER02603_3C_prokka|PROKKA_01551
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01622
Name: ER02603_3C_prokka|PROKKA_01622
Description: ER02603_3C_prokka|PROKKA_01622
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01787
Name: ER02603_3C_prokka|PROKKA_01787
Description: ER02603_3C_prokka|PROKKA_01787
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01794
Name: ER02603_3C_prokka|PROKKA_01794
Description: ER02603_3C_prokka|PROKKA_01794
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01814
Name: ER02603_3C_prokka|PROKKA_01814
Description: ER02603_3C_prokka|PROKKA_01814
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01849
Name: ER02603_3C_prokka|PROKKA_01849
Description: ER02603_3C_prokka|PROKKA_01849
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01901
Name: ER02603_3C_prokka|PROKKA_01901
Description: ER02603_3C_prokka|PROKKA_01901
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01973
Name: ER02603_3C_prokka|PROKKA_01973
Description: ER02603_3C_prokka|PROKKA_01973
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01977
Name: ER02603_3C_prokka|PROKKA_01977
Description: ER02603_3C_prokka|PROKKA_01977
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01993
Name: ER02603_3C_prokka|PROKKA_01993
Description: ER02603_3C_prokka|PROKKA_01993
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_02013
Name: ER02603_3C_prokka|PROKKA_02013
Description: ER02603_3C_prokka|PROKKA_02013
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_02043
Name: ER02603_3C_prokka|PROKKA_02043
Description: ER02603_3C_prokka|PROKKA_02043
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_02045
Name: ER02603_3C_prokka|PROKKA_02045
Description: ER02603_3C_prokka|PROKKA_02045
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_02094
Name: ER02603_3C_prokka|PROKKA_02094
Description: ER02603_3C_prokka|PROKKA_02094
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_02214
Name: ER02603_3C_prokka|PROKKA_02214
Description: ER02603_3C_prokka|PROKKA_02214
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_02239
Name: ER02603_3C_prokka|PROKKA_02239
Description: ER02603_3C_prokka|PROKKA_02239
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_02270
Name: ER02603_3C_prokka|PROKKA_02270
Description: ER02603_3C_prokka|PROKKA_02270
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_02425
Name: ER02603_3C_prokka|PROKKA_02425
Description: ER02603_3C_prokka|PROKKA_02425
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_02637
Name: ER02603_3C_prokka|PROKKA_02637
Description: ER02603_3C_prokka|PROKKA_02637
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_02725
Name: ER02603_3C_prokka|PROKKA_02725
Description: ER02603_3C_prokka|PROKKA_02725
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_02733
Name: ER02603_3C_prokka|PROKKA_02733
Description: ER02603_3C_prokka|PROKKA_02733
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00016
Name: ER02611_3A_prokka|PROKKA_00016
Description: ER02611_3A_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00067
Name: ER02611_3A_prokka|PROKKA_00067
Description: ER02611_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00070
Name: ER02611_3A_prokka|PROKKA_00070
Description: ER02611_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00074
Name: ER02611_3A_prokka|PROKKA_00074
Description: ER02611_3A_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00095
Name: ER02611_3A_prokka|PROKKA_00095
Description: ER02611_3A_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00113
Name: ER02611_3A_prokka|PROKKA_00113
Description: ER02611_3A_prokka|PROKKA_00113
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00280
Name: ER02611_3A_prokka|PROKKA_00280
Description: ER02611_3A_prokka|PROKKA_00280
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00405
Name: ER02611_3A_prokka|PROKKA_00405
Description: ER02611_3A_prokka|PROKKA_00405
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00422
Name: ER02611_3A_prokka|PROKKA_00422
Description: ER02611_3A_prokka|PROKKA_00422
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00588
Name: ER02611_3A_prokka|PROKKA_00588
Description: ER02611_3A_prokka|PROKKA_00588
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00817
Name: ER02611_3A_prokka|PROKKA_00817
Description: ER02611_3A_prokka|PROKKA_00817
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00848
Name: ER02611_3A_prokka|PROKKA_00848
Description: ER02611_3A_prokka|PROKKA_00848
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00852
Name: ER02611_3A_prokka|PROKKA_00852
Description: ER02611_3A_prokka|PROKKA_00852
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00868
Name: ER02611_3A_prokka|PROKKA_00868
Description: ER02611_3A_prokka|PROKKA_00868
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00898
Name: ER02611_3A_prokka|PROKKA_00898
Description: ER02611_3A_prokka|PROKKA_00898
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00899
Name: ER02611_3A_prokka|PROKKA_00899
Description: ER02611_3A_prokka|PROKKA_00899
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00901
Name: ER02611_3A_prokka|PROKKA_00901
Description: ER02611_3A_prokka|PROKKA_00901
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00953
Name: ER02611_3A_prokka|PROKKA_00953
Description: ER02611_3A_prokka|PROKKA_00953
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00995
Name: ER02611_3A_prokka|PROKKA_00995
Description: ER02611_3A_prokka|PROKKA_00995
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01009
Name: ER02611_3A_prokka|PROKKA_01009
Description: ER02611_3A_prokka|PROKKA_01009
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01178
Name: ER02611_3A_prokka|PROKKA_01178
Description: ER02611_3A_prokka|PROKKA_01178
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01252
Name: ER02611_3A_prokka|PROKKA_01252
Description: ER02611_3A_prokka|PROKKA_01252
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01287
Name: ER02611_3A_prokka|PROKKA_01287
Description: ER02611_3A_prokka|PROKKA_01287
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01290
Name: ER02611_3A_prokka|PROKKA_01290
Description: ER02611_3A_prokka|PROKKA_01290
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01317
Name: ER02611_3A_prokka|PROKKA_01317
Description: ER02611_3A_prokka|PROKKA_01317
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01322
Name: ER02611_3A_prokka|PROKKA_01322
Description: ER02611_3A_prokka|PROKKA_01322
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01330
Name: ER02611_3A_prokka|PROKKA_01330
Description: ER02611_3A_prokka|PROKKA_01330
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01345
Name: ER02611_3A_prokka|PROKKA_01345
Description: ER02611_3A_prokka|PROKKA_01345
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01364
Name: ER02611_3A_prokka|PROKKA_01364
Description: ER02611_3A_prokka|PROKKA_01364
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01372
Name: ER02611_3A_prokka|PROKKA_01372
Description: ER02611_3A_prokka|PROKKA_01372
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01420
Name: ER02611_3A_prokka|PROKKA_01420
Description: ER02611_3A_prokka|PROKKA_01420
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01432
Name: ER02611_3A_prokka|PROKKA_01432
Description: ER02611_3A_prokka|PROKKA_01432
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01525
Name: ER02611_3A_prokka|PROKKA_01525
Description: ER02611_3A_prokka|PROKKA_01525
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01549
Name: ER02611_3A_prokka|PROKKA_01549
Description: ER02611_3A_prokka|PROKKA_01549
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01553
Name: ER02611_3A_prokka|PROKKA_01553
Description: ER02611_3A_prokka|PROKKA_01553
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01689
Name: ER02611_3A_prokka|PROKKA_01689
Description: ER02611_3A_prokka|PROKKA_01689
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01690
Name: ER02611_3A_prokka|PROKKA_01690
Description: ER02611_3A_prokka|PROKKA_01690
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01702
Name: ER02611_3A_prokka|PROKKA_01702
Description: ER02611_3A_prokka|PROKKA_01702
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01784
Name: ER02611_3A_prokka|PROKKA_01784
Description: ER02611_3A_prokka|PROKKA_01784
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01785
Name: ER02611_3A_prokka|PROKKA_01785
Description: ER02611_3A_prokka|PROKKA_01785
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01802
Name: ER02611_3A_prokka|PROKKA_01802
Description: ER02611_3A_prokka|PROKKA_01802
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01825
Name: ER02611_3A_prokka|PROKKA_01825
Description: ER02611_3A_prokka|PROKKA_01825
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01930
Name: ER02611_3A_prokka|PROKKA_01930
Description: ER02611_3A_prokka|PROKKA_01930
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01945
Name: ER02611_3A_prokka|PROKKA_01945
Description: ER02611_3A_prokka|PROKKA_01945
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01946
Name: ER02611_3A_prokka|PROKKA_01946
Description: ER02611_3A_prokka|PROKKA_01946
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01977
Name: ER02611_3A_prokka|PROKKA_01977
Description: ER02611_3A_prokka|PROKKA_01977
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01999
Name: ER02611_3A_prokka|PROKKA_01999
Description: ER02611_3A_prokka|PROKKA_01999
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02004
Name: ER02611_3A_prokka|PROKKA_02004
Description: ER02611_3A_prokka|PROKKA_02004
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02080
Name: ER02611_3A_prokka|PROKKA_02080
Description: ER02611_3A_prokka|PROKKA_02080
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02084
Name: ER02611_3A_prokka|PROKKA_02084
Description: ER02611_3A_prokka|PROKKA_02084
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02100
Name: ER02611_3A_prokka|PROKKA_02100
Description: ER02611_3A_prokka|PROKKA_02100
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02118
Name: ER02611_3A_prokka|PROKKA_02118
Description: ER02611_3A_prokka|PROKKA_02118
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02144
Name: ER02611_3A_prokka|PROKKA_02144
Description: ER02611_3A_prokka|PROKKA_02144
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02146
Name: ER02611_3A_prokka|PROKKA_02146
Description: ER02611_3A_prokka|PROKKA_02146
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02198
Name: ER02611_3A_prokka|PROKKA_02198
Description: ER02611_3A_prokka|PROKKA_02198
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02306
Name: ER02611_3A_prokka|PROKKA_02306
Description: ER02611_3A_prokka|PROKKA_02306
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02325
Name: ER02611_3A_prokka|PROKKA_02325
Description: ER02611_3A_prokka|PROKKA_02325
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02338
Name: ER02611_3A_prokka|PROKKA_02338
Description: ER02611_3A_prokka|PROKKA_02338
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02370
Name: ER02611_3A_prokka|PROKKA_02370
Description: ER02611_3A_prokka|PROKKA_02370
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02515
Name: ER02611_3A_prokka|PROKKA_02515
Description: ER02611_3A_prokka|PROKKA_02515
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02524
Name: ER02611_3A_prokka|PROKKA_02524
Description: ER02611_3A_prokka|PROKKA_02524
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02570
Name: ER02611_3A_prokka|PROKKA_02570
Description: ER02611_3A_prokka|PROKKA_02570
Number of features: 0
Seq('MKGAMAWPFLRLYILTLMFFSANAILNVFIPLRGHDLGATNTVIGIVMGHTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02589
Name: ER02611_3A_prokka|PROKKA_02589
Description: ER02611_3A_prokka|PROKKA_02589
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02697
Name: ER02611_3A_prokka|PROKKA_02697
Description: ER02611_3A_prokka|PROKKA_02697
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02735
Name: ER02611_3A_prokka|PROKKA_02735
Description: ER02611_3A_prokka|PROKKA_02735
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02819
Name: ER02611_3A_prokka|PROKKA_02819
Description: ER02611_3A_prokka|PROKKA_02819
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00056
Name: ER02612_3B_prokka|PROKKA_00056
Description: ER02612_3B_prokka|PROKKA_00056
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00074
Name: ER02612_3B_prokka|PROKKA_00074
Description: ER02612_3B_prokka|PROKKA_00074
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00242
Name: ER02612_3B_prokka|PROKKA_00242
Description: ER02612_3B_prokka|PROKKA_00242
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00366
Name: ER02612_3B_prokka|PROKKA_00366
Description: ER02612_3B_prokka|PROKKA_00366
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00383
Name: ER02612_3B_prokka|PROKKA_00383
Description: ER02612_3B_prokka|PROKKA_00383
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00549
Name: ER02612_3B_prokka|PROKKA_00549
Description: ER02612_3B_prokka|PROKKA_00549
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00778
Name: ER02612_3B_prokka|PROKKA_00778
Description: ER02612_3B_prokka|PROKKA_00778
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00809
Name: ER02612_3B_prokka|PROKKA_00809
Description: ER02612_3B_prokka|PROKKA_00809
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00813
Name: ER02612_3B_prokka|PROKKA_00813
Description: ER02612_3B_prokka|PROKKA_00813
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00829
Name: ER02612_3B_prokka|PROKKA_00829
Description: ER02612_3B_prokka|PROKKA_00829
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00860
Name: ER02612_3B_prokka|PROKKA_00860
Description: ER02612_3B_prokka|PROKKA_00860
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00861
Name: ER02612_3B_prokka|PROKKA_00861
Description: ER02612_3B_prokka|PROKKA_00861
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00876
Name: ER02612_3B_prokka|PROKKA_00876
Description: ER02612_3B_prokka|PROKKA_00876
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00981
Name: ER02612_3B_prokka|PROKKA_00981
Description: ER02612_3B_prokka|PROKKA_00981
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01020
Name: ER02612_3B_prokka|PROKKA_01020
Description: ER02612_3B_prokka|PROKKA_01020
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01021
Name: ER02612_3B_prokka|PROKKA_01021
Description: ER02612_3B_prokka|PROKKA_01021
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01103
Name: ER02612_3B_prokka|PROKKA_01103
Description: ER02612_3B_prokka|PROKKA_01103
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01115
Name: ER02612_3B_prokka|PROKKA_01115
Description: ER02612_3B_prokka|PROKKA_01115
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01116
Name: ER02612_3B_prokka|PROKKA_01116
Description: ER02612_3B_prokka|PROKKA_01116
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01252
Name: ER02612_3B_prokka|PROKKA_01252
Description: ER02612_3B_prokka|PROKKA_01252
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01256
Name: ER02612_3B_prokka|PROKKA_01256
Description: ER02612_3B_prokka|PROKKA_01256
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01280
Name: ER02612_3B_prokka|PROKKA_01280
Description: ER02612_3B_prokka|PROKKA_01280
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01373
Name: ER02612_3B_prokka|PROKKA_01373
Description: ER02612_3B_prokka|PROKKA_01373
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01385
Name: ER02612_3B_prokka|PROKKA_01385
Description: ER02612_3B_prokka|PROKKA_01385
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01432
Name: ER02612_3B_prokka|PROKKA_01432
Description: ER02612_3B_prokka|PROKKA_01432
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01440
Name: ER02612_3B_prokka|PROKKA_01440
Description: ER02612_3B_prokka|PROKKA_01440
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01459
Name: ER02612_3B_prokka|PROKKA_01459
Description: ER02612_3B_prokka|PROKKA_01459
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01474
Name: ER02612_3B_prokka|PROKKA_01474
Description: ER02612_3B_prokka|PROKKA_01474
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01482
Name: ER02612_3B_prokka|PROKKA_01482
Description: ER02612_3B_prokka|PROKKA_01482
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01487
Name: ER02612_3B_prokka|PROKKA_01487
Description: ER02612_3B_prokka|PROKKA_01487
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01514
Name: ER02612_3B_prokka|PROKKA_01514
Description: ER02612_3B_prokka|PROKKA_01514
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01517
Name: ER02612_3B_prokka|PROKKA_01517
Description: ER02612_3B_prokka|PROKKA_01517
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01552
Name: ER02612_3B_prokka|PROKKA_01552
Description: ER02612_3B_prokka|PROKKA_01552
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01625
Name: ER02612_3B_prokka|PROKKA_01625
Description: ER02612_3B_prokka|PROKKA_01625
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01795
Name: ER02612_3B_prokka|PROKKA_01795
Description: ER02612_3B_prokka|PROKKA_01795
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01809
Name: ER02612_3B_prokka|PROKKA_01809
Description: ER02612_3B_prokka|PROKKA_01809
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01851
Name: ER02612_3B_prokka|PROKKA_01851
Description: ER02612_3B_prokka|PROKKA_01851
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01904
Name: ER02612_3B_prokka|PROKKA_01904
Description: ER02612_3B_prokka|PROKKA_01904
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01976
Name: ER02612_3B_prokka|PROKKA_01976
Description: ER02612_3B_prokka|PROKKA_01976
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01980
Name: ER02612_3B_prokka|PROKKA_01980
Description: ER02612_3B_prokka|PROKKA_01980
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01996
Name: ER02612_3B_prokka|PROKKA_01996
Description: ER02612_3B_prokka|PROKKA_01996
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02014
Name: ER02612_3B_prokka|PROKKA_02014
Description: ER02612_3B_prokka|PROKKA_02014
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02024
Name: ER02612_3B_prokka|PROKKA_02024
Description: ER02612_3B_prokka|PROKKA_02024
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02040
Name: ER02612_3B_prokka|PROKKA_02040
Description: ER02612_3B_prokka|PROKKA_02040
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02042
Name: ER02612_3B_prokka|PROKKA_02042
Description: ER02612_3B_prokka|PROKKA_02042
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02092
Name: ER02612_3B_prokka|PROKKA_02092
Description: ER02612_3B_prokka|PROKKA_02092
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02217
Name: ER02612_3B_prokka|PROKKA_02217
Description: ER02612_3B_prokka|PROKKA_02217
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02230
Name: ER02612_3B_prokka|PROKKA_02230
Description: ER02612_3B_prokka|PROKKA_02230
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02261
Name: ER02612_3B_prokka|PROKKA_02261
Description: ER02612_3B_prokka|PROKKA_02261
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02406
Name: ER02612_3B_prokka|PROKKA_02406
Description: ER02612_3B_prokka|PROKKA_02406
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02415
Name: ER02612_3B_prokka|PROKKA_02415
Description: ER02612_3B_prokka|PROKKA_02415
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02479
Name: ER02612_3B_prokka|PROKKA_02479
Description: ER02612_3B_prokka|PROKKA_02479
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02588
Name: ER02612_3B_prokka|PROKKA_02588
Description: ER02612_3B_prokka|PROKKA_02588
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02626
Name: ER02612_3B_prokka|PROKKA_02626
Description: ER02612_3B_prokka|PROKKA_02626
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02710
Name: ER02612_3B_prokka|PROKKA_02710
Description: ER02612_3B_prokka|PROKKA_02710
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02712
Name: ER02612_3B_prokka|PROKKA_02712
Description: ER02612_3B_prokka|PROKKA_02712
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02716
Name: ER02612_3B_prokka|PROKKA_02716
Description: ER02612_3B_prokka|PROKKA_02716
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02727
Name: ER02612_3B_prokka|PROKKA_02727
Description: ER02612_3B_prokka|PROKKA_02727
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00048
Name: ER02637_3B_prokka|PROKKA_00048
Description: ER02637_3B_prokka|PROKKA_00048
Number of features: 0
Seq('MADIQKMLEQKEKLQEKIKEEKKKNMKNLEDGSSINLK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00059
Name: ER02637_3B_prokka|PROKKA_00059
Description: ER02637_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MKFGKTIAVVLASSVLLAGCTTDKKKLRHI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00072
Name: ER02637_3B_prokka|PROKKA_00072
Description: ER02637_3B_prokka|PROKKA_00072
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00073
Name: ER02637_3B_prokka|PROKKA_00073
Description: ER02637_3B_prokka|PROKKA_00073
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEDTCTEHMHKIP', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00091
Name: ER02637_3B_prokka|PROKKA_00091
Description: ER02637_3B_prokka|PROKKA_00091
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00115
Name: ER02637_3B_prokka|PROKKA_00115
Description: ER02637_3B_prokka|PROKKA_00115
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00142
Name: ER02637_3B_prokka|PROKKA_00142
Description: ER02637_3B_prokka|PROKKA_00142
Number of features: 0
Seq('MLHETWKERTPIKKVEVINTDAKNLQFLTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00164
Name: ER02637_3B_prokka|PROKKA_00164
Description: ER02637_3B_prokka|PROKKA_00164
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00181
Name: ER02637_3B_prokka|PROKKA_00181
Description: ER02637_3B_prokka|PROKKA_00181
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00228
Name: ER02637_3B_prokka|PROKKA_00228
Description: ER02637_3B_prokka|PROKKA_00228
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00236
Name: ER02637_3B_prokka|PROKKA_00236
Description: ER02637_3B_prokka|PROKKA_00236
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00255
Name: ER02637_3B_prokka|PROKKA_00255
Description: ER02637_3B_prokka|PROKKA_00255
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00264
Name: ER02637_3B_prokka|PROKKA_00264
Description: ER02637_3B_prokka|PROKKA_00264
Number of features: 0
Seq('MQHQAYINASVDIRIPTEVESVNYNQIDKEKRIWRTIYLIIQVNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00270
Name: ER02637_3B_prokka|PROKKA_00270
Description: ER02637_3B_prokka|PROKKA_00270
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00278
Name: ER02637_3B_prokka|PROKKA_00278
Description: ER02637_3B_prokka|PROKKA_00278
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00283
Name: ER02637_3B_prokka|PROKKA_00283
Description: ER02637_3B_prokka|PROKKA_00283
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00311
Name: ER02637_3B_prokka|PROKKA_00311
Description: ER02637_3B_prokka|PROKKA_00311
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00314
Name: ER02637_3B_prokka|PROKKA_00314
Description: ER02637_3B_prokka|PROKKA_00314
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00349
Name: ER02637_3B_prokka|PROKKA_00349
Description: ER02637_3B_prokka|PROKKA_00349
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00352
Name: ER02637_3B_prokka|PROKKA_00352
Description: ER02637_3B_prokka|PROKKA_00352
Number of features: 0
Seq('MAFELPKLPYAFDALEPHFDKETMEIHHDNIITRMLRN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00426
Name: ER02637_3B_prokka|PROKKA_00426
Description: ER02637_3B_prokka|PROKKA_00426
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKKMKIKRNKFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00609
Name: ER02637_3B_prokka|PROKKA_00609
Description: ER02637_3B_prokka|PROKKA_00609
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00623
Name: ER02637_3B_prokka|PROKKA_00623
Description: ER02637_3B_prokka|PROKKA_00623
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00625
Name: ER02637_3B_prokka|PROKKA_00625
Description: ER02637_3B_prokka|PROKKA_00625
Number of features: 0
Seq('MRRLLSLLLASTMILVACGNANNENKKKEDEKKSEVKKKLRKIMINQRTKRRIKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00633
Name: ER02637_3B_prokka|PROKKA_00633
Description: ER02637_3B_prokka|PROKKA_00633
Number of features: 0
Seq('MKKFKYSFILVFILLFNIKDLTYAQGDIGVGNLRNFYTNMII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00662
Name: ER02637_3B_prokka|PROKKA_00662
Description: ER02637_3B_prokka|PROKKA_00662
Number of features: 0
Seq('MVKFIHCSDLHLDSPFKSKSHISPKIFEDVQKVLMKVLKIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00672
Name: ER02637_3B_prokka|PROKKA_00672
Description: ER02637_3B_prokka|PROKKA_00672
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00723
Name: ER02637_3B_prokka|PROKKA_00723
Description: ER02637_3B_prokka|PROKKA_00723
Number of features: 0
Seq('MRKDLSNAGAHVVDESVVVDNNIVTSRVPDDLDDFNREIVKQLQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00725
Name: ER02637_3B_prokka|PROKKA_00725
Description: ER02637_3B_prokka|PROKKA_00725
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00727
Name: ER02637_3B_prokka|PROKKA_00727
Description: ER02637_3B_prokka|PROKKA_00727
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00728
Name: ER02637_3B_prokka|PROKKA_00728
Description: ER02637_3B_prokka|PROKKA_00728
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00742
Name: ER02637_3B_prokka|PROKKA_00742
Description: ER02637_3B_prokka|PROKKA_00742
Number of features: 0
Seq('MLLKGPLKIISVIFQLLFGKIGLIRNAITGLVTVFGILGGPITIVIV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00766
Name: ER02637_3B_prokka|PROKKA_00766
Description: ER02637_3B_prokka|PROKKA_00766
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00778
Name: ER02637_3B_prokka|PROKKA_00778
Description: ER02637_3B_prokka|PROKKA_00778
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00779
Name: ER02637_3B_prokka|PROKKA_00779
Description: ER02637_3B_prokka|PROKKA_00779
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00924
Name: ER02637_3B_prokka|PROKKA_00924
Description: ER02637_3B_prokka|PROKKA_00924
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00928
Name: ER02637_3B_prokka|PROKKA_00928
Description: ER02637_3B_prokka|PROKKA_00928
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00952
Name: ER02637_3B_prokka|PROKKA_00952
Description: ER02637_3B_prokka|PROKKA_00952
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00957
Name: ER02637_3B_prokka|PROKKA_00957
Description: ER02637_3B_prokka|PROKKA_00957
Number of features: 0
Seq('MRELTKRQSEIYNYIKQVVQMKGYPPSVREIGEAVGLASSSTVHGHLSRLEEKDI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01034
Name: ER02637_3B_prokka|PROKKA_01034
Description: ER02637_3B_prokka|PROKKA_01034
Number of features: 0
Seq('MLLKGPLKIISVIFQLLFGKIGLIRNAITGLVTVFGILGGPITIVIV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01048
Name: ER02637_3B_prokka|PROKKA_01048
Description: ER02637_3B_prokka|PROKKA_01048
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01049
Name: ER02637_3B_prokka|PROKKA_01049
Description: ER02637_3B_prokka|PROKKA_01049
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01051
Name: ER02637_3B_prokka|PROKKA_01051
Description: ER02637_3B_prokka|PROKKA_01051
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01053
Name: ER02637_3B_prokka|PROKKA_01053
Description: ER02637_3B_prokka|PROKKA_01053
Number of features: 0
Seq('MRKDLSNAGAHVVDESVVVDNNIVTSRVPDDLDDFNREIVKQLQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01104
Name: ER02637_3B_prokka|PROKKA_01104
Description: ER02637_3B_prokka|PROKKA_01104
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01114
Name: ER02637_3B_prokka|PROKKA_01114
Description: ER02637_3B_prokka|PROKKA_01114
Number of features: 0
Seq('MVKFIHCSDLHLDSPFKSKSHISPKIFEDVQKVLMKVLKIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01143
Name: ER02637_3B_prokka|PROKKA_01143
Description: ER02637_3B_prokka|PROKKA_01143
Number of features: 0
Seq('MKKFKYSFILVFILLFNIKDLTYAQGDIGVGNLRNFYTNMII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01151
Name: ER02637_3B_prokka|PROKKA_01151
Description: ER02637_3B_prokka|PROKKA_01151
Number of features: 0
Seq('MRRLLSLLLASTMILVACGNANNENKKKEDEKKSEVKKKLRKIMINQRTKRRIKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01153
Name: ER02637_3B_prokka|PROKKA_01153
Description: ER02637_3B_prokka|PROKKA_01153
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01167
Name: ER02637_3B_prokka|PROKKA_01167
Description: ER02637_3B_prokka|PROKKA_01167
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01292
Name: ER02637_3B_prokka|PROKKA_01292
Description: ER02637_3B_prokka|PROKKA_01292
Number of features: 0
Seq('MSSRDIGEHVMNLLMHVDQVSYVRFASVYKEFKDVDQLLASMQGILSENKRSDA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01334
Name: ER02637_3B_prokka|PROKKA_01334
Description: ER02637_3B_prokka|PROKKA_01334
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01338
Name: ER02637_3B_prokka|PROKKA_01338
Description: ER02637_3B_prokka|PROKKA_01338
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01354
Name: ER02637_3B_prokka|PROKKA_01354
Description: ER02637_3B_prokka|PROKKA_01354
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01372
Name: ER02637_3B_prokka|PROKKA_01372
Description: ER02637_3B_prokka|PROKKA_01372
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01399
Name: ER02637_3B_prokka|PROKKA_01399
Description: ER02637_3B_prokka|PROKKA_01399
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01401
Name: ER02637_3B_prokka|PROKKA_01401
Description: ER02637_3B_prokka|PROKKA_01401
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01453
Name: ER02637_3B_prokka|PROKKA_01453
Description: ER02637_3B_prokka|PROKKA_01453
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01552
Name: ER02637_3B_prokka|PROKKA_01552
Description: ER02637_3B_prokka|PROKKA_01552
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01554
Name: ER02637_3B_prokka|PROKKA_01554
Description: ER02637_3B_prokka|PROKKA_01554
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01555
Name: ER02637_3B_prokka|PROKKA_01555
Description: ER02637_3B_prokka|PROKKA_01555
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01589
Name: ER02637_3B_prokka|PROKKA_01589
Description: ER02637_3B_prokka|PROKKA_01589
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01611
Name: ER02637_3B_prokka|PROKKA_01611
Description: ER02637_3B_prokka|PROKKA_01611
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01616
Name: ER02637_3B_prokka|PROKKA_01616
Description: ER02637_3B_prokka|PROKKA_01616
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01699
Name: ER02637_3B_prokka|PROKKA_01699
Description: ER02637_3B_prokka|PROKKA_01699
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01791
Name: ER02637_3B_prokka|PROKKA_01791
Description: ER02637_3B_prokka|PROKKA_01791
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01806
Name: ER02637_3B_prokka|PROKKA_01806
Description: ER02637_3B_prokka|PROKKA_01806
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01807
Name: ER02637_3B_prokka|PROKKA_01807
Description: ER02637_3B_prokka|PROKKA_01807
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01842
Name: ER02637_3B_prokka|PROKKA_01842
Description: ER02637_3B_prokka|PROKKA_01842
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01858
Name: ER02637_3B_prokka|PROKKA_01858
Description: ER02637_3B_prokka|PROKKA_01858
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01862
Name: ER02637_3B_prokka|PROKKA_01862
Description: ER02637_3B_prokka|PROKKA_01862
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01895
Name: ER02637_3B_prokka|PROKKA_01895
Description: ER02637_3B_prokka|PROKKA_01895
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01974
Name: ER02637_3B_prokka|PROKKA_01974
Description: ER02637_3B_prokka|PROKKA_01974
Number of features: 0
Seq('MIAVNWNTQEDMTNMFWRQNISQMWVETEFKVSKDIASWKTLSEAEQDTFKKH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02056
Name: ER02637_3B_prokka|PROKKA_02056
Description: ER02637_3B_prokka|PROKKA_02056
Number of features: 0
Seq('MNVDMAIEMCNHRVLKVDAPIVEGSFIAAVKLSIGGSIDDALAEIKQSF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02132
Name: ER02637_3B_prokka|PROKKA_02132
Description: ER02637_3B_prokka|PROKKA_02132
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02224
Name: ER02637_3B_prokka|PROKKA_02224
Description: ER02637_3B_prokka|PROKKA_02224
Number of features: 0
Seq('MKIINTTRLPEALGPYSHATVVNGMVYTSGQIPLNVDGKIVSADVQAQTKQVLEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02304
Name: ER02637_3B_prokka|PROKKA_02304
Description: ER02637_3B_prokka|PROKKA_02304
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02322
Name: ER02637_3B_prokka|PROKKA_02322
Description: ER02637_3B_prokka|PROKKA_02322
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02351
Name: ER02637_3B_prokka|PROKKA_02351
Description: ER02637_3B_prokka|PROKKA_02351
Number of features: 0
Seq('MITNTFILGITGPTSLVVISIIALIIFGPKNYHNLVVLSVLL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02448
Name: ER02637_3B_prokka|PROKKA_02448
Description: ER02637_3B_prokka|PROKKA_02448
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02492
Name: ER02637_3B_prokka|PROKKA_02492
Description: ER02637_3B_prokka|PROKKA_02492
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02620
Name: ER02637_3B_prokka|PROKKA_02620
Description: ER02637_3B_prokka|PROKKA_02620
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02638
Name: ER02637_3B_prokka|PROKKA_02638
Description: ER02637_3B_prokka|PROKKA_02638
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02661
Name: ER02637_3B_prokka|PROKKA_02661
Description: ER02637_3B_prokka|PROKKA_02661
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02665
Name: ER02637_3B_prokka|PROKKA_02665
Description: ER02637_3B_prokka|PROKKA_02665
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02668
Name: ER02637_3B_prokka|PROKKA_02668
Description: ER02637_3B_prokka|PROKKA_02668
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02687
Name: ER02637_3B_prokka|PROKKA_02687
Description: ER02637_3B_prokka|PROKKA_02687
Number of features: 0
Seq('MGGTGLGLAISKEIVEAHNGRIWANSVEGQGTSIFITLPCEVIEDGDWDE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02709
Name: ER02637_3B_prokka|PROKKA_02709
Description: ER02637_3B_prokka|PROKKA_02709
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02794
Name: ER02637_3B_prokka|PROKKA_02794
Description: ER02637_3B_prokka|PROKKA_02794
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02823
Name: ER02637_3B_prokka|PROKKA_02823
Description: ER02637_3B_prokka|PROKKA_02823
Number of features: 0
Seq('MKTVSQLIDMKQKQTKISMVTAYDFPSAKQVEAAGIDMILVGIHLV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02833
Name: ER02637_3B_prokka|PROKKA_02833
Description: ER02637_3B_prokka|PROKKA_02833
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02944
Name: ER02637_3B_prokka|PROKKA_02944
Description: ER02637_3B_prokka|PROKKA_02944
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_03012
Name: ER02637_3B_prokka|PROKKA_03012
Description: ER02637_3B_prokka|PROKKA_03012
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_03021
Name: ER02637_3B_prokka|PROKKA_03021
Description: ER02637_3B_prokka|PROKKA_03021
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_03170
Name: ER02637_3B_prokka|PROKKA_03170
Description: ER02637_3B_prokka|PROKKA_03170
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_03203
Name: ER02637_3B_prokka|PROKKA_03203
Description: ER02637_3B_prokka|PROKKA_03203
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_03217
Name: ER02637_3B_prokka|PROKKA_03217
Description: ER02637_3B_prokka|PROKKA_03217
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_03236
Name: ER02637_3B_prokka|PROKKA_03236
Description: ER02637_3B_prokka|PROKKA_03236
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_03303
Name: ER02637_3B_prokka|PROKKA_03303
Description: ER02637_3B_prokka|PROKKA_03303
Number of features: 0
Seq('MEMPLNLKRKYFQGFHNKFELKAEANGIDEYEYEYGVNGRFQRGFANTT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00039
Name: ER02637_3C_prokka|PROKKA_00039
Description: ER02637_3C_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00042
Name: ER02637_3C_prokka|PROKKA_00042
Description: ER02637_3C_prokka|PROKKA_00042
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00046
Name: ER02637_3C_prokka|PROKKA_00046
Description: ER02637_3C_prokka|PROKKA_00046
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00067
Name: ER02637_3C_prokka|PROKKA_00067
Description: ER02637_3C_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00085
Name: ER02637_3C_prokka|PROKKA_00085
Description: ER02637_3C_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00208
Name: ER02637_3C_prokka|PROKKA_00208
Description: ER02637_3C_prokka|PROKKA_00208
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00252
Name: ER02637_3C_prokka|PROKKA_00252
Description: ER02637_3C_prokka|PROKKA_00252
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00376
Name: ER02637_3C_prokka|PROKKA_00376
Description: ER02637_3C_prokka|PROKKA_00376
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00393
Name: ER02637_3C_prokka|PROKKA_00393
Description: ER02637_3C_prokka|PROKKA_00393
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00559
Name: ER02637_3C_prokka|PROKKA_00559
Description: ER02637_3C_prokka|PROKKA_00559
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00677
Name: ER02637_3C_prokka|PROKKA_00677
Description: ER02637_3C_prokka|PROKKA_00677
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00788
Name: ER02637_3C_prokka|PROKKA_00788
Description: ER02637_3C_prokka|PROKKA_00788
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00819
Name: ER02637_3C_prokka|PROKKA_00819
Description: ER02637_3C_prokka|PROKKA_00819
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00823
Name: ER02637_3C_prokka|PROKKA_00823
Description: ER02637_3C_prokka|PROKKA_00823
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00839
Name: ER02637_3C_prokka|PROKKA_00839
Description: ER02637_3C_prokka|PROKKA_00839
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00870
Name: ER02637_3C_prokka|PROKKA_00870
Description: ER02637_3C_prokka|PROKKA_00870
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00871
Name: ER02637_3C_prokka|PROKKA_00871
Description: ER02637_3C_prokka|PROKKA_00871
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00886
Name: ER02637_3C_prokka|PROKKA_00886
Description: ER02637_3C_prokka|PROKKA_00886
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00992
Name: ER02637_3C_prokka|PROKKA_00992
Description: ER02637_3C_prokka|PROKKA_00992
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01031
Name: ER02637_3C_prokka|PROKKA_01031
Description: ER02637_3C_prokka|PROKKA_01031
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01032
Name: ER02637_3C_prokka|PROKKA_01032
Description: ER02637_3C_prokka|PROKKA_01032
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01114
Name: ER02637_3C_prokka|PROKKA_01114
Description: ER02637_3C_prokka|PROKKA_01114
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01126
Name: ER02637_3C_prokka|PROKKA_01126
Description: ER02637_3C_prokka|PROKKA_01126
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01127
Name: ER02637_3C_prokka|PROKKA_01127
Description: ER02637_3C_prokka|PROKKA_01127
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01263
Name: ER02637_3C_prokka|PROKKA_01263
Description: ER02637_3C_prokka|PROKKA_01263
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01267
Name: ER02637_3C_prokka|PROKKA_01267
Description: ER02637_3C_prokka|PROKKA_01267
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01291
Name: ER02637_3C_prokka|PROKKA_01291
Description: ER02637_3C_prokka|PROKKA_01291
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01385
Name: ER02637_3C_prokka|PROKKA_01385
Description: ER02637_3C_prokka|PROKKA_01385
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01397
Name: ER02637_3C_prokka|PROKKA_01397
Description: ER02637_3C_prokka|PROKKA_01397
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01444
Name: ER02637_3C_prokka|PROKKA_01444
Description: ER02637_3C_prokka|PROKKA_01444
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01452
Name: ER02637_3C_prokka|PROKKA_01452
Description: ER02637_3C_prokka|PROKKA_01452
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01471
Name: ER02637_3C_prokka|PROKKA_01471
Description: ER02637_3C_prokka|PROKKA_01471
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01486
Name: ER02637_3C_prokka|PROKKA_01486
Description: ER02637_3C_prokka|PROKKA_01486
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01494
Name: ER02637_3C_prokka|PROKKA_01494
Description: ER02637_3C_prokka|PROKKA_01494
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01499
Name: ER02637_3C_prokka|PROKKA_01499
Description: ER02637_3C_prokka|PROKKA_01499
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01526
Name: ER02637_3C_prokka|PROKKA_01526
Description: ER02637_3C_prokka|PROKKA_01526
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01529
Name: ER02637_3C_prokka|PROKKA_01529
Description: ER02637_3C_prokka|PROKKA_01529
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01564
Name: ER02637_3C_prokka|PROKKA_01564
Description: ER02637_3C_prokka|PROKKA_01564
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01638
Name: ER02637_3C_prokka|PROKKA_01638
Description: ER02637_3C_prokka|PROKKA_01638
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01807
Name: ER02637_3C_prokka|PROKKA_01807
Description: ER02637_3C_prokka|PROKKA_01807
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01821
Name: ER02637_3C_prokka|PROKKA_01821
Description: ER02637_3C_prokka|PROKKA_01821
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01863
Name: ER02637_3C_prokka|PROKKA_01863
Description: ER02637_3C_prokka|PROKKA_01863
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01915
Name: ER02637_3C_prokka|PROKKA_01915
Description: ER02637_3C_prokka|PROKKA_01915
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01917
Name: ER02637_3C_prokka|PROKKA_01917
Description: ER02637_3C_prokka|PROKKA_01917
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01918
Name: ER02637_3C_prokka|PROKKA_01918
Description: ER02637_3C_prokka|PROKKA_01918
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01948
Name: ER02637_3C_prokka|PROKKA_01948
Description: ER02637_3C_prokka|PROKKA_01948
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01970
Name: ER02637_3C_prokka|PROKKA_01970
Description: ER02637_3C_prokka|PROKKA_01970
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01975
Name: ER02637_3C_prokka|PROKKA_01975
Description: ER02637_3C_prokka|PROKKA_01975
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02051
Name: ER02637_3C_prokka|PROKKA_02051
Description: ER02637_3C_prokka|PROKKA_02051
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02055
Name: ER02637_3C_prokka|PROKKA_02055
Description: ER02637_3C_prokka|PROKKA_02055
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02071
Name: ER02637_3C_prokka|PROKKA_02071
Description: ER02637_3C_prokka|PROKKA_02071
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02089
Name: ER02637_3C_prokka|PROKKA_02089
Description: ER02637_3C_prokka|PROKKA_02089
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02115
Name: ER02637_3C_prokka|PROKKA_02115
Description: ER02637_3C_prokka|PROKKA_02115
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02117
Name: ER02637_3C_prokka|PROKKA_02117
Description: ER02637_3C_prokka|PROKKA_02117
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02169
Name: ER02637_3C_prokka|PROKKA_02169
Description: ER02637_3C_prokka|PROKKA_02169
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02277
Name: ER02637_3C_prokka|PROKKA_02277
Description: ER02637_3C_prokka|PROKKA_02277
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02296
Name: ER02637_3C_prokka|PROKKA_02296
Description: ER02637_3C_prokka|PROKKA_02296
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02309
Name: ER02637_3C_prokka|PROKKA_02309
Description: ER02637_3C_prokka|PROKKA_02309
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02341
Name: ER02637_3C_prokka|PROKKA_02341
Description: ER02637_3C_prokka|PROKKA_02341
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02486
Name: ER02637_3C_prokka|PROKKA_02486
Description: ER02637_3C_prokka|PROKKA_02486
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02495
Name: ER02637_3C_prokka|PROKKA_02495
Description: ER02637_3C_prokka|PROKKA_02495
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02559
Name: ER02637_3C_prokka|PROKKA_02559
Description: ER02637_3C_prokka|PROKKA_02559
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02667
Name: ER02637_3C_prokka|PROKKA_02667
Description: ER02637_3C_prokka|PROKKA_02667
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02705
Name: ER02637_3C_prokka|PROKKA_02705
Description: ER02637_3C_prokka|PROKKA_02705
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02789
Name: ER02637_3C_prokka|PROKKA_02789
Description: ER02637_3C_prokka|PROKKA_02789
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02859
Name: ER02637_3C_prokka|PROKKA_02859
Description: ER02637_3C_prokka|PROKKA_02859
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00002
Name: ER02658_3B_prokka|PROKKA_00002
Description: ER02658_3B_prokka|PROKKA_00002
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALTEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00026
Name: ER02658_3B_prokka|PROKKA_00026
Description: ER02658_3B_prokka|PROKKA_00026
Number of features: 0
Seq('MKFREAFENFITSKYVLGVLVVLTVYQIIQMLK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00032
Name: ER02658_3B_prokka|PROKKA_00032
Description: ER02658_3B_prokka|PROKKA_00032
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00095
Name: ER02658_3B_prokka|PROKKA_00095
Description: ER02658_3B_prokka|PROKKA_00095
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00104
Name: ER02658_3B_prokka|PROKKA_00104
Description: ER02658_3B_prokka|PROKKA_00104
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00183
Name: ER02658_3B_prokka|PROKKA_00183
Description: ER02658_3B_prokka|PROKKA_00183
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00282
Name: ER02658_3B_prokka|PROKKA_00282
Description: ER02658_3B_prokka|PROKKA_00282
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00334
Name: ER02658_3B_prokka|PROKKA_00334
Description: ER02658_3B_prokka|PROKKA_00334
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00364
Name: ER02658_3B_prokka|PROKKA_00364
Description: ER02658_3B_prokka|PROKKA_00364
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKLDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00380
Name: ER02658_3B_prokka|PROKKA_00380
Description: ER02658_3B_prokka|PROKKA_00380
Number of features: 0
Seq('MVTKEFLKTKLECSDIYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00396
Name: ER02658_3B_prokka|PROKKA_00396
Description: ER02658_3B_prokka|PROKKA_00396
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00500
Name: ER02658_3B_prokka|PROKKA_00500
Description: ER02658_3B_prokka|PROKKA_00500
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00538
Name: ER02658_3B_prokka|PROKKA_00538
Description: ER02658_3B_prokka|PROKKA_00538
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00667
Name: ER02658_3B_prokka|PROKKA_00667
Description: ER02658_3B_prokka|PROKKA_00667
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00703
Name: ER02658_3B_prokka|PROKKA_00703
Description: ER02658_3B_prokka|PROKKA_00703
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00921
Name: ER02658_3B_prokka|PROKKA_00921
Description: ER02658_3B_prokka|PROKKA_00921
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00965
Name: ER02658_3B_prokka|PROKKA_00965
Description: ER02658_3B_prokka|PROKKA_00965
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01074
Name: ER02658_3B_prokka|PROKKA_01074
Description: ER02658_3B_prokka|PROKKA_01074
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01113
Name: ER02658_3B_prokka|PROKKA_01113
Description: ER02658_3B_prokka|PROKKA_01113
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01199
Name: ER02658_3B_prokka|PROKKA_01199
Description: ER02658_3B_prokka|PROKKA_01199
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01212
Name: ER02658_3B_prokka|PROKKA_01212
Description: ER02658_3B_prokka|PROKKA_01212
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01213
Name: ER02658_3B_prokka|PROKKA_01213
Description: ER02658_3B_prokka|PROKKA_01213
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01349
Name: ER02658_3B_prokka|PROKKA_01349
Description: ER02658_3B_prokka|PROKKA_01349
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01353
Name: ER02658_3B_prokka|PROKKA_01353
Description: ER02658_3B_prokka|PROKKA_01353
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01357
Name: ER02658_3B_prokka|PROKKA_01357
Description: ER02658_3B_prokka|PROKKA_01357
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01359
Name: ER02658_3B_prokka|PROKKA_01359
Description: ER02658_3B_prokka|PROKKA_01359
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01383
Name: ER02658_3B_prokka|PROKKA_01383
Description: ER02658_3B_prokka|PROKKA_01383
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01478
Name: ER02658_3B_prokka|PROKKA_01478
Description: ER02658_3B_prokka|PROKKA_01478
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01490
Name: ER02658_3B_prokka|PROKKA_01490
Description: ER02658_3B_prokka|PROKKA_01490
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01539
Name: ER02658_3B_prokka|PROKKA_01539
Description: ER02658_3B_prokka|PROKKA_01539
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01547
Name: ER02658_3B_prokka|PROKKA_01547
Description: ER02658_3B_prokka|PROKKA_01547
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01567
Name: ER02658_3B_prokka|PROKKA_01567
Description: ER02658_3B_prokka|PROKKA_01567
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01595
Name: ER02658_3B_prokka|PROKKA_01595
Description: ER02658_3B_prokka|PROKKA_01595
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01622
Name: ER02658_3B_prokka|PROKKA_01622
Description: ER02658_3B_prokka|PROKKA_01622
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01659
Name: ER02658_3B_prokka|PROKKA_01659
Description: ER02658_3B_prokka|PROKKA_01659
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01730
Name: ER02658_3B_prokka|PROKKA_01730
Description: ER02658_3B_prokka|PROKKA_01730
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01895
Name: ER02658_3B_prokka|PROKKA_01895
Description: ER02658_3B_prokka|PROKKA_01895
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01902
Name: ER02658_3B_prokka|PROKKA_01902
Description: ER02658_3B_prokka|PROKKA_01902
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01921
Name: ER02658_3B_prokka|PROKKA_01921
Description: ER02658_3B_prokka|PROKKA_01921
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01956
Name: ER02658_3B_prokka|PROKKA_01956
Description: ER02658_3B_prokka|PROKKA_01956
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_02008
Name: ER02658_3B_prokka|PROKKA_02008
Description: ER02658_3B_prokka|PROKKA_02008
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_02087
Name: ER02658_3B_prokka|PROKKA_02087
Description: ER02658_3B_prokka|PROKKA_02087
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_02089
Name: ER02658_3B_prokka|PROKKA_02089
Description: ER02658_3B_prokka|PROKKA_02089
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_02138
Name: ER02658_3B_prokka|PROKKA_02138
Description: ER02658_3B_prokka|PROKKA_02138
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_02273
Name: ER02658_3B_prokka|PROKKA_02273
Description: ER02658_3B_prokka|PROKKA_02273
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_02297
Name: ER02658_3B_prokka|PROKKA_02297
Description: ER02658_3B_prokka|PROKKA_02297
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_02328
Name: ER02658_3B_prokka|PROKKA_02328
Description: ER02658_3B_prokka|PROKKA_02328
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_02483
Name: ER02658_3B_prokka|PROKKA_02483
Description: ER02658_3B_prokka|PROKKA_02483
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_02612
Name: ER02658_3B_prokka|PROKKA_02612
Description: ER02658_3B_prokka|PROKKA_02612
Number of features: 0
Seq('MITVAVIDTGVDIYHNKLYKYINLSKSFC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_02694
Name: ER02658_3B_prokka|PROKKA_02694
Description: ER02658_3B_prokka|PROKKA_02694
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_02782
Name: ER02658_3B_prokka|PROKKA_02782
Description: ER02658_3B_prokka|PROKKA_02782
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00030
Name: ER02693_3B_prokka|PROKKA_00030
Description: ER02693_3B_prokka|PROKKA_00030
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00034
Name: ER02693_3B_prokka|PROKKA_00034
Description: ER02693_3B_prokka|PROKKA_00034
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00043
Name: ER02693_3B_prokka|PROKKA_00043
Description: ER02693_3B_prokka|PROKKA_00043
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00056
Name: ER02693_3B_prokka|PROKKA_00056
Description: ER02693_3B_prokka|PROKKA_00056
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00059
Name: ER02693_3B_prokka|PROKKA_00059
Description: ER02693_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00224
Name: ER02693_3B_prokka|PROKKA_00224
Description: ER02693_3B_prokka|PROKKA_00224
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00320
Name: ER02693_3B_prokka|PROKKA_00320
Description: ER02693_3B_prokka|PROKKA_00320
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00326
Name: ER02693_3B_prokka|PROKKA_00326
Description: ER02693_3B_prokka|PROKKA_00326
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00373
Name: ER02693_3B_prokka|PROKKA_00373
Description: ER02693_3B_prokka|PROKKA_00373
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00391
Name: ER02693_3B_prokka|PROKKA_00391
Description: ER02693_3B_prokka|PROKKA_00391
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00556
Name: ER02693_3B_prokka|PROKKA_00556
Description: ER02693_3B_prokka|PROKKA_00556
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00808
Name: ER02693_3B_prokka|PROKKA_00808
Description: ER02693_3B_prokka|PROKKA_00808
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00835
Name: ER02693_3B_prokka|PROKKA_00835
Description: ER02693_3B_prokka|PROKKA_00835
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00944
Name: ER02693_3B_prokka|PROKKA_00944
Description: ER02693_3B_prokka|PROKKA_00944
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00984
Name: ER02693_3B_prokka|PROKKA_00984
Description: ER02693_3B_prokka|PROKKA_00984
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01041
Name: ER02693_3B_prokka|PROKKA_01041
Description: ER02693_3B_prokka|PROKKA_01041
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01042
Name: ER02693_3B_prokka|PROKKA_01042
Description: ER02693_3B_prokka|PROKKA_01042
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01063
Name: ER02693_3B_prokka|PROKKA_01063
Description: ER02693_3B_prokka|PROKKA_01063
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01093
Name: ER02693_3B_prokka|PROKKA_01093
Description: ER02693_3B_prokka|PROKKA_01093
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01094
Name: ER02693_3B_prokka|PROKKA_01094
Description: ER02693_3B_prokka|PROKKA_01094
Number of features: 0
Seq('MTEQMYLILFLLSLSLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01129
Name: ER02693_3B_prokka|PROKKA_01129
Description: ER02693_3B_prokka|PROKKA_01129
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01141
Name: ER02693_3B_prokka|PROKKA_01141
Description: ER02693_3B_prokka|PROKKA_01141
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01142
Name: ER02693_3B_prokka|PROKKA_01142
Description: ER02693_3B_prokka|PROKKA_01142
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01278
Name: ER02693_3B_prokka|PROKKA_01278
Description: ER02693_3B_prokka|PROKKA_01278
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01282
Name: ER02693_3B_prokka|PROKKA_01282
Description: ER02693_3B_prokka|PROKKA_01282
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01306
Name: ER02693_3B_prokka|PROKKA_01306
Description: ER02693_3B_prokka|PROKKA_01306
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01400
Name: ER02693_3B_prokka|PROKKA_01400
Description: ER02693_3B_prokka|PROKKA_01400
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01412
Name: ER02693_3B_prokka|PROKKA_01412
Description: ER02693_3B_prokka|PROKKA_01412
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01479
Name: ER02693_3B_prokka|PROKKA_01479
Description: ER02693_3B_prokka|PROKKA_01479
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01482
Name: ER02693_3B_prokka|PROKKA_01482
Description: ER02693_3B_prokka|PROKKA_01482
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01517
Name: ER02693_3B_prokka|PROKKA_01517
Description: ER02693_3B_prokka|PROKKA_01517
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01590
Name: ER02693_3B_prokka|PROKKA_01590
Description: ER02693_3B_prokka|PROKKA_01590
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01754
Name: ER02693_3B_prokka|PROKKA_01754
Description: ER02693_3B_prokka|PROKKA_01754
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01769
Name: ER02693_3B_prokka|PROKKA_01769
Description: ER02693_3B_prokka|PROKKA_01769
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01811
Name: ER02693_3B_prokka|PROKKA_01811
Description: ER02693_3B_prokka|PROKKA_01811
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01863
Name: ER02693_3B_prokka|PROKKA_01863
Description: ER02693_3B_prokka|PROKKA_01863
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01938
Name: ER02693_3B_prokka|PROKKA_01938
Description: ER02693_3B_prokka|PROKKA_01938
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01942
Name: ER02693_3B_prokka|PROKKA_01942
Description: ER02693_3B_prokka|PROKKA_01942
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01958
Name: ER02693_3B_prokka|PROKKA_01958
Description: ER02693_3B_prokka|PROKKA_01958
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01976
Name: ER02693_3B_prokka|PROKKA_01976
Description: ER02693_3B_prokka|PROKKA_01976
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02015
Name: ER02693_3B_prokka|PROKKA_02015
Description: ER02693_3B_prokka|PROKKA_02015
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02026
Name: ER02693_3B_prokka|PROKKA_02026
Description: ER02693_3B_prokka|PROKKA_02026
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02028
Name: ER02693_3B_prokka|PROKKA_02028
Description: ER02693_3B_prokka|PROKKA_02028
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02079
Name: ER02693_3B_prokka|PROKKA_02079
Description: ER02693_3B_prokka|PROKKA_02079
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKPKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02205
Name: ER02693_3B_prokka|PROKKA_02205
Description: ER02693_3B_prokka|PROKKA_02205
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02218
Name: ER02693_3B_prokka|PROKKA_02218
Description: ER02693_3B_prokka|PROKKA_02218
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02249
Name: ER02693_3B_prokka|PROKKA_02249
Description: ER02693_3B_prokka|PROKKA_02249
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02403
Name: ER02693_3B_prokka|PROKKA_02403
Description: ER02693_3B_prokka|PROKKA_02403
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02467
Name: ER02693_3B_prokka|PROKKA_02467
Description: ER02693_3B_prokka|PROKKA_02467
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02580
Name: ER02693_3B_prokka|PROKKA_02580
Description: ER02693_3B_prokka|PROKKA_02580
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02593
Name: ER02693_3B_prokka|PROKKA_02593
Description: ER02693_3B_prokka|PROKKA_02593
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02595
Name: ER02693_3B_prokka|PROKKA_02595
Description: ER02693_3B_prokka|PROKKA_02595
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02598
Name: ER02693_3B_prokka|PROKKA_02598
Description: ER02693_3B_prokka|PROKKA_02598
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02605
Name: ER02693_3B_prokka|PROKKA_02605
Description: ER02693_3B_prokka|PROKKA_02605
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02643
Name: ER02693_3B_prokka|PROKKA_02643
Description: ER02693_3B_prokka|PROKKA_02643
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02728
Name: ER02693_3B_prokka|PROKKA_02728
Description: ER02693_3B_prokka|PROKKA_02728
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02752
Name: ER02693_3B_prokka|PROKKA_02752
Description: ER02693_3B_prokka|PROKKA_02752
Number of features: 0
Seq('MKVTNTIRFEEEKKNLIDNVVNTLEEYKDVIDSELRTIRNTGSVAKLKIM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02780
Name: ER02693_3B_prokka|PROKKA_02780
Description: ER02693_3B_prokka|PROKKA_02780
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00024
Name: ER02703_3B_prokka|PROKKA_00024
Description: ER02703_3B_prokka|PROKKA_00024
Number of features: 0
Seq('MKVTNTIRFEEEKKNLIDNVVNTLEEYKDVIDSELRTIRNTNHLVMRNNLVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00066
Name: ER02703_3B_prokka|PROKKA_00066
Description: ER02703_3B_prokka|PROKKA_00066
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00075
Name: ER02703_3B_prokka|PROKKA_00075
Description: ER02703_3B_prokka|PROKKA_00075
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00096
Name: ER02703_3B_prokka|PROKKA_00096
Description: ER02703_3B_prokka|PROKKA_00096
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00185
Name: ER02703_3B_prokka|PROKKA_00185
Description: ER02703_3B_prokka|PROKKA_00185
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00189
Name: ER02703_3B_prokka|PROKKA_00189
Description: ER02703_3B_prokka|PROKKA_00189
Number of features: 0
Seq('MLTIPEKENRGSKEQEVAIMIDALADKGKKH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00284
Name: ER02703_3B_prokka|PROKKA_00284
Description: ER02703_3B_prokka|PROKKA_00284
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00336
Name: ER02703_3B_prokka|PROKKA_00336
Description: ER02703_3B_prokka|PROKKA_00336
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00434
Name: ER02703_3B_prokka|PROKKA_00434
Description: ER02703_3B_prokka|PROKKA_00434
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00468
Name: ER02703_3B_prokka|PROKKA_00468
Description: ER02703_3B_prokka|PROKKA_00468
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00598
Name: ER02703_3B_prokka|PROKKA_00598
Description: ER02703_3B_prokka|PROKKA_00598
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00634
Name: ER02703_3B_prokka|PROKKA_00634
Description: ER02703_3B_prokka|PROKKA_00634
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00853
Name: ER02703_3B_prokka|PROKKA_00853
Description: ER02703_3B_prokka|PROKKA_00853
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00897
Name: ER02703_3B_prokka|PROKKA_00897
Description: ER02703_3B_prokka|PROKKA_00897
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01005
Name: ER02703_3B_prokka|PROKKA_01005
Description: ER02703_3B_prokka|PROKKA_01005
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01044
Name: ER02703_3B_prokka|PROKKA_01044
Description: ER02703_3B_prokka|PROKKA_01044
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01124
Name: ER02703_3B_prokka|PROKKA_01124
Description: ER02703_3B_prokka|PROKKA_01124
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01137
Name: ER02703_3B_prokka|PROKKA_01137
Description: ER02703_3B_prokka|PROKKA_01137
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01138
Name: ER02703_3B_prokka|PROKKA_01138
Description: ER02703_3B_prokka|PROKKA_01138
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01273
Name: ER02703_3B_prokka|PROKKA_01273
Description: ER02703_3B_prokka|PROKKA_01273
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01277
Name: ER02703_3B_prokka|PROKKA_01277
Description: ER02703_3B_prokka|PROKKA_01277
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01281
Name: ER02703_3B_prokka|PROKKA_01281
Description: ER02703_3B_prokka|PROKKA_01281
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01283
Name: ER02703_3B_prokka|PROKKA_01283
Description: ER02703_3B_prokka|PROKKA_01283
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01307
Name: ER02703_3B_prokka|PROKKA_01307
Description: ER02703_3B_prokka|PROKKA_01307
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01403
Name: ER02703_3B_prokka|PROKKA_01403
Description: ER02703_3B_prokka|PROKKA_01403
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01415
Name: ER02703_3B_prokka|PROKKA_01415
Description: ER02703_3B_prokka|PROKKA_01415
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01464
Name: ER02703_3B_prokka|PROKKA_01464
Description: ER02703_3B_prokka|PROKKA_01464
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01472
Name: ER02703_3B_prokka|PROKKA_01472
Description: ER02703_3B_prokka|PROKKA_01472
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01492
Name: ER02703_3B_prokka|PROKKA_01492
Description: ER02703_3B_prokka|PROKKA_01492
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01520
Name: ER02703_3B_prokka|PROKKA_01520
Description: ER02703_3B_prokka|PROKKA_01520
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01547
Name: ER02703_3B_prokka|PROKKA_01547
Description: ER02703_3B_prokka|PROKKA_01547
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01584
Name: ER02703_3B_prokka|PROKKA_01584
Description: ER02703_3B_prokka|PROKKA_01584
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01655
Name: ER02703_3B_prokka|PROKKA_01655
Description: ER02703_3B_prokka|PROKKA_01655
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01820
Name: ER02703_3B_prokka|PROKKA_01820
Description: ER02703_3B_prokka|PROKKA_01820
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01827
Name: ER02703_3B_prokka|PROKKA_01827
Description: ER02703_3B_prokka|PROKKA_01827
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01846
Name: ER02703_3B_prokka|PROKKA_01846
Description: ER02703_3B_prokka|PROKKA_01846
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01881
Name: ER02703_3B_prokka|PROKKA_01881
Description: ER02703_3B_prokka|PROKKA_01881
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01933
Name: ER02703_3B_prokka|PROKKA_01933
Description: ER02703_3B_prokka|PROKKA_01933
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02005
Name: ER02703_3B_prokka|PROKKA_02005
Description: ER02703_3B_prokka|PROKKA_02005
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02009
Name: ER02703_3B_prokka|PROKKA_02009
Description: ER02703_3B_prokka|PROKKA_02009
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02025
Name: ER02703_3B_prokka|PROKKA_02025
Description: ER02703_3B_prokka|PROKKA_02025
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02045
Name: ER02703_3B_prokka|PROKKA_02045
Description: ER02703_3B_prokka|PROKKA_02045
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02075
Name: ER02703_3B_prokka|PROKKA_02075
Description: ER02703_3B_prokka|PROKKA_02075
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02077
Name: ER02703_3B_prokka|PROKKA_02077
Description: ER02703_3B_prokka|PROKKA_02077
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02126
Name: ER02703_3B_prokka|PROKKA_02126
Description: ER02703_3B_prokka|PROKKA_02126
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02246
Name: ER02703_3B_prokka|PROKKA_02246
Description: ER02703_3B_prokka|PROKKA_02246
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02270
Name: ER02703_3B_prokka|PROKKA_02270
Description: ER02703_3B_prokka|PROKKA_02270
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02301
Name: ER02703_3B_prokka|PROKKA_02301
Description: ER02703_3B_prokka|PROKKA_02301
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02457
Name: ER02703_3B_prokka|PROKKA_02457
Description: ER02703_3B_prokka|PROKKA_02457
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02666
Name: ER02703_3B_prokka|PROKKA_02666
Description: ER02703_3B_prokka|PROKKA_02666
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02753
Name: ER02703_3B_prokka|PROKKA_02753
Description: ER02703_3B_prokka|PROKKA_02753
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_00030
Name: ER02746_3B_prokka|PROKKA_00030
Description: ER02746_3B_prokka|PROKKA_00030
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_00039
Name: ER02746_3B_prokka|PROKKA_00039
Description: ER02746_3B_prokka|PROKKA_00039
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_00214
Name: ER02746_3B_prokka|PROKKA_00214
Description: ER02746_3B_prokka|PROKKA_00214
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_00338
Name: ER02746_3B_prokka|PROKKA_00338
Description: ER02746_3B_prokka|PROKKA_00338
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_00355
Name: ER02746_3B_prokka|PROKKA_00355
Description: ER02746_3B_prokka|PROKKA_00355
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_00522
Name: ER02746_3B_prokka|PROKKA_00522
Description: ER02746_3B_prokka|PROKKA_00522
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_00754
Name: ER02746_3B_prokka|PROKKA_00754
Description: ER02746_3B_prokka|PROKKA_00754
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGEVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_00835
Name: ER02746_3B_prokka|PROKKA_00835
Description: ER02746_3B_prokka|PROKKA_00835
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_00861
Name: ER02746_3B_prokka|PROKKA_00861
Description: ER02746_3B_prokka|PROKKA_00861
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLVIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_00967
Name: ER02746_3B_prokka|PROKKA_00967
Description: ER02746_3B_prokka|PROKKA_00967
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01007
Name: ER02746_3B_prokka|PROKKA_01007
Description: ER02746_3B_prokka|PROKKA_01007
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01087
Name: ER02746_3B_prokka|PROKKA_01087
Description: ER02746_3B_prokka|PROKKA_01087
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01099
Name: ER02746_3B_prokka|PROKKA_01099
Description: ER02746_3B_prokka|PROKKA_01099
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01100
Name: ER02746_3B_prokka|PROKKA_01100
Description: ER02746_3B_prokka|PROKKA_01100
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01235
Name: ER02746_3B_prokka|PROKKA_01235
Description: ER02746_3B_prokka|PROKKA_01235
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01239
Name: ER02746_3B_prokka|PROKKA_01239
Description: ER02746_3B_prokka|PROKKA_01239
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01263
Name: ER02746_3B_prokka|PROKKA_01263
Description: ER02746_3B_prokka|PROKKA_01263
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01370
Name: ER02746_3B_prokka|PROKKA_01370
Description: ER02746_3B_prokka|PROKKA_01370
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01434
Name: ER02746_3B_prokka|PROKKA_01434
Description: ER02746_3B_prokka|PROKKA_01434
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01437
Name: ER02746_3B_prokka|PROKKA_01437
Description: ER02746_3B_prokka|PROKKA_01437
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01472
Name: ER02746_3B_prokka|PROKKA_01472
Description: ER02746_3B_prokka|PROKKA_01472
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01544
Name: ER02746_3B_prokka|PROKKA_01544
Description: ER02746_3B_prokka|PROKKA_01544
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01708
Name: ER02746_3B_prokka|PROKKA_01708
Description: ER02746_3B_prokka|PROKKA_01708
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01723
Name: ER02746_3B_prokka|PROKKA_01723
Description: ER02746_3B_prokka|PROKKA_01723
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01766
Name: ER02746_3B_prokka|PROKKA_01766
Description: ER02746_3B_prokka|PROKKA_01766
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01818
Name: ER02746_3B_prokka|PROKKA_01818
Description: ER02746_3B_prokka|PROKKA_01818
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01890
Name: ER02746_3B_prokka|PROKKA_01890
Description: ER02746_3B_prokka|PROKKA_01890
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01894
Name: ER02746_3B_prokka|PROKKA_01894
Description: ER02746_3B_prokka|PROKKA_01894
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01911
Name: ER02746_3B_prokka|PROKKA_01911
Description: ER02746_3B_prokka|PROKKA_01911
Number of features: 0
Seq('MRIFIYDLIVLLFAFLISIYIIDDGVIINALGIFGMYKIIDSFSENIIKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01912
Name: ER02746_3B_prokka|PROKKA_01912
Description: ER02746_3B_prokka|PROKKA_01912
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEASSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01915
Name: ER02746_3B_prokka|PROKKA_01915
Description: ER02746_3B_prokka|PROKKA_01915
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSENEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01929
Name: ER02746_3B_prokka|PROKKA_01929
Description: ER02746_3B_prokka|PROKKA_01929
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01932
Name: ER02746_3B_prokka|PROKKA_01932
Description: ER02746_3B_prokka|PROKKA_01932
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01939
Name: ER02746_3B_prokka|PROKKA_01939
Description: ER02746_3B_prokka|PROKKA_01939
Number of features: 0
Seq('MNLKEVDINIEEWEMVEIPFYTEEELTYRLKNDLPITKSEFEEQESKNEFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01941
Name: ER02746_3B_prokka|PROKKA_01941
Description: ER02746_3B_prokka|PROKKA_01941
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01955
Name: ER02746_3B_prokka|PROKKA_01955
Description: ER02746_3B_prokka|PROKKA_01955
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01957
Name: ER02746_3B_prokka|PROKKA_01957
Description: ER02746_3B_prokka|PROKKA_01957
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_02007
Name: ER02746_3B_prokka|PROKKA_02007
Description: ER02746_3B_prokka|PROKKA_02007
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_02132
Name: ER02746_3B_prokka|PROKKA_02132
Description: ER02746_3B_prokka|PROKKA_02132
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_02145
Name: ER02746_3B_prokka|PROKKA_02145
Description: ER02746_3B_prokka|PROKKA_02145
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_02176
Name: ER02746_3B_prokka|PROKKA_02176
Description: ER02746_3B_prokka|PROKKA_02176
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_02329
Name: ER02746_3B_prokka|PROKKA_02329
Description: ER02746_3B_prokka|PROKKA_02329
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_02393
Name: ER02746_3B_prokka|PROKKA_02393
Description: ER02746_3B_prokka|PROKKA_02393
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_02501
Name: ER02746_3B_prokka|PROKKA_02501
Description: ER02746_3B_prokka|PROKKA_02501
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_02539
Name: ER02746_3B_prokka|PROKKA_02539
Description: ER02746_3B_prokka|PROKKA_02539
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_02623
Name: ER02746_3B_prokka|PROKKA_02623
Description: ER02746_3B_prokka|PROKKA_02623
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_02632
Name: ER02746_3B_prokka|PROKKA_02632
Description: ER02746_3B_prokka|PROKKA_02632
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_02636
Name: ER02746_3B_prokka|PROKKA_02636
Description: ER02746_3B_prokka|PROKKA_02636
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_02650
Name: ER02746_3B_prokka|PROKKA_02650
Description: ER02746_3B_prokka|PROKKA_02650
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00029
Name: ER02826_3A_prokka|PROKKA_00029
Description: ER02826_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00038
Name: ER02826_3A_prokka|PROKKA_00038
Description: ER02826_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00117
Name: ER02826_3A_prokka|PROKKA_00117
Description: ER02826_3A_prokka|PROKKA_00117
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00216
Name: ER02826_3A_prokka|PROKKA_00216
Description: ER02826_3A_prokka|PROKKA_00216
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00269
Name: ER02826_3A_prokka|PROKKA_00269
Description: ER02826_3A_prokka|PROKKA_00269
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00367
Name: ER02826_3A_prokka|PROKKA_00367
Description: ER02826_3A_prokka|PROKKA_00367
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00406
Name: ER02826_3A_prokka|PROKKA_00406
Description: ER02826_3A_prokka|PROKKA_00406
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00536
Name: ER02826_3A_prokka|PROKKA_00536
Description: ER02826_3A_prokka|PROKKA_00536
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00572
Name: ER02826_3A_prokka|PROKKA_00572
Description: ER02826_3A_prokka|PROKKA_00572
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00791
Name: ER02826_3A_prokka|PROKKA_00791
Description: ER02826_3A_prokka|PROKKA_00791
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00817
Name: ER02826_3A_prokka|PROKKA_00817
Description: ER02826_3A_prokka|PROKKA_00817
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00926
Name: ER02826_3A_prokka|PROKKA_00926
Description: ER02826_3A_prokka|PROKKA_00926
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00965
Name: ER02826_3A_prokka|PROKKA_00965
Description: ER02826_3A_prokka|PROKKA_00965
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01045
Name: ER02826_3A_prokka|PROKKA_01045
Description: ER02826_3A_prokka|PROKKA_01045
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01058
Name: ER02826_3A_prokka|PROKKA_01058
Description: ER02826_3A_prokka|PROKKA_01058
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01059
Name: ER02826_3A_prokka|PROKKA_01059
Description: ER02826_3A_prokka|PROKKA_01059
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01194
Name: ER02826_3A_prokka|PROKKA_01194
Description: ER02826_3A_prokka|PROKKA_01194
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01198
Name: ER02826_3A_prokka|PROKKA_01198
Description: ER02826_3A_prokka|PROKKA_01198
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01202
Name: ER02826_3A_prokka|PROKKA_01202
Description: ER02826_3A_prokka|PROKKA_01202
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01204
Name: ER02826_3A_prokka|PROKKA_01204
Description: ER02826_3A_prokka|PROKKA_01204
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01228
Name: ER02826_3A_prokka|PROKKA_01228
Description: ER02826_3A_prokka|PROKKA_01228
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01232
Name: ER02826_3A_prokka|PROKKA_01232
Description: ER02826_3A_prokka|PROKKA_01232
Number of features: 0
Seq('MMTTDKPKDADILERVKDILNKKERKNNNGSLL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01309
Name: ER02826_3A_prokka|PROKKA_01309
Description: ER02826_3A_prokka|PROKKA_01309
Number of features: 0
Seq('MSSDTNSLAHTKWNCKYHIVFAPKYRRQVIYGKIKKRYRDYIASIM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01326
Name: ER02826_3A_prokka|PROKKA_01326
Description: ER02826_3A_prokka|PROKKA_01326
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01339
Name: ER02826_3A_prokka|PROKKA_01339
Description: ER02826_3A_prokka|PROKKA_01339
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01388
Name: ER02826_3A_prokka|PROKKA_01388
Description: ER02826_3A_prokka|PROKKA_01388
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01397
Name: ER02826_3A_prokka|PROKKA_01397
Description: ER02826_3A_prokka|PROKKA_01397
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01417
Name: ER02826_3A_prokka|PROKKA_01417
Description: ER02826_3A_prokka|PROKKA_01417
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01445
Name: ER02826_3A_prokka|PROKKA_01445
Description: ER02826_3A_prokka|PROKKA_01445
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01472
Name: ER02826_3A_prokka|PROKKA_01472
Description: ER02826_3A_prokka|PROKKA_01472
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01509
Name: ER02826_3A_prokka|PROKKA_01509
Description: ER02826_3A_prokka|PROKKA_01509
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01580
Name: ER02826_3A_prokka|PROKKA_01580
Description: ER02826_3A_prokka|PROKKA_01580
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01746
Name: ER02826_3A_prokka|PROKKA_01746
Description: ER02826_3A_prokka|PROKKA_01746
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01753
Name: ER02826_3A_prokka|PROKKA_01753
Description: ER02826_3A_prokka|PROKKA_01753
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01772
Name: ER02826_3A_prokka|PROKKA_01772
Description: ER02826_3A_prokka|PROKKA_01772
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01807
Name: ER02826_3A_prokka|PROKKA_01807
Description: ER02826_3A_prokka|PROKKA_01807
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01859
Name: ER02826_3A_prokka|PROKKA_01859
Description: ER02826_3A_prokka|PROKKA_01859
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01931
Name: ER02826_3A_prokka|PROKKA_01931
Description: ER02826_3A_prokka|PROKKA_01931
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01935
Name: ER02826_3A_prokka|PROKKA_01935
Description: ER02826_3A_prokka|PROKKA_01935
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01951
Name: ER02826_3A_prokka|PROKKA_01951
Description: ER02826_3A_prokka|PROKKA_01951
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01971
Name: ER02826_3A_prokka|PROKKA_01971
Description: ER02826_3A_prokka|PROKKA_01971
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_02001
Name: ER02826_3A_prokka|PROKKA_02001
Description: ER02826_3A_prokka|PROKKA_02001
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_02003
Name: ER02826_3A_prokka|PROKKA_02003
Description: ER02826_3A_prokka|PROKKA_02003
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_02052
Name: ER02826_3A_prokka|PROKKA_02052
Description: ER02826_3A_prokka|PROKKA_02052
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_02172
Name: ER02826_3A_prokka|PROKKA_02172
Description: ER02826_3A_prokka|PROKKA_02172
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_02196
Name: ER02826_3A_prokka|PROKKA_02196
Description: ER02826_3A_prokka|PROKKA_02196
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_02227
Name: ER02826_3A_prokka|PROKKA_02227
Description: ER02826_3A_prokka|PROKKA_02227
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_02384
Name: ER02826_3A_prokka|PROKKA_02384
Description: ER02826_3A_prokka|PROKKA_02384
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_02595
Name: ER02826_3A_prokka|PROKKA_02595
Description: ER02826_3A_prokka|PROKKA_02595
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_02682
Name: ER02826_3A_prokka|PROKKA_02682
Description: ER02826_3A_prokka|PROKKA_02682
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_02696
Name: ER02826_3A_prokka|PROKKA_02696
Description: ER02826_3A_prokka|PROKKA_02696
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00057
Name: ER02836_3A_prokka|PROKKA_00057
Description: ER02836_3A_prokka|PROKKA_00057
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00078
Name: ER02836_3A_prokka|PROKKA_00078
Description: ER02836_3A_prokka|PROKKA_00078
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00244
Name: ER02836_3A_prokka|PROKKA_00244
Description: ER02836_3A_prokka|PROKKA_00244
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00316
Name: ER02836_3A_prokka|PROKKA_00316
Description: ER02836_3A_prokka|PROKKA_00316
Number of features: 0
Seq('MKRLLSLLLASALILSACGSNDGDKKGESKKTEKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00321
Name: ER02836_3A_prokka|PROKKA_00321
Description: ER02836_3A_prokka|PROKKA_00321
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00327
Name: ER02836_3A_prokka|PROKKA_00327
Description: ER02836_3A_prokka|PROKKA_00327
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00351
Name: ER02836_3A_prokka|PROKKA_00351
Description: ER02836_3A_prokka|PROKKA_00351
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00434
Name: ER02836_3A_prokka|PROKKA_00434
Description: ER02836_3A_prokka|PROKKA_00434
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00451
Name: ER02836_3A_prokka|PROKKA_00451
Description: ER02836_3A_prokka|PROKKA_00451
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00618
Name: ER02836_3A_prokka|PROKKA_00618
Description: ER02836_3A_prokka|PROKKA_00618
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00877
Name: ER02836_3A_prokka|PROKKA_00877
Description: ER02836_3A_prokka|PROKKA_00877
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00908
Name: ER02836_3A_prokka|PROKKA_00908
Description: ER02836_3A_prokka|PROKKA_00908
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00912
Name: ER02836_3A_prokka|PROKKA_00912
Description: ER02836_3A_prokka|PROKKA_00912
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00928
Name: ER02836_3A_prokka|PROKKA_00928
Description: ER02836_3A_prokka|PROKKA_00928
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00959
Name: ER02836_3A_prokka|PROKKA_00959
Description: ER02836_3A_prokka|PROKKA_00959
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00960
Name: ER02836_3A_prokka|PROKKA_00960
Description: ER02836_3A_prokka|PROKKA_00960
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00974
Name: ER02836_3A_prokka|PROKKA_00974
Description: ER02836_3A_prokka|PROKKA_00974
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01079
Name: ER02836_3A_prokka|PROKKA_01079
Description: ER02836_3A_prokka|PROKKA_01079
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01119
Name: ER02836_3A_prokka|PROKKA_01119
Description: ER02836_3A_prokka|PROKKA_01119
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01179
Name: ER02836_3A_prokka|PROKKA_01179
Description: ER02836_3A_prokka|PROKKA_01179
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01180
Name: ER02836_3A_prokka|PROKKA_01180
Description: ER02836_3A_prokka|PROKKA_01180
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYGE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01197
Name: ER02836_3A_prokka|PROKKA_01197
Description: ER02836_3A_prokka|PROKKA_01197
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDLKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01290
Name: ER02836_3A_prokka|PROKKA_01290
Description: ER02836_3A_prokka|PROKKA_01290
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01293
Name: ER02836_3A_prokka|PROKKA_01293
Description: ER02836_3A_prokka|PROKKA_01293
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01296
Name: ER02836_3A_prokka|PROKKA_01296
Description: ER02836_3A_prokka|PROKKA_01296
Number of features: 0
Seq('MNLGNVKETISIIYLIEIVSFLMYLSKFSTHDIFNDFLSLVKLKFSTFIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01362
Name: ER02836_3A_prokka|PROKKA_01362
Description: ER02836_3A_prokka|PROKKA_01362
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01374
Name: ER02836_3A_prokka|PROKKA_01374
Description: ER02836_3A_prokka|PROKKA_01374
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01470
Name: ER02836_3A_prokka|PROKKA_01470
Description: ER02836_3A_prokka|PROKKA_01470
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01494
Name: ER02836_3A_prokka|PROKKA_01494
Description: ER02836_3A_prokka|PROKKA_01494
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01498
Name: ER02836_3A_prokka|PROKKA_01498
Description: ER02836_3A_prokka|PROKKA_01498
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01635
Name: ER02836_3A_prokka|PROKKA_01635
Description: ER02836_3A_prokka|PROKKA_01635
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01636
Name: ER02836_3A_prokka|PROKKA_01636
Description: ER02836_3A_prokka|PROKKA_01636
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01648
Name: ER02836_3A_prokka|PROKKA_01648
Description: ER02836_3A_prokka|PROKKA_01648
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01657
Name: ER02836_3A_prokka|PROKKA_01657
Description: ER02836_3A_prokka|PROKKA_01657
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01730
Name: ER02836_3A_prokka|PROKKA_01730
Description: ER02836_3A_prokka|PROKKA_01730
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01900
Name: ER02836_3A_prokka|PROKKA_01900
Description: ER02836_3A_prokka|PROKKA_01900
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01923
Name: ER02836_3A_prokka|PROKKA_01923
Description: ER02836_3A_prokka|PROKKA_01923
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01966
Name: ER02836_3A_prokka|PROKKA_01966
Description: ER02836_3A_prokka|PROKKA_01966
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02018
Name: ER02836_3A_prokka|PROKKA_02018
Description: ER02836_3A_prokka|PROKKA_02018
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02094
Name: ER02836_3A_prokka|PROKKA_02094
Description: ER02836_3A_prokka|PROKKA_02094
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02098
Name: ER02836_3A_prokka|PROKKA_02098
Description: ER02836_3A_prokka|PROKKA_02098
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02114
Name: ER02836_3A_prokka|PROKKA_02114
Description: ER02836_3A_prokka|PROKKA_02114
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02134
Name: ER02836_3A_prokka|PROKKA_02134
Description: ER02836_3A_prokka|PROKKA_02134
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02160
Name: ER02836_3A_prokka|PROKKA_02160
Description: ER02836_3A_prokka|PROKKA_02160
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02162
Name: ER02836_3A_prokka|PROKKA_02162
Description: ER02836_3A_prokka|PROKKA_02162
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02212
Name: ER02836_3A_prokka|PROKKA_02212
Description: ER02836_3A_prokka|PROKKA_02212
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02213
Name: ER02836_3A_prokka|PROKKA_02213
Description: ER02836_3A_prokka|PROKKA_02213
Number of features: 0
Seq('MIHQNTIYTAGIETEEQVSQLTERISNMIGVHQVNIKYNRWSSNCIV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02338
Name: ER02836_3A_prokka|PROKKA_02338
Description: ER02836_3A_prokka|PROKKA_02338
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02351
Name: ER02836_3A_prokka|PROKKA_02351
Description: ER02836_3A_prokka|PROKKA_02351
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02382
Name: ER02836_3A_prokka|PROKKA_02382
Description: ER02836_3A_prokka|PROKKA_02382
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02538
Name: ER02836_3A_prokka|PROKKA_02538
Description: ER02836_3A_prokka|PROKKA_02538
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02602
Name: ER02836_3A_prokka|PROKKA_02602
Description: ER02836_3A_prokka|PROKKA_02602
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02645
Name: ER02836_3A_prokka|PROKKA_02645
Description: ER02836_3A_prokka|PROKKA_02645
Number of features: 0
Seq('MSNMNQTIMDAFHFRHATKQFDPQKKVSKEDFETI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02713
Name: ER02836_3A_prokka|PROKKA_02713
Description: ER02836_3A_prokka|PROKKA_02713
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02751
Name: ER02836_3A_prokka|PROKKA_02751
Description: ER02836_3A_prokka|PROKKA_02751
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02837
Name: ER02836_3A_prokka|PROKKA_02837
Description: ER02836_3A_prokka|PROKKA_02837
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00069
Name: ER02837_3A_prokka|PROKKA_00069
Description: ER02837_3A_prokka|PROKKA_00069
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00111
Name: ER02837_3A_prokka|PROKKA_00111
Description: ER02837_3A_prokka|PROKKA_00111
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00114
Name: ER02837_3A_prokka|PROKKA_00114
Description: ER02837_3A_prokka|PROKKA_00114
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00118
Name: ER02837_3A_prokka|PROKKA_00118
Description: ER02837_3A_prokka|PROKKA_00118
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00139
Name: ER02837_3A_prokka|PROKKA_00139
Description: ER02837_3A_prokka|PROKKA_00139
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00157
Name: ER02837_3A_prokka|PROKKA_00157
Description: ER02837_3A_prokka|PROKKA_00157
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00280
Name: ER02837_3A_prokka|PROKKA_00280
Description: ER02837_3A_prokka|PROKKA_00280
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00324
Name: ER02837_3A_prokka|PROKKA_00324
Description: ER02837_3A_prokka|PROKKA_00324
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00448
Name: ER02837_3A_prokka|PROKKA_00448
Description: ER02837_3A_prokka|PROKKA_00448
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00465
Name: ER02837_3A_prokka|PROKKA_00465
Description: ER02837_3A_prokka|PROKKA_00465
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00631
Name: ER02837_3A_prokka|PROKKA_00631
Description: ER02837_3A_prokka|PROKKA_00631
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00750
Name: ER02837_3A_prokka|PROKKA_00750
Description: ER02837_3A_prokka|PROKKA_00750
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00862
Name: ER02837_3A_prokka|PROKKA_00862
Description: ER02837_3A_prokka|PROKKA_00862
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00893
Name: ER02837_3A_prokka|PROKKA_00893
Description: ER02837_3A_prokka|PROKKA_00893
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00897
Name: ER02837_3A_prokka|PROKKA_00897
Description: ER02837_3A_prokka|PROKKA_00897
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00913
Name: ER02837_3A_prokka|PROKKA_00913
Description: ER02837_3A_prokka|PROKKA_00913
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00944
Name: ER02837_3A_prokka|PROKKA_00944
Description: ER02837_3A_prokka|PROKKA_00944
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00945
Name: ER02837_3A_prokka|PROKKA_00945
Description: ER02837_3A_prokka|PROKKA_00945
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00960
Name: ER02837_3A_prokka|PROKKA_00960
Description: ER02837_3A_prokka|PROKKA_00960
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01066
Name: ER02837_3A_prokka|PROKKA_01066
Description: ER02837_3A_prokka|PROKKA_01066
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01105
Name: ER02837_3A_prokka|PROKKA_01105
Description: ER02837_3A_prokka|PROKKA_01105
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01106
Name: ER02837_3A_prokka|PROKKA_01106
Description: ER02837_3A_prokka|PROKKA_01106
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01189
Name: ER02837_3A_prokka|PROKKA_01189
Description: ER02837_3A_prokka|PROKKA_01189
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01201
Name: ER02837_3A_prokka|PROKKA_01201
Description: ER02837_3A_prokka|PROKKA_01201
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01202
Name: ER02837_3A_prokka|PROKKA_01202
Description: ER02837_3A_prokka|PROKKA_01202
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01338
Name: ER02837_3A_prokka|PROKKA_01338
Description: ER02837_3A_prokka|PROKKA_01338
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01342
Name: ER02837_3A_prokka|PROKKA_01342
Description: ER02837_3A_prokka|PROKKA_01342
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01366
Name: ER02837_3A_prokka|PROKKA_01366
Description: ER02837_3A_prokka|PROKKA_01366
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01460
Name: ER02837_3A_prokka|PROKKA_01460
Description: ER02837_3A_prokka|PROKKA_01460
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01472
Name: ER02837_3A_prokka|PROKKA_01472
Description: ER02837_3A_prokka|PROKKA_01472
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01519
Name: ER02837_3A_prokka|PROKKA_01519
Description: ER02837_3A_prokka|PROKKA_01519
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01528
Name: ER02837_3A_prokka|PROKKA_01528
Description: ER02837_3A_prokka|PROKKA_01528
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01547
Name: ER02837_3A_prokka|PROKKA_01547
Description: ER02837_3A_prokka|PROKKA_01547
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01562
Name: ER02837_3A_prokka|PROKKA_01562
Description: ER02837_3A_prokka|PROKKA_01562
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01570
Name: ER02837_3A_prokka|PROKKA_01570
Description: ER02837_3A_prokka|PROKKA_01570
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01575
Name: ER02837_3A_prokka|PROKKA_01575
Description: ER02837_3A_prokka|PROKKA_01575
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01602
Name: ER02837_3A_prokka|PROKKA_01602
Description: ER02837_3A_prokka|PROKKA_01602
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01605
Name: ER02837_3A_prokka|PROKKA_01605
Description: ER02837_3A_prokka|PROKKA_01605
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01640
Name: ER02837_3A_prokka|PROKKA_01640
Description: ER02837_3A_prokka|PROKKA_01640
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01714
Name: ER02837_3A_prokka|PROKKA_01714
Description: ER02837_3A_prokka|PROKKA_01714
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01884
Name: ER02837_3A_prokka|PROKKA_01884
Description: ER02837_3A_prokka|PROKKA_01884
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01898
Name: ER02837_3A_prokka|PROKKA_01898
Description: ER02837_3A_prokka|PROKKA_01898
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01940
Name: ER02837_3A_prokka|PROKKA_01940
Description: ER02837_3A_prokka|PROKKA_01940
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01992
Name: ER02837_3A_prokka|PROKKA_01992
Description: ER02837_3A_prokka|PROKKA_01992
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01994
Name: ER02837_3A_prokka|PROKKA_01994
Description: ER02837_3A_prokka|PROKKA_01994
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01995
Name: ER02837_3A_prokka|PROKKA_01995
Description: ER02837_3A_prokka|PROKKA_01995
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02025
Name: ER02837_3A_prokka|PROKKA_02025
Description: ER02837_3A_prokka|PROKKA_02025
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02047
Name: ER02837_3A_prokka|PROKKA_02047
Description: ER02837_3A_prokka|PROKKA_02047
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02052
Name: ER02837_3A_prokka|PROKKA_02052
Description: ER02837_3A_prokka|PROKKA_02052
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02130
Name: ER02837_3A_prokka|PROKKA_02130
Description: ER02837_3A_prokka|PROKKA_02130
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02134
Name: ER02837_3A_prokka|PROKKA_02134
Description: ER02837_3A_prokka|PROKKA_02134
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02150
Name: ER02837_3A_prokka|PROKKA_02150
Description: ER02837_3A_prokka|PROKKA_02150
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02168
Name: ER02837_3A_prokka|PROKKA_02168
Description: ER02837_3A_prokka|PROKKA_02168
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02194
Name: ER02837_3A_prokka|PROKKA_02194
Description: ER02837_3A_prokka|PROKKA_02194
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02196
Name: ER02837_3A_prokka|PROKKA_02196
Description: ER02837_3A_prokka|PROKKA_02196
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02248
Name: ER02837_3A_prokka|PROKKA_02248
Description: ER02837_3A_prokka|PROKKA_02248
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02356
Name: ER02837_3A_prokka|PROKKA_02356
Description: ER02837_3A_prokka|PROKKA_02356
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02375
Name: ER02837_3A_prokka|PROKKA_02375
Description: ER02837_3A_prokka|PROKKA_02375
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02388
Name: ER02837_3A_prokka|PROKKA_02388
Description: ER02837_3A_prokka|PROKKA_02388
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02420
Name: ER02837_3A_prokka|PROKKA_02420
Description: ER02837_3A_prokka|PROKKA_02420
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02565
Name: ER02837_3A_prokka|PROKKA_02565
Description: ER02837_3A_prokka|PROKKA_02565
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02574
Name: ER02837_3A_prokka|PROKKA_02574
Description: ER02837_3A_prokka|PROKKA_02574
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02638
Name: ER02837_3A_prokka|PROKKA_02638
Description: ER02837_3A_prokka|PROKKA_02638
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02746
Name: ER02837_3A_prokka|PROKKA_02746
Description: ER02837_3A_prokka|PROKKA_02746
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02784
Name: ER02837_3A_prokka|PROKKA_02784
Description: ER02837_3A_prokka|PROKKA_02784
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02868
Name: ER02837_3A_prokka|PROKKA_02868
Description: ER02837_3A_prokka|PROKKA_02868
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00039
Name: ER02878_3A_prokka|PROKKA_00039
Description: ER02878_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00042
Name: ER02878_3A_prokka|PROKKA_00042
Description: ER02878_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00046
Name: ER02878_3A_prokka|PROKKA_00046
Description: ER02878_3A_prokka|PROKKA_00046
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00067
Name: ER02878_3A_prokka|PROKKA_00067
Description: ER02878_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00085
Name: ER02878_3A_prokka|PROKKA_00085
Description: ER02878_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00253
Name: ER02878_3A_prokka|PROKKA_00253
Description: ER02878_3A_prokka|PROKKA_00253
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00377
Name: ER02878_3A_prokka|PROKKA_00377
Description: ER02878_3A_prokka|PROKKA_00377
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00394
Name: ER02878_3A_prokka|PROKKA_00394
Description: ER02878_3A_prokka|PROKKA_00394
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00560
Name: ER02878_3A_prokka|PROKKA_00560
Description: ER02878_3A_prokka|PROKKA_00560
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00789
Name: ER02878_3A_prokka|PROKKA_00789
Description: ER02878_3A_prokka|PROKKA_00789
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00820
Name: ER02878_3A_prokka|PROKKA_00820
Description: ER02878_3A_prokka|PROKKA_00820
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00824
Name: ER02878_3A_prokka|PROKKA_00824
Description: ER02878_3A_prokka|PROKKA_00824
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00840
Name: ER02878_3A_prokka|PROKKA_00840
Description: ER02878_3A_prokka|PROKKA_00840
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00870
Name: ER02878_3A_prokka|PROKKA_00870
Description: ER02878_3A_prokka|PROKKA_00870
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00871
Name: ER02878_3A_prokka|PROKKA_00871
Description: ER02878_3A_prokka|PROKKA_00871
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00873
Name: ER02878_3A_prokka|PROKKA_00873
Description: ER02878_3A_prokka|PROKKA_00873
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00925
Name: ER02878_3A_prokka|PROKKA_00925
Description: ER02878_3A_prokka|PROKKA_00925
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00967
Name: ER02878_3A_prokka|PROKKA_00967
Description: ER02878_3A_prokka|PROKKA_00967
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00981
Name: ER02878_3A_prokka|PROKKA_00981
Description: ER02878_3A_prokka|PROKKA_00981
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00992
Name: ER02878_3A_prokka|PROKKA_00992
Description: ER02878_3A_prokka|PROKKA_00992
Number of features: 0
Seq('MDFIKRKRMPIESFTHQFEEITYLSDDLQVKALMMTPHHEVNRIVVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01021
Name: ER02878_3A_prokka|PROKKA_01021
Description: ER02878_3A_prokka|PROKKA_01021
Number of features: 0
Seq('MIVHRITGDGPIDIMVGPMWSVNKWEVLNGIDAELARRNSYQGLRYKSKVKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01152
Name: ER02878_3A_prokka|PROKKA_01152
Description: ER02878_3A_prokka|PROKKA_01152
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01226
Name: ER02878_3A_prokka|PROKKA_01226
Description: ER02878_3A_prokka|PROKKA_01226
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01261
Name: ER02878_3A_prokka|PROKKA_01261
Description: ER02878_3A_prokka|PROKKA_01261
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01264
Name: ER02878_3A_prokka|PROKKA_01264
Description: ER02878_3A_prokka|PROKKA_01264
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01291
Name: ER02878_3A_prokka|PROKKA_01291
Description: ER02878_3A_prokka|PROKKA_01291
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01296
Name: ER02878_3A_prokka|PROKKA_01296
Description: ER02878_3A_prokka|PROKKA_01296
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01304
Name: ER02878_3A_prokka|PROKKA_01304
Description: ER02878_3A_prokka|PROKKA_01304
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01319
Name: ER02878_3A_prokka|PROKKA_01319
Description: ER02878_3A_prokka|PROKKA_01319
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01338
Name: ER02878_3A_prokka|PROKKA_01338
Description: ER02878_3A_prokka|PROKKA_01338
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01346
Name: ER02878_3A_prokka|PROKKA_01346
Description: ER02878_3A_prokka|PROKKA_01346
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01393
Name: ER02878_3A_prokka|PROKKA_01393
Description: ER02878_3A_prokka|PROKKA_01393
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01405
Name: ER02878_3A_prokka|PROKKA_01405
Description: ER02878_3A_prokka|PROKKA_01405
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01498
Name: ER02878_3A_prokka|PROKKA_01498
Description: ER02878_3A_prokka|PROKKA_01498
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01522
Name: ER02878_3A_prokka|PROKKA_01522
Description: ER02878_3A_prokka|PROKKA_01522
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01526
Name: ER02878_3A_prokka|PROKKA_01526
Description: ER02878_3A_prokka|PROKKA_01526
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01662
Name: ER02878_3A_prokka|PROKKA_01662
Description: ER02878_3A_prokka|PROKKA_01662
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01663
Name: ER02878_3A_prokka|PROKKA_01663
Description: ER02878_3A_prokka|PROKKA_01663
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01675
Name: ER02878_3A_prokka|PROKKA_01675
Description: ER02878_3A_prokka|PROKKA_01675
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01732
Name: ER02878_3A_prokka|PROKKA_01732
Description: ER02878_3A_prokka|PROKKA_01732
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01757
Name: ER02878_3A_prokka|PROKKA_01757
Description: ER02878_3A_prokka|PROKKA_01757
Number of features: 0
Seq('MITKEFLKTKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01761
Name: ER02878_3A_prokka|PROKKA_01761
Description: ER02878_3A_prokka|PROKKA_01761
Number of features: 0
Seq('MNRLRVIKIALLIVILAEEIRNVRNYKKAVGKPFSRY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01767
Name: ER02878_3A_prokka|PROKKA_01767
Description: ER02878_3A_prokka|PROKKA_01767
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFMYYKECFFKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01768
Name: ER02878_3A_prokka|PROKKA_01768
Description: ER02878_3A_prokka|PROKKA_01768
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01774
Name: ER02878_3A_prokka|PROKKA_01774
Description: ER02878_3A_prokka|PROKKA_01774
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01779
Name: ER02878_3A_prokka|PROKKA_01779
Description: ER02878_3A_prokka|PROKKA_01779
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01828
Name: ER02878_3A_prokka|PROKKA_01828
Description: ER02878_3A_prokka|PROKKA_01828
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01829
Name: ER02878_3A_prokka|PROKKA_01829
Description: ER02878_3A_prokka|PROKKA_01829
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01846
Name: ER02878_3A_prokka|PROKKA_01846
Description: ER02878_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01869
Name: ER02878_3A_prokka|PROKKA_01869
Description: ER02878_3A_prokka|PROKKA_01869
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01975
Name: ER02878_3A_prokka|PROKKA_01975
Description: ER02878_3A_prokka|PROKKA_01975
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01990
Name: ER02878_3A_prokka|PROKKA_01990
Description: ER02878_3A_prokka|PROKKA_01990
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01991
Name: ER02878_3A_prokka|PROKKA_01991
Description: ER02878_3A_prokka|PROKKA_01991
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02022
Name: ER02878_3A_prokka|PROKKA_02022
Description: ER02878_3A_prokka|PROKKA_02022
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02044
Name: ER02878_3A_prokka|PROKKA_02044
Description: ER02878_3A_prokka|PROKKA_02044
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02049
Name: ER02878_3A_prokka|PROKKA_02049
Description: ER02878_3A_prokka|PROKKA_02049
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02125
Name: ER02878_3A_prokka|PROKKA_02125
Description: ER02878_3A_prokka|PROKKA_02125
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02129
Name: ER02878_3A_prokka|PROKKA_02129
Description: ER02878_3A_prokka|PROKKA_02129
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02145
Name: ER02878_3A_prokka|PROKKA_02145
Description: ER02878_3A_prokka|PROKKA_02145
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02163
Name: ER02878_3A_prokka|PROKKA_02163
Description: ER02878_3A_prokka|PROKKA_02163
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02189
Name: ER02878_3A_prokka|PROKKA_02189
Description: ER02878_3A_prokka|PROKKA_02189
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02191
Name: ER02878_3A_prokka|PROKKA_02191
Description: ER02878_3A_prokka|PROKKA_02191
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02243
Name: ER02878_3A_prokka|PROKKA_02243
Description: ER02878_3A_prokka|PROKKA_02243
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02351
Name: ER02878_3A_prokka|PROKKA_02351
Description: ER02878_3A_prokka|PROKKA_02351
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02370
Name: ER02878_3A_prokka|PROKKA_02370
Description: ER02878_3A_prokka|PROKKA_02370
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02383
Name: ER02878_3A_prokka|PROKKA_02383
Description: ER02878_3A_prokka|PROKKA_02383
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02415
Name: ER02878_3A_prokka|PROKKA_02415
Description: ER02878_3A_prokka|PROKKA_02415
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02563
Name: ER02878_3A_prokka|PROKKA_02563
Description: ER02878_3A_prokka|PROKKA_02563
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02572
Name: ER02878_3A_prokka|PROKKA_02572
Description: ER02878_3A_prokka|PROKKA_02572
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02637
Name: ER02878_3A_prokka|PROKKA_02637
Description: ER02878_3A_prokka|PROKKA_02637
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02745
Name: ER02878_3A_prokka|PROKKA_02745
Description: ER02878_3A_prokka|PROKKA_02745
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02783
Name: ER02878_3A_prokka|PROKKA_02783
Description: ER02878_3A_prokka|PROKKA_02783
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02868
Name: ER02878_3A_prokka|PROKKA_02868
Description: ER02878_3A_prokka|PROKKA_02868
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02884
Name: ER02878_3A_prokka|PROKKA_02884
Description: ER02878_3A_prokka|PROKKA_02884
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00016
Name: ER02886_3A_prokka|PROKKA_00016
Description: ER02886_3A_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00067
Name: ER02886_3A_prokka|PROKKA_00067
Description: ER02886_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00070
Name: ER02886_3A_prokka|PROKKA_00070
Description: ER02886_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00074
Name: ER02886_3A_prokka|PROKKA_00074
Description: ER02886_3A_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00095
Name: ER02886_3A_prokka|PROKKA_00095
Description: ER02886_3A_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00113
Name: ER02886_3A_prokka|PROKKA_00113
Description: ER02886_3A_prokka|PROKKA_00113
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00280
Name: ER02886_3A_prokka|PROKKA_00280
Description: ER02886_3A_prokka|PROKKA_00280
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00405
Name: ER02886_3A_prokka|PROKKA_00405
Description: ER02886_3A_prokka|PROKKA_00405
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00422
Name: ER02886_3A_prokka|PROKKA_00422
Description: ER02886_3A_prokka|PROKKA_00422
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00588
Name: ER02886_3A_prokka|PROKKA_00588
Description: ER02886_3A_prokka|PROKKA_00588
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00817
Name: ER02886_3A_prokka|PROKKA_00817
Description: ER02886_3A_prokka|PROKKA_00817
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00848
Name: ER02886_3A_prokka|PROKKA_00848
Description: ER02886_3A_prokka|PROKKA_00848
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00852
Name: ER02886_3A_prokka|PROKKA_00852
Description: ER02886_3A_prokka|PROKKA_00852
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00868
Name: ER02886_3A_prokka|PROKKA_00868
Description: ER02886_3A_prokka|PROKKA_00868
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00898
Name: ER02886_3A_prokka|PROKKA_00898
Description: ER02886_3A_prokka|PROKKA_00898
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00899
Name: ER02886_3A_prokka|PROKKA_00899
Description: ER02886_3A_prokka|PROKKA_00899
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00901
Name: ER02886_3A_prokka|PROKKA_00901
Description: ER02886_3A_prokka|PROKKA_00901
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00953
Name: ER02886_3A_prokka|PROKKA_00953
Description: ER02886_3A_prokka|PROKKA_00953
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00995
Name: ER02886_3A_prokka|PROKKA_00995
Description: ER02886_3A_prokka|PROKKA_00995
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01009
Name: ER02886_3A_prokka|PROKKA_01009
Description: ER02886_3A_prokka|PROKKA_01009
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01178
Name: ER02886_3A_prokka|PROKKA_01178
Description: ER02886_3A_prokka|PROKKA_01178
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01252
Name: ER02886_3A_prokka|PROKKA_01252
Description: ER02886_3A_prokka|PROKKA_01252
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01287
Name: ER02886_3A_prokka|PROKKA_01287
Description: ER02886_3A_prokka|PROKKA_01287
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01290
Name: ER02886_3A_prokka|PROKKA_01290
Description: ER02886_3A_prokka|PROKKA_01290
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01317
Name: ER02886_3A_prokka|PROKKA_01317
Description: ER02886_3A_prokka|PROKKA_01317
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01322
Name: ER02886_3A_prokka|PROKKA_01322
Description: ER02886_3A_prokka|PROKKA_01322
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01330
Name: ER02886_3A_prokka|PROKKA_01330
Description: ER02886_3A_prokka|PROKKA_01330
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01345
Name: ER02886_3A_prokka|PROKKA_01345
Description: ER02886_3A_prokka|PROKKA_01345
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01364
Name: ER02886_3A_prokka|PROKKA_01364
Description: ER02886_3A_prokka|PROKKA_01364
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01372
Name: ER02886_3A_prokka|PROKKA_01372
Description: ER02886_3A_prokka|PROKKA_01372
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01419
Name: ER02886_3A_prokka|PROKKA_01419
Description: ER02886_3A_prokka|PROKKA_01419
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01431
Name: ER02886_3A_prokka|PROKKA_01431
Description: ER02886_3A_prokka|PROKKA_01431
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01498
Name: ER02886_3A_prokka|PROKKA_01498
Description: ER02886_3A_prokka|PROKKA_01498
Number of features: 0
Seq('MMPIVNVKLLEGRSDEQLKNLVSEVTDAVEKTTGQIDKQFTLL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01524
Name: ER02886_3A_prokka|PROKKA_01524
Description: ER02886_3A_prokka|PROKKA_01524
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01548
Name: ER02886_3A_prokka|PROKKA_01548
Description: ER02886_3A_prokka|PROKKA_01548
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01552
Name: ER02886_3A_prokka|PROKKA_01552
Description: ER02886_3A_prokka|PROKKA_01552
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01688
Name: ER02886_3A_prokka|PROKKA_01688
Description: ER02886_3A_prokka|PROKKA_01688
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01689
Name: ER02886_3A_prokka|PROKKA_01689
Description: ER02886_3A_prokka|PROKKA_01689
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01701
Name: ER02886_3A_prokka|PROKKA_01701
Description: ER02886_3A_prokka|PROKKA_01701
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01783
Name: ER02886_3A_prokka|PROKKA_01783
Description: ER02886_3A_prokka|PROKKA_01783
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01784
Name: ER02886_3A_prokka|PROKKA_01784
Description: ER02886_3A_prokka|PROKKA_01784
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01801
Name: ER02886_3A_prokka|PROKKA_01801
Description: ER02886_3A_prokka|PROKKA_01801
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01824
Name: ER02886_3A_prokka|PROKKA_01824
Description: ER02886_3A_prokka|PROKKA_01824
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01929
Name: ER02886_3A_prokka|PROKKA_01929
Description: ER02886_3A_prokka|PROKKA_01929
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01944
Name: ER02886_3A_prokka|PROKKA_01944
Description: ER02886_3A_prokka|PROKKA_01944
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01945
Name: ER02886_3A_prokka|PROKKA_01945
Description: ER02886_3A_prokka|PROKKA_01945
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01977
Name: ER02886_3A_prokka|PROKKA_01977
Description: ER02886_3A_prokka|PROKKA_01977
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01999
Name: ER02886_3A_prokka|PROKKA_01999
Description: ER02886_3A_prokka|PROKKA_01999
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02004
Name: ER02886_3A_prokka|PROKKA_02004
Description: ER02886_3A_prokka|PROKKA_02004
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02078
Name: ER02886_3A_prokka|PROKKA_02078
Description: ER02886_3A_prokka|PROKKA_02078
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02082
Name: ER02886_3A_prokka|PROKKA_02082
Description: ER02886_3A_prokka|PROKKA_02082
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02098
Name: ER02886_3A_prokka|PROKKA_02098
Description: ER02886_3A_prokka|PROKKA_02098
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02118
Name: ER02886_3A_prokka|PROKKA_02118
Description: ER02886_3A_prokka|PROKKA_02118
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02143
Name: ER02886_3A_prokka|PROKKA_02143
Description: ER02886_3A_prokka|PROKKA_02143
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02145
Name: ER02886_3A_prokka|PROKKA_02145
Description: ER02886_3A_prokka|PROKKA_02145
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02197
Name: ER02886_3A_prokka|PROKKA_02197
Description: ER02886_3A_prokka|PROKKA_02197
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02305
Name: ER02886_3A_prokka|PROKKA_02305
Description: ER02886_3A_prokka|PROKKA_02305
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02324
Name: ER02886_3A_prokka|PROKKA_02324
Description: ER02886_3A_prokka|PROKKA_02324
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02337
Name: ER02886_3A_prokka|PROKKA_02337
Description: ER02886_3A_prokka|PROKKA_02337
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02369
Name: ER02886_3A_prokka|PROKKA_02369
Description: ER02886_3A_prokka|PROKKA_02369
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02514
Name: ER02886_3A_prokka|PROKKA_02514
Description: ER02886_3A_prokka|PROKKA_02514
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02523
Name: ER02886_3A_prokka|PROKKA_02523
Description: ER02886_3A_prokka|PROKKA_02523
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02587
Name: ER02886_3A_prokka|PROKKA_02587
Description: ER02886_3A_prokka|PROKKA_02587
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02695
Name: ER02886_3A_prokka|PROKKA_02695
Description: ER02886_3A_prokka|PROKKA_02695
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02733
Name: ER02886_3A_prokka|PROKKA_02733
Description: ER02886_3A_prokka|PROKKA_02733
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02817
Name: ER02886_3A_prokka|PROKKA_02817
Description: ER02886_3A_prokka|PROKKA_02817
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00003
Name: ER02919_3A_prokka|PROKKA_00003
Description: ER02919_3A_prokka|PROKKA_00003
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00017
Name: ER02919_3A_prokka|PROKKA_00017
Description: ER02919_3A_prokka|PROKKA_00017
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00021
Name: ER02919_3A_prokka|PROKKA_00021
Description: ER02919_3A_prokka|PROKKA_00021
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00083
Name: ER02919_3A_prokka|PROKKA_00083
Description: ER02919_3A_prokka|PROKKA_00083
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00102
Name: ER02919_3A_prokka|PROKKA_00102
Description: ER02919_3A_prokka|PROKKA_00102
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00267
Name: ER02919_3A_prokka|PROKKA_00267
Description: ER02919_3A_prokka|PROKKA_00267
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00395
Name: ER02919_3A_prokka|PROKKA_00395
Description: ER02919_3A_prokka|PROKKA_00395
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00412
Name: ER02919_3A_prokka|PROKKA_00412
Description: ER02919_3A_prokka|PROKKA_00412
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00579
Name: ER02919_3A_prokka|PROKKA_00579
Description: ER02919_3A_prokka|PROKKA_00579
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00648
Name: ER02919_3A_prokka|PROKKA_00648
Description: ER02919_3A_prokka|PROKKA_00648
Number of features: 0
Seq('MPKIILVSHSKEIASGTKSLLKQMAGDVDIIPIGDYQMVQLELHLISSKKF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00697
Name: ER02919_3A_prokka|PROKKA_00697
Description: ER02919_3A_prokka|PROKKA_00697
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00808
Name: ER02919_3A_prokka|PROKKA_00808
Description: ER02919_3A_prokka|PROKKA_00808
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00836
Name: ER02919_3A_prokka|PROKKA_00836
Description: ER02919_3A_prokka|PROKKA_00836
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00942
Name: ER02919_3A_prokka|PROKKA_00942
Description: ER02919_3A_prokka|PROKKA_00942
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00982
Name: ER02919_3A_prokka|PROKKA_00982
Description: ER02919_3A_prokka|PROKKA_00982
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01031
Name: ER02919_3A_prokka|PROKKA_01031
Description: ER02919_3A_prokka|PROKKA_01031
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01035
Name: ER02919_3A_prokka|PROKKA_01035
Description: ER02919_3A_prokka|PROKKA_01035
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01040
Name: ER02919_3A_prokka|PROKKA_01040
Description: ER02919_3A_prokka|PROKKA_01040
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01041
Name: ER02919_3A_prokka|PROKKA_01041
Description: ER02919_3A_prokka|PROKKA_01041
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01049
Name: ER02919_3A_prokka|PROKKA_01049
Description: ER02919_3A_prokka|PROKKA_01049
Number of features: 0
Seq('MNRLRVIKIALLIVILAEEIRNVRNYKKAVGKPFSRY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01053
Name: ER02919_3A_prokka|PROKKA_01053
Description: ER02919_3A_prokka|PROKKA_01053
Number of features: 0
Seq('MITKEFLKTKLECSDMHAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01067
Name: ER02919_3A_prokka|PROKKA_01067
Description: ER02919_3A_prokka|PROKKA_01067
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGEVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01097
Name: ER02919_3A_prokka|PROKKA_01097
Description: ER02919_3A_prokka|PROKKA_01097
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01098
Name: ER02919_3A_prokka|PROKKA_01098
Description: ER02919_3A_prokka|PROKKA_01098
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01133
Name: ER02919_3A_prokka|PROKKA_01133
Description: ER02919_3A_prokka|PROKKA_01133
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01145
Name: ER02919_3A_prokka|PROKKA_01145
Description: ER02919_3A_prokka|PROKKA_01145
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01146
Name: ER02919_3A_prokka|PROKKA_01146
Description: ER02919_3A_prokka|PROKKA_01146
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01282
Name: ER02919_3A_prokka|PROKKA_01282
Description: ER02919_3A_prokka|PROKKA_01282
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01286
Name: ER02919_3A_prokka|PROKKA_01286
Description: ER02919_3A_prokka|PROKKA_01286
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01310
Name: ER02919_3A_prokka|PROKKA_01310
Description: ER02919_3A_prokka|PROKKA_01310
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01415
Name: ER02919_3A_prokka|PROKKA_01415
Description: ER02919_3A_prokka|PROKKA_01415
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01462
Name: ER02919_3A_prokka|PROKKA_01462
Description: ER02919_3A_prokka|PROKKA_01462
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01470
Name: ER02919_3A_prokka|PROKKA_01470
Description: ER02919_3A_prokka|PROKKA_01470
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01489
Name: ER02919_3A_prokka|PROKKA_01489
Description: ER02919_3A_prokka|PROKKA_01489
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEEPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01510
Name: ER02919_3A_prokka|PROKKA_01510
Description: ER02919_3A_prokka|PROKKA_01510
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01518
Name: ER02919_3A_prokka|PROKKA_01518
Description: ER02919_3A_prokka|PROKKA_01518
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01523
Name: ER02919_3A_prokka|PROKKA_01523
Description: ER02919_3A_prokka|PROKKA_01523
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01526
Name: ER02919_3A_prokka|PROKKA_01526
Description: ER02919_3A_prokka|PROKKA_01526
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASQKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01553
Name: ER02919_3A_prokka|PROKKA_01553
Description: ER02919_3A_prokka|PROKKA_01553
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01556
Name: ER02919_3A_prokka|PROKKA_01556
Description: ER02919_3A_prokka|PROKKA_01556
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01591
Name: ER02919_3A_prokka|PROKKA_01591
Description: ER02919_3A_prokka|PROKKA_01591
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01663
Name: ER02919_3A_prokka|PROKKA_01663
Description: ER02919_3A_prokka|PROKKA_01663
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01834
Name: ER02919_3A_prokka|PROKKA_01834
Description: ER02919_3A_prokka|PROKKA_01834
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01849
Name: ER02919_3A_prokka|PROKKA_01849
Description: ER02919_3A_prokka|PROKKA_01849
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01891
Name: ER02919_3A_prokka|PROKKA_01891
Description: ER02919_3A_prokka|PROKKA_01891
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01896
Name: ER02919_3A_prokka|PROKKA_01896
Description: ER02919_3A_prokka|PROKKA_01896
Number of features: 0
Seq('MPVIKINNLNKVFGDNEVLKDINLEINQGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01944
Name: ER02919_3A_prokka|PROKKA_01944
Description: ER02919_3A_prokka|PROKKA_01944
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02018
Name: ER02919_3A_prokka|PROKKA_02018
Description: ER02919_3A_prokka|PROKKA_02018
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02022
Name: ER02919_3A_prokka|PROKKA_02022
Description: ER02919_3A_prokka|PROKKA_02022
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02038
Name: ER02919_3A_prokka|PROKKA_02038
Description: ER02919_3A_prokka|PROKKA_02038
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02056
Name: ER02919_3A_prokka|PROKKA_02056
Description: ER02919_3A_prokka|PROKKA_02056
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02072
Name: ER02919_3A_prokka|PROKKA_02072
Description: ER02919_3A_prokka|PROKKA_02072
Number of features: 0
Seq('MESPWFLGYWSGENHVDKKEEKLSALYEVDWKTHDVKFVKVLNDNEKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02083
Name: ER02919_3A_prokka|PROKKA_02083
Description: ER02919_3A_prokka|PROKKA_02083
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02085
Name: ER02919_3A_prokka|PROKKA_02085
Description: ER02919_3A_prokka|PROKKA_02085
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02135
Name: ER02919_3A_prokka|PROKKA_02135
Description: ER02919_3A_prokka|PROKKA_02135
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02261
Name: ER02919_3A_prokka|PROKKA_02261
Description: ER02919_3A_prokka|PROKKA_02261
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02275
Name: ER02919_3A_prokka|PROKKA_02275
Description: ER02919_3A_prokka|PROKKA_02275
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02306
Name: ER02919_3A_prokka|PROKKA_02306
Description: ER02919_3A_prokka|PROKKA_02306
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02460
Name: ER02919_3A_prokka|PROKKA_02460
Description: ER02919_3A_prokka|PROKKA_02460
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02524
Name: ER02919_3A_prokka|PROKKA_02524
Description: ER02919_3A_prokka|PROKKA_02524
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02632
Name: ER02919_3A_prokka|PROKKA_02632
Description: ER02919_3A_prokka|PROKKA_02632
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02671
Name: ER02919_3A_prokka|PROKKA_02671
Description: ER02919_3A_prokka|PROKKA_02671
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02755
Name: ER02919_3A_prokka|PROKKA_02755
Description: ER02919_3A_prokka|PROKKA_02755
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_00032
Name: ER02947_3A_prokka|PROKKA_00032
Description: ER02947_3A_prokka|PROKKA_00032
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_00041
Name: ER02947_3A_prokka|PROKKA_00041
Description: ER02947_3A_prokka|PROKKA_00041
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_00170
Name: ER02947_3A_prokka|PROKKA_00170
Description: ER02947_3A_prokka|PROKKA_00170
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_00214
Name: ER02947_3A_prokka|PROKKA_00214
Description: ER02947_3A_prokka|PROKKA_00214
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_00338
Name: ER02947_3A_prokka|PROKKA_00338
Description: ER02947_3A_prokka|PROKKA_00338
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_00355
Name: ER02947_3A_prokka|PROKKA_00355
Description: ER02947_3A_prokka|PROKKA_00355
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_00518
Name: ER02947_3A_prokka|PROKKA_00518
Description: ER02947_3A_prokka|PROKKA_00518
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_00636
Name: ER02947_3A_prokka|PROKKA_00636
Description: ER02947_3A_prokka|PROKKA_00636
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_00748
Name: ER02947_3A_prokka|PROKKA_00748
Description: ER02947_3A_prokka|PROKKA_00748
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_00774
Name: ER02947_3A_prokka|PROKKA_00774
Description: ER02947_3A_prokka|PROKKA_00774
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_00879
Name: ER02947_3A_prokka|PROKKA_00879
Description: ER02947_3A_prokka|PROKKA_00879
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_00919
Name: ER02947_3A_prokka|PROKKA_00919
Description: ER02947_3A_prokka|PROKKA_00919
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01001
Name: ER02947_3A_prokka|PROKKA_01001
Description: ER02947_3A_prokka|PROKKA_01001
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01013
Name: ER02947_3A_prokka|PROKKA_01013
Description: ER02947_3A_prokka|PROKKA_01013
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01014
Name: ER02947_3A_prokka|PROKKA_01014
Description: ER02947_3A_prokka|PROKKA_01014
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01149
Name: ER02947_3A_prokka|PROKKA_01149
Description: ER02947_3A_prokka|PROKKA_01149
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01153
Name: ER02947_3A_prokka|PROKKA_01153
Description: ER02947_3A_prokka|PROKKA_01153
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01177
Name: ER02947_3A_prokka|PROKKA_01177
Description: ER02947_3A_prokka|PROKKA_01177
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01271
Name: ER02947_3A_prokka|PROKKA_01271
Description: ER02947_3A_prokka|PROKKA_01271
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01283
Name: ER02947_3A_prokka|PROKKA_01283
Description: ER02947_3A_prokka|PROKKA_01283
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01350
Name: ER02947_3A_prokka|PROKKA_01350
Description: ER02947_3A_prokka|PROKKA_01350
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01353
Name: ER02947_3A_prokka|PROKKA_01353
Description: ER02947_3A_prokka|PROKKA_01353
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01388
Name: ER02947_3A_prokka|PROKKA_01388
Description: ER02947_3A_prokka|PROKKA_01388
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01460
Name: ER02947_3A_prokka|PROKKA_01460
Description: ER02947_3A_prokka|PROKKA_01460
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01509
Name: ER02947_3A_prokka|PROKKA_01509
Description: ER02947_3A_prokka|PROKKA_01509
Number of features: 0
Seq('MSKVQNESNNVVKRGLKDRHISMIAIGVVLVQVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01626
Name: ER02947_3A_prokka|PROKKA_01626
Description: ER02947_3A_prokka|PROKKA_01626
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01641
Name: ER02947_3A_prokka|PROKKA_01641
Description: ER02947_3A_prokka|PROKKA_01641
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01683
Name: ER02947_3A_prokka|PROKKA_01683
Description: ER02947_3A_prokka|PROKKA_01683
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01732
Name: ER02947_3A_prokka|PROKKA_01732
Description: ER02947_3A_prokka|PROKKA_01732
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01805
Name: ER02947_3A_prokka|PROKKA_01805
Description: ER02947_3A_prokka|PROKKA_01805
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01809
Name: ER02947_3A_prokka|PROKKA_01809
Description: ER02947_3A_prokka|PROKKA_01809
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01825
Name: ER02947_3A_prokka|PROKKA_01825
Description: ER02947_3A_prokka|PROKKA_01825
Number of features: 0
Seq('MKKFNVQITYTGMIEETIETESLEETELR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01839
Name: ER02947_3A_prokka|PROKKA_01839
Description: ER02947_3A_prokka|PROKKA_01839
Number of features: 0
Seq('MSNIYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01842
Name: ER02947_3A_prokka|PROKKA_01842
Description: ER02947_3A_prokka|PROKKA_01842
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01849
Name: ER02947_3A_prokka|PROKKA_01849
Description: ER02947_3A_prokka|PROKKA_01849
Number of features: 0
Seq('MNLKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01865
Name: ER02947_3A_prokka|PROKKA_01865
Description: ER02947_3A_prokka|PROKKA_01865
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01867
Name: ER02947_3A_prokka|PROKKA_01867
Description: ER02947_3A_prokka|PROKKA_01867
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01917
Name: ER02947_3A_prokka|PROKKA_01917
Description: ER02947_3A_prokka|PROKKA_01917
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_02041
Name: ER02947_3A_prokka|PROKKA_02041
Description: ER02947_3A_prokka|PROKKA_02041
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_02054
Name: ER02947_3A_prokka|PROKKA_02054
Description: ER02947_3A_prokka|PROKKA_02054
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_02085
Name: ER02947_3A_prokka|PROKKA_02085
Description: ER02947_3A_prokka|PROKKA_02085
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_02240
Name: ER02947_3A_prokka|PROKKA_02240
Description: ER02947_3A_prokka|PROKKA_02240
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_02305
Name: ER02947_3A_prokka|PROKKA_02305
Description: ER02947_3A_prokka|PROKKA_02305
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_02413
Name: ER02947_3A_prokka|PROKKA_02413
Description: ER02947_3A_prokka|PROKKA_02413
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_02451
Name: ER02947_3A_prokka|PROKKA_02451
Description: ER02947_3A_prokka|PROKKA_02451
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_02525
Name: ER02947_3A_prokka|PROKKA_02525
Description: ER02947_3A_prokka|PROKKA_02525
Number of features: 0
Seq('MTILSVQHVSKTYGKKHTFQALKDINFDIQKGEFVAIMGLLDQVRQPY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_02538
Name: ER02947_3A_prokka|PROKKA_02538
Description: ER02947_3A_prokka|PROKKA_02538
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_02543
Name: ER02947_3A_prokka|PROKKA_02543
Description: ER02947_3A_prokka|PROKKA_02543
Number of features: 0
Seq('MQYNTTRYIDENQDNKTLKDMMKNGKQRPWREKKVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_02547
Name: ER02947_3A_prokka|PROKKA_02547
Description: ER02947_3A_prokka|PROKKA_02547
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_02551
Name: ER02947_3A_prokka|PROKKA_02551
Description: ER02947_3A_prokka|PROKKA_02551
Number of features: 0
Seq('MKTGPLKCPKCNQDLYIKKVRYPISDIETLC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00031
Name: ER02969_3A_prokka|PROKKA_00031
Description: ER02969_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00040
Name: ER02969_3A_prokka|PROKKA_00040
Description: ER02969_3A_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00128
Name: ER02969_3A_prokka|PROKKA_00128
Description: ER02969_3A_prokka|PROKKA_00128
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00229
Name: ER02969_3A_prokka|PROKKA_00229
Description: ER02969_3A_prokka|PROKKA_00229
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00281
Name: ER02969_3A_prokka|PROKKA_00281
Description: ER02969_3A_prokka|PROKKA_00281
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00378
Name: ER02969_3A_prokka|PROKKA_00378
Description: ER02969_3A_prokka|PROKKA_00378
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00415
Name: ER02969_3A_prokka|PROKKA_00415
Description: ER02969_3A_prokka|PROKKA_00415
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00545
Name: ER02969_3A_prokka|PROKKA_00545
Description: ER02969_3A_prokka|PROKKA_00545
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00581
Name: ER02969_3A_prokka|PROKKA_00581
Description: ER02969_3A_prokka|PROKKA_00581
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00784
Name: ER02969_3A_prokka|PROKKA_00784
Description: ER02969_3A_prokka|PROKKA_00784
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00810
Name: ER02969_3A_prokka|PROKKA_00810
Description: ER02969_3A_prokka|PROKKA_00810
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00918
Name: ER02969_3A_prokka|PROKKA_00918
Description: ER02969_3A_prokka|PROKKA_00918
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00958
Name: ER02969_3A_prokka|PROKKA_00958
Description: ER02969_3A_prokka|PROKKA_00958
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01038
Name: ER02969_3A_prokka|PROKKA_01038
Description: ER02969_3A_prokka|PROKKA_01038
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01050
Name: ER02969_3A_prokka|PROKKA_01050
Description: ER02969_3A_prokka|PROKKA_01050
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01051
Name: ER02969_3A_prokka|PROKKA_01051
Description: ER02969_3A_prokka|PROKKA_01051
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01186
Name: ER02969_3A_prokka|PROKKA_01186
Description: ER02969_3A_prokka|PROKKA_01186
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01190
Name: ER02969_3A_prokka|PROKKA_01190
Description: ER02969_3A_prokka|PROKKA_01190
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01194
Name: ER02969_3A_prokka|PROKKA_01194
Description: ER02969_3A_prokka|PROKKA_01194
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01196
Name: ER02969_3A_prokka|PROKKA_01196
Description: ER02969_3A_prokka|PROKKA_01196
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01220
Name: ER02969_3A_prokka|PROKKA_01220
Description: ER02969_3A_prokka|PROKKA_01220
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01315
Name: ER02969_3A_prokka|PROKKA_01315
Description: ER02969_3A_prokka|PROKKA_01315
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01327
Name: ER02969_3A_prokka|PROKKA_01327
Description: ER02969_3A_prokka|PROKKA_01327
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01374
Name: ER02969_3A_prokka|PROKKA_01374
Description: ER02969_3A_prokka|PROKKA_01374
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01382
Name: ER02969_3A_prokka|PROKKA_01382
Description: ER02969_3A_prokka|PROKKA_01382
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01402
Name: ER02969_3A_prokka|PROKKA_01402
Description: ER02969_3A_prokka|PROKKA_01402
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01416
Name: ER02969_3A_prokka|PROKKA_01416
Description: ER02969_3A_prokka|PROKKA_01416
Number of features: 0
Seq('MTIKELEEKFNISRYFVVKHDRDWETGEIIDTCIVLDEYADHINIEVEEVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01422
Name: ER02969_3A_prokka|PROKKA_01422
Description: ER02969_3A_prokka|PROKKA_01422
Number of features: 0
Seq('MSDTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYGE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01430
Name: ER02969_3A_prokka|PROKKA_01430
Description: ER02969_3A_prokka|PROKKA_01430
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01435
Name: ER02969_3A_prokka|PROKKA_01435
Description: ER02969_3A_prokka|PROKKA_01435
Number of features: 0
Seq('MVDKNKKQEATRSNPLNKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01461
Name: ER02969_3A_prokka|PROKKA_01461
Description: ER02969_3A_prokka|PROKKA_01461
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01498
Name: ER02969_3A_prokka|PROKKA_01498
Description: ER02969_3A_prokka|PROKKA_01498
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01569
Name: ER02969_3A_prokka|PROKKA_01569
Description: ER02969_3A_prokka|PROKKA_01569
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01741
Name: ER02969_3A_prokka|PROKKA_01741
Description: ER02969_3A_prokka|PROKKA_01741
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01760
Name: ER02969_3A_prokka|PROKKA_01760
Description: ER02969_3A_prokka|PROKKA_01760
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01795
Name: ER02969_3A_prokka|PROKKA_01795
Description: ER02969_3A_prokka|PROKKA_01795
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01846
Name: ER02969_3A_prokka|PROKKA_01846
Description: ER02969_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01919
Name: ER02969_3A_prokka|PROKKA_01919
Description: ER02969_3A_prokka|PROKKA_01919
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01929
Name: ER02969_3A_prokka|PROKKA_01929
Description: ER02969_3A_prokka|PROKKA_01929
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01940
Name: ER02969_3A_prokka|PROKKA_01940
Description: ER02969_3A_prokka|PROKKA_01940
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01958
Name: ER02969_3A_prokka|PROKKA_01958
Description: ER02969_3A_prokka|PROKKA_01958
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01962
Name: ER02969_3A_prokka|PROKKA_01962
Description: ER02969_3A_prokka|PROKKA_01962
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01968
Name: ER02969_3A_prokka|PROKKA_01968
Description: ER02969_3A_prokka|PROKKA_01968
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01971
Name: ER02969_3A_prokka|PROKKA_01971
Description: ER02969_3A_prokka|PROKKA_01971
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01978
Name: ER02969_3A_prokka|PROKKA_01978
Description: ER02969_3A_prokka|PROKKA_01978
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01980
Name: ER02969_3A_prokka|PROKKA_01980
Description: ER02969_3A_prokka|PROKKA_01980
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01999
Name: ER02969_3A_prokka|PROKKA_01999
Description: ER02969_3A_prokka|PROKKA_01999
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_02001
Name: ER02969_3A_prokka|PROKKA_02001
Description: ER02969_3A_prokka|PROKKA_02001
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_02050
Name: ER02969_3A_prokka|PROKKA_02050
Description: ER02969_3A_prokka|PROKKA_02050
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_02170
Name: ER02969_3A_prokka|PROKKA_02170
Description: ER02969_3A_prokka|PROKKA_02170
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_02195
Name: ER02969_3A_prokka|PROKKA_02195
Description: ER02969_3A_prokka|PROKKA_02195
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_02226
Name: ER02969_3A_prokka|PROKKA_02226
Description: ER02969_3A_prokka|PROKKA_02226
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_02381
Name: ER02969_3A_prokka|PROKKA_02381
Description: ER02969_3A_prokka|PROKKA_02381
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_02589
Name: ER02969_3A_prokka|PROKKA_02589
Description: ER02969_3A_prokka|PROKKA_02589
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_02676
Name: ER02969_3A_prokka|PROKKA_02676
Description: ER02969_3A_prokka|PROKKA_02676
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00056
Name: ER02972_3A_prokka|PROKKA_00056
Description: ER02972_3A_prokka|PROKKA_00056
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00074
Name: ER02972_3A_prokka|PROKKA_00074
Description: ER02972_3A_prokka|PROKKA_00074
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00239
Name: ER02972_3A_prokka|PROKKA_00239
Description: ER02972_3A_prokka|PROKKA_00239
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00364
Name: ER02972_3A_prokka|PROKKA_00364
Description: ER02972_3A_prokka|PROKKA_00364
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00381
Name: ER02972_3A_prokka|PROKKA_00381
Description: ER02972_3A_prokka|PROKKA_00381
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00548
Name: ER02972_3A_prokka|PROKKA_00548
Description: ER02972_3A_prokka|PROKKA_00548
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00776
Name: ER02972_3A_prokka|PROKKA_00776
Description: ER02972_3A_prokka|PROKKA_00776
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00807
Name: ER02972_3A_prokka|PROKKA_00807
Description: ER02972_3A_prokka|PROKKA_00807
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00811
Name: ER02972_3A_prokka|PROKKA_00811
Description: ER02972_3A_prokka|PROKKA_00811
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00827
Name: ER02972_3A_prokka|PROKKA_00827
Description: ER02972_3A_prokka|PROKKA_00827
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00846
Name: ER02972_3A_prokka|PROKKA_00846
Description: ER02972_3A_prokka|PROKKA_00846
Number of features: 0
Seq('MTIIVRPPKGNGAPVPVETTLVKKLMLTVY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00859
Name: ER02972_3A_prokka|PROKKA_00859
Description: ER02972_3A_prokka|PROKKA_00859
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00860
Name: ER02972_3A_prokka|PROKKA_00860
Description: ER02972_3A_prokka|PROKKA_00860
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00875
Name: ER02972_3A_prokka|PROKKA_00875
Description: ER02972_3A_prokka|PROKKA_00875
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00981
Name: ER02972_3A_prokka|PROKKA_00981
Description: ER02972_3A_prokka|PROKKA_00981
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01020
Name: ER02972_3A_prokka|PROKKA_01020
Description: ER02972_3A_prokka|PROKKA_01020
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01021
Name: ER02972_3A_prokka|PROKKA_01021
Description: ER02972_3A_prokka|PROKKA_01021
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01103
Name: ER02972_3A_prokka|PROKKA_01103
Description: ER02972_3A_prokka|PROKKA_01103
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01116
Name: ER02972_3A_prokka|PROKKA_01116
Description: ER02972_3A_prokka|PROKKA_01116
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01117
Name: ER02972_3A_prokka|PROKKA_01117
Description: ER02972_3A_prokka|PROKKA_01117
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01253
Name: ER02972_3A_prokka|PROKKA_01253
Description: ER02972_3A_prokka|PROKKA_01253
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01257
Name: ER02972_3A_prokka|PROKKA_01257
Description: ER02972_3A_prokka|PROKKA_01257
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01281
Name: ER02972_3A_prokka|PROKKA_01281
Description: ER02972_3A_prokka|PROKKA_01281
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01386
Name: ER02972_3A_prokka|PROKKA_01386
Description: ER02972_3A_prokka|PROKKA_01386
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01453
Name: ER02972_3A_prokka|PROKKA_01453
Description: ER02972_3A_prokka|PROKKA_01453
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01456
Name: ER02972_3A_prokka|PROKKA_01456
Description: ER02972_3A_prokka|PROKKA_01456
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01491
Name: ER02972_3A_prokka|PROKKA_01491
Description: ER02972_3A_prokka|PROKKA_01491
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01563
Name: ER02972_3A_prokka|PROKKA_01563
Description: ER02972_3A_prokka|PROKKA_01563
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01732
Name: ER02972_3A_prokka|PROKKA_01732
Description: ER02972_3A_prokka|PROKKA_01732
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01747
Name: ER02972_3A_prokka|PROKKA_01747
Description: ER02972_3A_prokka|PROKKA_01747
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01789
Name: ER02972_3A_prokka|PROKKA_01789
Description: ER02972_3A_prokka|PROKKA_01789
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01841
Name: ER02972_3A_prokka|PROKKA_01841
Description: ER02972_3A_prokka|PROKKA_01841
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01915
Name: ER02972_3A_prokka|PROKKA_01915
Description: ER02972_3A_prokka|PROKKA_01915
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01919
Name: ER02972_3A_prokka|PROKKA_01919
Description: ER02972_3A_prokka|PROKKA_01919
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01935
Name: ER02972_3A_prokka|PROKKA_01935
Description: ER02972_3A_prokka|PROKKA_01935
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01953
Name: ER02972_3A_prokka|PROKKA_01953
Description: ER02972_3A_prokka|PROKKA_01953
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01979
Name: ER02972_3A_prokka|PROKKA_01979
Description: ER02972_3A_prokka|PROKKA_01979
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01981
Name: ER02972_3A_prokka|PROKKA_01981
Description: ER02972_3A_prokka|PROKKA_01981
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02031
Name: ER02972_3A_prokka|PROKKA_02031
Description: ER02972_3A_prokka|PROKKA_02031
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02140
Name: ER02972_3A_prokka|PROKKA_02140
Description: ER02972_3A_prokka|PROKKA_02140
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02148
Name: ER02972_3A_prokka|PROKKA_02148
Description: ER02972_3A_prokka|PROKKA_02148
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02168
Name: ER02972_3A_prokka|PROKKA_02168
Description: ER02972_3A_prokka|PROKKA_02168
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02186
Name: ER02972_3A_prokka|PROKKA_02186
Description: ER02972_3A_prokka|PROKKA_02186
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02192
Name: ER02972_3A_prokka|PROKKA_02192
Description: ER02972_3A_prokka|PROKKA_02192
Number of features: 0
Seq('MLQKFRIAKEKSKLKLNLLKHANSNLETRNNPELLRAVAELLKEINR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02198
Name: ER02972_3A_prokka|PROKKA_02198
Description: ER02972_3A_prokka|PROKKA_02198
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02223
Name: ER02972_3A_prokka|PROKKA_02223
Description: ER02972_3A_prokka|PROKKA_02223
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02236
Name: ER02972_3A_prokka|PROKKA_02236
Description: ER02972_3A_prokka|PROKKA_02236
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02267
Name: ER02972_3A_prokka|PROKKA_02267
Description: ER02972_3A_prokka|PROKKA_02267
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02421
Name: ER02972_3A_prokka|PROKKA_02421
Description: ER02972_3A_prokka|PROKKA_02421
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02454
Name: ER02972_3A_prokka|PROKKA_02454
Description: ER02972_3A_prokka|PROKKA_02454
Number of features: 0
Seq('MGGCPSVTMDACALLQKFDFCNNISHFRHFFAMKQPIER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02486
Name: ER02972_3A_prokka|PROKKA_02486
Description: ER02972_3A_prokka|PROKKA_02486
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02595
Name: ER02972_3A_prokka|PROKKA_02595
Description: ER02972_3A_prokka|PROKKA_02595
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02635
Name: ER02972_3A_prokka|PROKKA_02635
Description: ER02972_3A_prokka|PROKKA_02635
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02719
Name: ER02972_3A_prokka|PROKKA_02719
Description: ER02972_3A_prokka|PROKKA_02719
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02720
Name: ER02972_3A_prokka|PROKKA_02720
Description: ER02972_3A_prokka|PROKKA_02720
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02734
Name: ER02972_3A_prokka|PROKKA_02734
Description: ER02972_3A_prokka|PROKKA_02734
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02745
Name: ER02972_3A_prokka|PROKKA_02745
Description: ER02972_3A_prokka|PROKKA_02745
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00031
Name: ER02988_3A_prokka|PROKKA_00031
Description: ER02988_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00040
Name: ER02988_3A_prokka|PROKKA_00040
Description: ER02988_3A_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00128
Name: ER02988_3A_prokka|PROKKA_00128
Description: ER02988_3A_prokka|PROKKA_00128
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00229
Name: ER02988_3A_prokka|PROKKA_00229
Description: ER02988_3A_prokka|PROKKA_00229
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00281
Name: ER02988_3A_prokka|PROKKA_00281
Description: ER02988_3A_prokka|PROKKA_00281
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00377
Name: ER02988_3A_prokka|PROKKA_00377
Description: ER02988_3A_prokka|PROKKA_00377
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00415
Name: ER02988_3A_prokka|PROKKA_00415
Description: ER02988_3A_prokka|PROKKA_00415
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00545
Name: ER02988_3A_prokka|PROKKA_00545
Description: ER02988_3A_prokka|PROKKA_00545
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00581
Name: ER02988_3A_prokka|PROKKA_00581
Description: ER02988_3A_prokka|PROKKA_00581
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00623
Name: ER02988_3A_prokka|PROKKA_00623
Description: ER02988_3A_prokka|PROKKA_00623
Number of features: 0
Seq('MMKKLINKKETFLTDMLEGLLIAHPELDLIANTVIVKKLRKNMV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00783
Name: ER02988_3A_prokka|PROKKA_00783
Description: ER02988_3A_prokka|PROKKA_00783
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00809
Name: ER02988_3A_prokka|PROKKA_00809
Description: ER02988_3A_prokka|PROKKA_00809
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00918
Name: ER02988_3A_prokka|PROKKA_00918
Description: ER02988_3A_prokka|PROKKA_00918
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00957
Name: ER02988_3A_prokka|PROKKA_00957
Description: ER02988_3A_prokka|PROKKA_00957
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00958
Name: ER02988_3A_prokka|PROKKA_00958
Description: ER02988_3A_prokka|PROKKA_00958
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01012
Name: ER02988_3A_prokka|PROKKA_01012
Description: ER02988_3A_prokka|PROKKA_01012
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01018
Name: ER02988_3A_prokka|PROKKA_01018
Description: ER02988_3A_prokka|PROKKA_01018
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01019
Name: ER02988_3A_prokka|PROKKA_01019
Description: ER02988_3A_prokka|PROKKA_01019
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFMYYKECFFKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01025
Name: ER02988_3A_prokka|PROKKA_01025
Description: ER02988_3A_prokka|PROKKA_01025
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRNAMHAVKVEKILKSPFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01029
Name: ER02988_3A_prokka|PROKKA_01029
Description: ER02988_3A_prokka|PROKKA_01029
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01045
Name: ER02988_3A_prokka|PROKKA_01045
Description: ER02988_3A_prokka|PROKKA_01045
Number of features: 0
Seq('MMWFIIAIILIVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01108
Name: ER02988_3A_prokka|PROKKA_01108
Description: ER02988_3A_prokka|PROKKA_01108
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01120
Name: ER02988_3A_prokka|PROKKA_01120
Description: ER02988_3A_prokka|PROKKA_01120
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01121
Name: ER02988_3A_prokka|PROKKA_01121
Description: ER02988_3A_prokka|PROKKA_01121
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01256
Name: ER02988_3A_prokka|PROKKA_01256
Description: ER02988_3A_prokka|PROKKA_01256
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01260
Name: ER02988_3A_prokka|PROKKA_01260
Description: ER02988_3A_prokka|PROKKA_01260
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01264
Name: ER02988_3A_prokka|PROKKA_01264
Description: ER02988_3A_prokka|PROKKA_01264
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01266
Name: ER02988_3A_prokka|PROKKA_01266
Description: ER02988_3A_prokka|PROKKA_01266
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01290
Name: ER02988_3A_prokka|PROKKA_01290
Description: ER02988_3A_prokka|PROKKA_01290
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01385
Name: ER02988_3A_prokka|PROKKA_01385
Description: ER02988_3A_prokka|PROKKA_01385
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01397
Name: ER02988_3A_prokka|PROKKA_01397
Description: ER02988_3A_prokka|PROKKA_01397
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01463
Name: ER02988_3A_prokka|PROKKA_01463
Description: ER02988_3A_prokka|PROKKA_01463
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01500
Name: ER02988_3A_prokka|PROKKA_01500
Description: ER02988_3A_prokka|PROKKA_01500
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01572
Name: ER02988_3A_prokka|PROKKA_01572
Description: ER02988_3A_prokka|PROKKA_01572
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01746
Name: ER02988_3A_prokka|PROKKA_01746
Description: ER02988_3A_prokka|PROKKA_01746
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01765
Name: ER02988_3A_prokka|PROKKA_01765
Description: ER02988_3A_prokka|PROKKA_01765
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01800
Name: ER02988_3A_prokka|PROKKA_01800
Description: ER02988_3A_prokka|PROKKA_01800
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01851
Name: ER02988_3A_prokka|PROKKA_01851
Description: ER02988_3A_prokka|PROKKA_01851
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01923
Name: ER02988_3A_prokka|PROKKA_01923
Description: ER02988_3A_prokka|PROKKA_01923
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01933
Name: ER02988_3A_prokka|PROKKA_01933
Description: ER02988_3A_prokka|PROKKA_01933
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01944
Name: ER02988_3A_prokka|PROKKA_01944
Description: ER02988_3A_prokka|PROKKA_01944
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01962
Name: ER02988_3A_prokka|PROKKA_01962
Description: ER02988_3A_prokka|PROKKA_01962
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01966
Name: ER02988_3A_prokka|PROKKA_01966
Description: ER02988_3A_prokka|PROKKA_01966
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01972
Name: ER02988_3A_prokka|PROKKA_01972
Description: ER02988_3A_prokka|PROKKA_01972
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01975
Name: ER02988_3A_prokka|PROKKA_01975
Description: ER02988_3A_prokka|PROKKA_01975
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01982
Name: ER02988_3A_prokka|PROKKA_01982
Description: ER02988_3A_prokka|PROKKA_01982
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01984
Name: ER02988_3A_prokka|PROKKA_01984
Description: ER02988_3A_prokka|PROKKA_01984
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_02003
Name: ER02988_3A_prokka|PROKKA_02003
Description: ER02988_3A_prokka|PROKKA_02003
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_02005
Name: ER02988_3A_prokka|PROKKA_02005
Description: ER02988_3A_prokka|PROKKA_02005
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_02054
Name: ER02988_3A_prokka|PROKKA_02054
Description: ER02988_3A_prokka|PROKKA_02054
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_02173
Name: ER02988_3A_prokka|PROKKA_02173
Description: ER02988_3A_prokka|PROKKA_02173
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_02197
Name: ER02988_3A_prokka|PROKKA_02197
Description: ER02988_3A_prokka|PROKKA_02197
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_02228
Name: ER02988_3A_prokka|PROKKA_02228
Description: ER02988_3A_prokka|PROKKA_02228
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_02383
Name: ER02988_3A_prokka|PROKKA_02383
Description: ER02988_3A_prokka|PROKKA_02383
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_02590
Name: ER02988_3A_prokka|PROKKA_02590
Description: ER02988_3A_prokka|PROKKA_02590
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_02677
Name: ER02988_3A_prokka|PROKKA_02677
Description: ER02988_3A_prokka|PROKKA_02677
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00083
Name: ER02989_3A_prokka|PROKKA_00083
Description: ER02989_3A_prokka|PROKKA_00083
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00086
Name: ER02989_3A_prokka|PROKKA_00086
Description: ER02989_3A_prokka|PROKKA_00086
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00090
Name: ER02989_3A_prokka|PROKKA_00090
Description: ER02989_3A_prokka|PROKKA_00090
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00111
Name: ER02989_3A_prokka|PROKKA_00111
Description: ER02989_3A_prokka|PROKKA_00111
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00129
Name: ER02989_3A_prokka|PROKKA_00129
Description: ER02989_3A_prokka|PROKKA_00129
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00296
Name: ER02989_3A_prokka|PROKKA_00296
Description: ER02989_3A_prokka|PROKKA_00296
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00420
Name: ER02989_3A_prokka|PROKKA_00420
Description: ER02989_3A_prokka|PROKKA_00420
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00437
Name: ER02989_3A_prokka|PROKKA_00437
Description: ER02989_3A_prokka|PROKKA_00437
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00603
Name: ER02989_3A_prokka|PROKKA_00603
Description: ER02989_3A_prokka|PROKKA_00603
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00832
Name: ER02989_3A_prokka|PROKKA_00832
Description: ER02989_3A_prokka|PROKKA_00832
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00863
Name: ER02989_3A_prokka|PROKKA_00863
Description: ER02989_3A_prokka|PROKKA_00863
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00867
Name: ER02989_3A_prokka|PROKKA_00867
Description: ER02989_3A_prokka|PROKKA_00867
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00883
Name: ER02989_3A_prokka|PROKKA_00883
Description: ER02989_3A_prokka|PROKKA_00883
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00914
Name: ER02989_3A_prokka|PROKKA_00914
Description: ER02989_3A_prokka|PROKKA_00914
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00915
Name: ER02989_3A_prokka|PROKKA_00915
Description: ER02989_3A_prokka|PROKKA_00915
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00930
Name: ER02989_3A_prokka|PROKKA_00930
Description: ER02989_3A_prokka|PROKKA_00930
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01035
Name: ER02989_3A_prokka|PROKKA_01035
Description: ER02989_3A_prokka|PROKKA_01035
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01074
Name: ER02989_3A_prokka|PROKKA_01074
Description: ER02989_3A_prokka|PROKKA_01074
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01075
Name: ER02989_3A_prokka|PROKKA_01075
Description: ER02989_3A_prokka|PROKKA_01075
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01157
Name: ER02989_3A_prokka|PROKKA_01157
Description: ER02989_3A_prokka|PROKKA_01157
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01169
Name: ER02989_3A_prokka|PROKKA_01169
Description: ER02989_3A_prokka|PROKKA_01169
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01170
Name: ER02989_3A_prokka|PROKKA_01170
Description: ER02989_3A_prokka|PROKKA_01170
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01306
Name: ER02989_3A_prokka|PROKKA_01306
Description: ER02989_3A_prokka|PROKKA_01306
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01310
Name: ER02989_3A_prokka|PROKKA_01310
Description: ER02989_3A_prokka|PROKKA_01310
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01334
Name: ER02989_3A_prokka|PROKKA_01334
Description: ER02989_3A_prokka|PROKKA_01334
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01427
Name: ER02989_3A_prokka|PROKKA_01427
Description: ER02989_3A_prokka|PROKKA_01427
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01439
Name: ER02989_3A_prokka|PROKKA_01439
Description: ER02989_3A_prokka|PROKKA_01439
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01486
Name: ER02989_3A_prokka|PROKKA_01486
Description: ER02989_3A_prokka|PROKKA_01486
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01494
Name: ER02989_3A_prokka|PROKKA_01494
Description: ER02989_3A_prokka|PROKKA_01494
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01513
Name: ER02989_3A_prokka|PROKKA_01513
Description: ER02989_3A_prokka|PROKKA_01513
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01527
Name: ER02989_3A_prokka|PROKKA_01527
Description: ER02989_3A_prokka|PROKKA_01527
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01535
Name: ER02989_3A_prokka|PROKKA_01535
Description: ER02989_3A_prokka|PROKKA_01535
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01540
Name: ER02989_3A_prokka|PROKKA_01540
Description: ER02989_3A_prokka|PROKKA_01540
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01567
Name: ER02989_3A_prokka|PROKKA_01567
Description: ER02989_3A_prokka|PROKKA_01567
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01570
Name: ER02989_3A_prokka|PROKKA_01570
Description: ER02989_3A_prokka|PROKKA_01570
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01605
Name: ER02989_3A_prokka|PROKKA_01605
Description: ER02989_3A_prokka|PROKKA_01605
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01679
Name: ER02989_3A_prokka|PROKKA_01679
Description: ER02989_3A_prokka|PROKKA_01679
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01848
Name: ER02989_3A_prokka|PROKKA_01848
Description: ER02989_3A_prokka|PROKKA_01848
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01862
Name: ER02989_3A_prokka|PROKKA_01862
Description: ER02989_3A_prokka|PROKKA_01862
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01904
Name: ER02989_3A_prokka|PROKKA_01904
Description: ER02989_3A_prokka|PROKKA_01904
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01956
Name: ER02989_3A_prokka|PROKKA_01956
Description: ER02989_3A_prokka|PROKKA_01956
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01958
Name: ER02989_3A_prokka|PROKKA_01958
Description: ER02989_3A_prokka|PROKKA_01958
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01959
Name: ER02989_3A_prokka|PROKKA_01959
Description: ER02989_3A_prokka|PROKKA_01959
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01989
Name: ER02989_3A_prokka|PROKKA_01989
Description: ER02989_3A_prokka|PROKKA_01989
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02011
Name: ER02989_3A_prokka|PROKKA_02011
Description: ER02989_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02016
Name: ER02989_3A_prokka|PROKKA_02016
Description: ER02989_3A_prokka|PROKKA_02016
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02092
Name: ER02989_3A_prokka|PROKKA_02092
Description: ER02989_3A_prokka|PROKKA_02092
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02094
Name: ER02989_3A_prokka|PROKKA_02094
Description: ER02989_3A_prokka|PROKKA_02094
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02146
Name: ER02989_3A_prokka|PROKKA_02146
Description: ER02989_3A_prokka|PROKKA_02146
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02255
Name: ER02989_3A_prokka|PROKKA_02255
Description: ER02989_3A_prokka|PROKKA_02255
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02274
Name: ER02989_3A_prokka|PROKKA_02274
Description: ER02989_3A_prokka|PROKKA_02274
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02287
Name: ER02989_3A_prokka|PROKKA_02287
Description: ER02989_3A_prokka|PROKKA_02287
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02319
Name: ER02989_3A_prokka|PROKKA_02319
Description: ER02989_3A_prokka|PROKKA_02319
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02472
Name: ER02989_3A_prokka|PROKKA_02472
Description: ER02989_3A_prokka|PROKKA_02472
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02536
Name: ER02989_3A_prokka|PROKKA_02536
Description: ER02989_3A_prokka|PROKKA_02536
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02644
Name: ER02989_3A_prokka|PROKKA_02644
Description: ER02989_3A_prokka|PROKKA_02644
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02682
Name: ER02989_3A_prokka|PROKKA_02682
Description: ER02989_3A_prokka|PROKKA_02682
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02766
Name: ER02989_3A_prokka|PROKKA_02766
Description: ER02989_3A_prokka|PROKKA_02766
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02782
Name: ER02989_3A_prokka|PROKKA_02782
Description: ER02989_3A_prokka|PROKKA_02782
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00030
Name: ER03023_3A_prokka|PROKKA_00030
Description: ER03023_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00061
Name: ER03023_3A_prokka|PROKKA_00061
Description: ER03023_3A_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00070
Name: ER03023_3A_prokka|PROKKA_00070
Description: ER03023_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00091
Name: ER03023_3A_prokka|PROKKA_00091
Description: ER03023_3A_prokka|PROKKA_00091
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00179
Name: ER03023_3A_prokka|PROKKA_00179
Description: ER03023_3A_prokka|PROKKA_00179
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00278
Name: ER03023_3A_prokka|PROKKA_00278
Description: ER03023_3A_prokka|PROKKA_00278
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00330
Name: ER03023_3A_prokka|PROKKA_00330
Description: ER03023_3A_prokka|PROKKA_00330
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00428
Name: ER03023_3A_prokka|PROKKA_00428
Description: ER03023_3A_prokka|PROKKA_00428
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00466
Name: ER03023_3A_prokka|PROKKA_00466
Description: ER03023_3A_prokka|PROKKA_00466
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00596
Name: ER03023_3A_prokka|PROKKA_00596
Description: ER03023_3A_prokka|PROKKA_00596
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00632
Name: ER03023_3A_prokka|PROKKA_00632
Description: ER03023_3A_prokka|PROKKA_00632
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00850
Name: ER03023_3A_prokka|PROKKA_00850
Description: ER03023_3A_prokka|PROKKA_00850
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00858
Name: ER03023_3A_prokka|PROKKA_00858
Description: ER03023_3A_prokka|PROKKA_00858
Number of features: 0
Seq('MKKLIVIILINIITLSVSNSASAQGDIGIDNLRNFYTKKTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00894
Name: ER03023_3A_prokka|PROKKA_00894
Description: ER03023_3A_prokka|PROKKA_00894
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01002
Name: ER03023_3A_prokka|PROKKA_01002
Description: ER03023_3A_prokka|PROKKA_01002
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01041
Name: ER03023_3A_prokka|PROKKA_01041
Description: ER03023_3A_prokka|PROKKA_01041
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01121
Name: ER03023_3A_prokka|PROKKA_01121
Description: ER03023_3A_prokka|PROKKA_01121
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01134
Name: ER03023_3A_prokka|PROKKA_01134
Description: ER03023_3A_prokka|PROKKA_01134
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01135
Name: ER03023_3A_prokka|PROKKA_01135
Description: ER03023_3A_prokka|PROKKA_01135
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01179
Name: ER03023_3A_prokka|PROKKA_01179
Description: ER03023_3A_prokka|PROKKA_01179
Number of features: 0
Seq('MITAEKKKKNKFLPNFDKQSIYSLRFDEMQNWLVEQGNKNFERNRFLNGYIKKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01271
Name: ER03023_3A_prokka|PROKKA_01271
Description: ER03023_3A_prokka|PROKKA_01271
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01275
Name: ER03023_3A_prokka|PROKKA_01275
Description: ER03023_3A_prokka|PROKKA_01275
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01279
Name: ER03023_3A_prokka|PROKKA_01279
Description: ER03023_3A_prokka|PROKKA_01279
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01281
Name: ER03023_3A_prokka|PROKKA_01281
Description: ER03023_3A_prokka|PROKKA_01281
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01305
Name: ER03023_3A_prokka|PROKKA_01305
Description: ER03023_3A_prokka|PROKKA_01305
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01400
Name: ER03023_3A_prokka|PROKKA_01400
Description: ER03023_3A_prokka|PROKKA_01400
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01412
Name: ER03023_3A_prokka|PROKKA_01412
Description: ER03023_3A_prokka|PROKKA_01412
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01461
Name: ER03023_3A_prokka|PROKKA_01461
Description: ER03023_3A_prokka|PROKKA_01461
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01469
Name: ER03023_3A_prokka|PROKKA_01469
Description: ER03023_3A_prokka|PROKKA_01469
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01489
Name: ER03023_3A_prokka|PROKKA_01489
Description: ER03023_3A_prokka|PROKKA_01489
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01517
Name: ER03023_3A_prokka|PROKKA_01517
Description: ER03023_3A_prokka|PROKKA_01517
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01544
Name: ER03023_3A_prokka|PROKKA_01544
Description: ER03023_3A_prokka|PROKKA_01544
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01581
Name: ER03023_3A_prokka|PROKKA_01581
Description: ER03023_3A_prokka|PROKKA_01581
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01651
Name: ER03023_3A_prokka|PROKKA_01651
Description: ER03023_3A_prokka|PROKKA_01651
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01817
Name: ER03023_3A_prokka|PROKKA_01817
Description: ER03023_3A_prokka|PROKKA_01817
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01824
Name: ER03023_3A_prokka|PROKKA_01824
Description: ER03023_3A_prokka|PROKKA_01824
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01843
Name: ER03023_3A_prokka|PROKKA_01843
Description: ER03023_3A_prokka|PROKKA_01843
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01878
Name: ER03023_3A_prokka|PROKKA_01878
Description: ER03023_3A_prokka|PROKKA_01878
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01930
Name: ER03023_3A_prokka|PROKKA_01930
Description: ER03023_3A_prokka|PROKKA_01930
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01961
Name: ER03023_3A_prokka|PROKKA_01961
Description: ER03023_3A_prokka|PROKKA_01961
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01978
Name: ER03023_3A_prokka|PROKKA_01978
Description: ER03023_3A_prokka|PROKKA_01978
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01987
Name: ER03023_3A_prokka|PROKKA_01987
Description: ER03023_3A_prokka|PROKKA_01987
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01995
Name: ER03023_3A_prokka|PROKKA_01995
Description: ER03023_3A_prokka|PROKKA_01995
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELSKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02071
Name: ER03023_3A_prokka|PROKKA_02071
Description: ER03023_3A_prokka|PROKKA_02071
Number of features: 0
Seq('MFVLNCIASLFILFLSIKRIKYLLDKEENRHKVEINKIKTNIFKNIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02089
Name: ER03023_3A_prokka|PROKKA_02089
Description: ER03023_3A_prokka|PROKKA_02089
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02093
Name: ER03023_3A_prokka|PROKKA_02093
Description: ER03023_3A_prokka|PROKKA_02093
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02109
Name: ER03023_3A_prokka|PROKKA_02109
Description: ER03023_3A_prokka|PROKKA_02109
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02130
Name: ER03023_3A_prokka|PROKKA_02130
Description: ER03023_3A_prokka|PROKKA_02130
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02160
Name: ER03023_3A_prokka|PROKKA_02160
Description: ER03023_3A_prokka|PROKKA_02160
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02162
Name: ER03023_3A_prokka|PROKKA_02162
Description: ER03023_3A_prokka|PROKKA_02162
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02211
Name: ER03023_3A_prokka|PROKKA_02211
Description: ER03023_3A_prokka|PROKKA_02211
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02331
Name: ER03023_3A_prokka|PROKKA_02331
Description: ER03023_3A_prokka|PROKKA_02331
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02355
Name: ER03023_3A_prokka|PROKKA_02355
Description: ER03023_3A_prokka|PROKKA_02355
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02386
Name: ER03023_3A_prokka|PROKKA_02386
Description: ER03023_3A_prokka|PROKKA_02386
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02454
Name: ER03023_3A_prokka|PROKKA_02454
Description: ER03023_3A_prokka|PROKKA_02454
Number of features: 0
Seq('MALIVSRAILFLILALAFGIATVFPEQKLPLYI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02542
Name: ER03023_3A_prokka|PROKKA_02542
Description: ER03023_3A_prokka|PROKKA_02542
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02751
Name: ER03023_3A_prokka|PROKKA_02751
Description: ER03023_3A_prokka|PROKKA_02751
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02835
Name: ER03023_3A_prokka|PROKKA_02835
Description: ER03023_3A_prokka|PROKKA_02835
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00031
Name: ER03113_3A_prokka|PROKKA_00031
Description: ER03113_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00062
Name: ER03113_3A_prokka|PROKKA_00062
Description: ER03113_3A_prokka|PROKKA_00062
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00071
Name: ER03113_3A_prokka|PROKKA_00071
Description: ER03113_3A_prokka|PROKKA_00071
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00151
Name: ER03113_3A_prokka|PROKKA_00151
Description: ER03113_3A_prokka|PROKKA_00151
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00251
Name: ER03113_3A_prokka|PROKKA_00251
Description: ER03113_3A_prokka|PROKKA_00251
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00303
Name: ER03113_3A_prokka|PROKKA_00303
Description: ER03113_3A_prokka|PROKKA_00303
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00401
Name: ER03113_3A_prokka|PROKKA_00401
Description: ER03113_3A_prokka|PROKKA_00401
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00439
Name: ER03113_3A_prokka|PROKKA_00439
Description: ER03113_3A_prokka|PROKKA_00439
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00569
Name: ER03113_3A_prokka|PROKKA_00569
Description: ER03113_3A_prokka|PROKKA_00569
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00605
Name: ER03113_3A_prokka|PROKKA_00605
Description: ER03113_3A_prokka|PROKKA_00605
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00714
Name: ER03113_3A_prokka|PROKKA_00714
Description: ER03113_3A_prokka|PROKKA_00714
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00825
Name: ER03113_3A_prokka|PROKKA_00825
Description: ER03113_3A_prokka|PROKKA_00825
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00869
Name: ER03113_3A_prokka|PROKKA_00869
Description: ER03113_3A_prokka|PROKKA_00869
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00977
Name: ER03113_3A_prokka|PROKKA_00977
Description: ER03113_3A_prokka|PROKKA_00977
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01016
Name: ER03113_3A_prokka|PROKKA_01016
Description: ER03113_3A_prokka|PROKKA_01016
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01096
Name: ER03113_3A_prokka|PROKKA_01096
Description: ER03113_3A_prokka|PROKKA_01096
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01109
Name: ER03113_3A_prokka|PROKKA_01109
Description: ER03113_3A_prokka|PROKKA_01109
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01110
Name: ER03113_3A_prokka|PROKKA_01110
Description: ER03113_3A_prokka|PROKKA_01110
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01245
Name: ER03113_3A_prokka|PROKKA_01245
Description: ER03113_3A_prokka|PROKKA_01245
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01249
Name: ER03113_3A_prokka|PROKKA_01249
Description: ER03113_3A_prokka|PROKKA_01249
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01253
Name: ER03113_3A_prokka|PROKKA_01253
Description: ER03113_3A_prokka|PROKKA_01253
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01255
Name: ER03113_3A_prokka|PROKKA_01255
Description: ER03113_3A_prokka|PROKKA_01255
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01279
Name: ER03113_3A_prokka|PROKKA_01279
Description: ER03113_3A_prokka|PROKKA_01279
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01376
Name: ER03113_3A_prokka|PROKKA_01376
Description: ER03113_3A_prokka|PROKKA_01376
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01388
Name: ER03113_3A_prokka|PROKKA_01388
Description: ER03113_3A_prokka|PROKKA_01388
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01437
Name: ER03113_3A_prokka|PROKKA_01437
Description: ER03113_3A_prokka|PROKKA_01437
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01445
Name: ER03113_3A_prokka|PROKKA_01445
Description: ER03113_3A_prokka|PROKKA_01445
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01465
Name: ER03113_3A_prokka|PROKKA_01465
Description: ER03113_3A_prokka|PROKKA_01465
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01493
Name: ER03113_3A_prokka|PROKKA_01493
Description: ER03113_3A_prokka|PROKKA_01493
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01520
Name: ER03113_3A_prokka|PROKKA_01520
Description: ER03113_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01557
Name: ER03113_3A_prokka|PROKKA_01557
Description: ER03113_3A_prokka|PROKKA_01557
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01628
Name: ER03113_3A_prokka|PROKKA_01628
Description: ER03113_3A_prokka|PROKKA_01628
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01795
Name: ER03113_3A_prokka|PROKKA_01795
Description: ER03113_3A_prokka|PROKKA_01795
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01802
Name: ER03113_3A_prokka|PROKKA_01802
Description: ER03113_3A_prokka|PROKKA_01802
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01821
Name: ER03113_3A_prokka|PROKKA_01821
Description: ER03113_3A_prokka|PROKKA_01821
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01856
Name: ER03113_3A_prokka|PROKKA_01856
Description: ER03113_3A_prokka|PROKKA_01856
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01908
Name: ER03113_3A_prokka|PROKKA_01908
Description: ER03113_3A_prokka|PROKKA_01908
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01980
Name: ER03113_3A_prokka|PROKKA_01980
Description: ER03113_3A_prokka|PROKKA_01980
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01984
Name: ER03113_3A_prokka|PROKKA_01984
Description: ER03113_3A_prokka|PROKKA_01984
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_02000
Name: ER03113_3A_prokka|PROKKA_02000
Description: ER03113_3A_prokka|PROKKA_02000
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_02020
Name: ER03113_3A_prokka|PROKKA_02020
Description: ER03113_3A_prokka|PROKKA_02020
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_02050
Name: ER03113_3A_prokka|PROKKA_02050
Description: ER03113_3A_prokka|PROKKA_02050
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_02052
Name: ER03113_3A_prokka|PROKKA_02052
Description: ER03113_3A_prokka|PROKKA_02052
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_02102
Name: ER03113_3A_prokka|PROKKA_02102
Description: ER03113_3A_prokka|PROKKA_02102
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_02222
Name: ER03113_3A_prokka|PROKKA_02222
Description: ER03113_3A_prokka|PROKKA_02222
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_02246
Name: ER03113_3A_prokka|PROKKA_02246
Description: ER03113_3A_prokka|PROKKA_02246
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_02277
Name: ER03113_3A_prokka|PROKKA_02277
Description: ER03113_3A_prokka|PROKKA_02277
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_02432
Name: ER03113_3A_prokka|PROKKA_02432
Description: ER03113_3A_prokka|PROKKA_02432
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_02641
Name: ER03113_3A_prokka|PROKKA_02641
Description: ER03113_3A_prokka|PROKKA_02641
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_02728
Name: ER03113_3A_prokka|PROKKA_02728
Description: ER03113_3A_prokka|PROKKA_02728
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00004
Name: ER03159_3A_prokka|PROKKA_00004
Description: ER03159_3A_prokka|PROKKA_00004
Number of features: 0
Seq('MKVTNTIRFEEEKKNLIDNVVNTLEEYKDVIDSELRTIRNTGSVAKLKIM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00038
Name: ER03159_3A_prokka|PROKKA_00038
Description: ER03159_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MKVTNTIRFEEEKKNLIDNVVNTLEEYKDVIDSELRTIRNTGSVAKLKIM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00049
Name: ER03159_3A_prokka|PROKKA_00049
Description: ER03159_3A_prokka|PROKKA_00049
Number of features: 0
Seq('MSVEQEVKDIMLDMLAKKRKLKRIIIPRNVDASYKNILKFKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00050
Name: ER03159_3A_prokka|PROKKA_00050
Description: ER03159_3A_prokka|PROKKA_00050
Number of features: 0
Seq('MVKNEMFRGVGMVLAGVAVGAALVWLVPWVYNLFQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00083
Name: ER03159_3A_prokka|PROKKA_00083
Description: ER03159_3A_prokka|PROKKA_00083
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00087
Name: ER03159_3A_prokka|PROKKA_00087
Description: ER03159_3A_prokka|PROKKA_00087
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00096
Name: ER03159_3A_prokka|PROKKA_00096
Description: ER03159_3A_prokka|PROKKA_00096
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00109
Name: ER03159_3A_prokka|PROKKA_00109
Description: ER03159_3A_prokka|PROKKA_00109
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00112
Name: ER03159_3A_prokka|PROKKA_00112
Description: ER03159_3A_prokka|PROKKA_00112
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00233
Name: ER03159_3A_prokka|PROKKA_00233
Description: ER03159_3A_prokka|PROKKA_00233
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00277
Name: ER03159_3A_prokka|PROKKA_00277
Description: ER03159_3A_prokka|PROKKA_00277
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00373
Name: ER03159_3A_prokka|PROKKA_00373
Description: ER03159_3A_prokka|PROKKA_00373
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00379
Name: ER03159_3A_prokka|PROKKA_00379
Description: ER03159_3A_prokka|PROKKA_00379
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00426
Name: ER03159_3A_prokka|PROKKA_00426
Description: ER03159_3A_prokka|PROKKA_00426
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00444
Name: ER03159_3A_prokka|PROKKA_00444
Description: ER03159_3A_prokka|PROKKA_00444
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00609
Name: ER03159_3A_prokka|PROKKA_00609
Description: ER03159_3A_prokka|PROKKA_00609
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00727
Name: ER03159_3A_prokka|PROKKA_00727
Description: ER03159_3A_prokka|PROKKA_00727
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00862
Name: ER03159_3A_prokka|PROKKA_00862
Description: ER03159_3A_prokka|PROKKA_00862
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00889
Name: ER03159_3A_prokka|PROKKA_00889
Description: ER03159_3A_prokka|PROKKA_00889
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00998
Name: ER03159_3A_prokka|PROKKA_00998
Description: ER03159_3A_prokka|PROKKA_00998
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01038
Name: ER03159_3A_prokka|PROKKA_01038
Description: ER03159_3A_prokka|PROKKA_01038
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01094
Name: ER03159_3A_prokka|PROKKA_01094
Description: ER03159_3A_prokka|PROKKA_01094
Number of features: 0
Seq('MEDQNKKVIYYYYDEAGNRQLLSIGDLNLYLLKILNQDLVYIKTNP', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01096
Name: ER03159_3A_prokka|PROKKA_01096
Description: ER03159_3A_prokka|PROKKA_01096
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKKMSKHIKAT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01114
Name: ER03159_3A_prokka|PROKKA_01114
Description: ER03159_3A_prokka|PROKKA_01114
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01130
Name: ER03159_3A_prokka|PROKKA_01130
Description: ER03159_3A_prokka|PROKKA_01130
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01134
Name: ER03159_3A_prokka|PROKKA_01134
Description: ER03159_3A_prokka|PROKKA_01134
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01209
Name: ER03159_3A_prokka|PROKKA_01209
Description: ER03159_3A_prokka|PROKKA_01209
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01261
Name: ER03159_3A_prokka|PROKKA_01261
Description: ER03159_3A_prokka|PROKKA_01261
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01303
Name: ER03159_3A_prokka|PROKKA_01303
Description: ER03159_3A_prokka|PROKKA_01303
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01318
Name: ER03159_3A_prokka|PROKKA_01318
Description: ER03159_3A_prokka|PROKKA_01318
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01482
Name: ER03159_3A_prokka|PROKKA_01482
Description: ER03159_3A_prokka|PROKKA_01482
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01555
Name: ER03159_3A_prokka|PROKKA_01555
Description: ER03159_3A_prokka|PROKKA_01555
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01590
Name: ER03159_3A_prokka|PROKKA_01590
Description: ER03159_3A_prokka|PROKKA_01590
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01593
Name: ER03159_3A_prokka|PROKKA_01593
Description: ER03159_3A_prokka|PROKKA_01593
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01660
Name: ER03159_3A_prokka|PROKKA_01660
Description: ER03159_3A_prokka|PROKKA_01660
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01672
Name: ER03159_3A_prokka|PROKKA_01672
Description: ER03159_3A_prokka|PROKKA_01672
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01767
Name: ER03159_3A_prokka|PROKKA_01767
Description: ER03159_3A_prokka|PROKKA_01767
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01791
Name: ER03159_3A_prokka|PROKKA_01791
Description: ER03159_3A_prokka|PROKKA_01791
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01795
Name: ER03159_3A_prokka|PROKKA_01795
Description: ER03159_3A_prokka|PROKKA_01795
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01931
Name: ER03159_3A_prokka|PROKKA_01931
Description: ER03159_3A_prokka|PROKKA_01931
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01932
Name: ER03159_3A_prokka|PROKKA_01932
Description: ER03159_3A_prokka|PROKKA_01932
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01944
Name: ER03159_3A_prokka|PROKKA_01944
Description: ER03159_3A_prokka|PROKKA_01944
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01979
Name: ER03159_3A_prokka|PROKKA_01979
Description: ER03159_3A_prokka|PROKKA_01979
Number of features: 0
Seq('MTEQMYLILFLLSLSLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01980
Name: ER03159_3A_prokka|PROKKA_01980
Description: ER03159_3A_prokka|PROKKA_01980
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02010
Name: ER03159_3A_prokka|PROKKA_02010
Description: ER03159_3A_prokka|PROKKA_02010
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02031
Name: ER03159_3A_prokka|PROKKA_02031
Description: ER03159_3A_prokka|PROKKA_02031
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02070
Name: ER03159_3A_prokka|PROKKA_02070
Description: ER03159_3A_prokka|PROKKA_02070
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02081
Name: ER03159_3A_prokka|PROKKA_02081
Description: ER03159_3A_prokka|PROKKA_02081
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02083
Name: ER03159_3A_prokka|PROKKA_02083
Description: ER03159_3A_prokka|PROKKA_02083
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02134
Name: ER03159_3A_prokka|PROKKA_02134
Description: ER03159_3A_prokka|PROKKA_02134
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKPKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02260
Name: ER03159_3A_prokka|PROKKA_02260
Description: ER03159_3A_prokka|PROKKA_02260
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02273
Name: ER03159_3A_prokka|PROKKA_02273
Description: ER03159_3A_prokka|PROKKA_02273
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02304
Name: ER03159_3A_prokka|PROKKA_02304
Description: ER03159_3A_prokka|PROKKA_02304
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02458
Name: ER03159_3A_prokka|PROKKA_02458
Description: ER03159_3A_prokka|PROKKA_02458
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02522
Name: ER03159_3A_prokka|PROKKA_02522
Description: ER03159_3A_prokka|PROKKA_02522
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02631
Name: ER03159_3A_prokka|PROKKA_02631
Description: ER03159_3A_prokka|PROKKA_02631
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02644
Name: ER03159_3A_prokka|PROKKA_02644
Description: ER03159_3A_prokka|PROKKA_02644
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02646
Name: ER03159_3A_prokka|PROKKA_02646
Description: ER03159_3A_prokka|PROKKA_02646
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02649
Name: ER03159_3A_prokka|PROKKA_02649
Description: ER03159_3A_prokka|PROKKA_02649
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02656
Name: ER03159_3A_prokka|PROKKA_02656
Description: ER03159_3A_prokka|PROKKA_02656
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02694
Name: ER03159_3A_prokka|PROKKA_02694
Description: ER03159_3A_prokka|PROKKA_02694
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02779
Name: ER03159_3A_prokka|PROKKA_02779
Description: ER03159_3A_prokka|PROKKA_02779
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02782
Name: ER03159_3A_prokka|PROKKA_02782
Description: ER03159_3A_prokka|PROKKA_02782
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02803
Name: ER03159_3A_prokka|PROKKA_02803
Description: ER03159_3A_prokka|PROKKA_02803
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02804
Name: ER03159_3A_prokka|PROKKA_02804
Description: ER03159_3A_prokka|PROKKA_02804
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02840
Name: ER03159_3A_prokka|PROKKA_02840
Description: ER03159_3A_prokka|PROKKA_02840
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02841
Name: ER03159_3A_prokka|PROKKA_02841
Description: ER03159_3A_prokka|PROKKA_02841
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02859
Name: ER03159_3A_prokka|PROKKA_02859
Description: ER03159_3A_prokka|PROKKA_02859
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02873
Name: ER03159_3A_prokka|PROKKA_02873
Description: ER03159_3A_prokka|PROKKA_02873
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00004
Name: ER03234_3A_prokka|PROKKA_00004
Description: ER03234_3A_prokka|PROKKA_00004
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00023
Name: ER03234_3A_prokka|PROKKA_00023
Description: ER03234_3A_prokka|PROKKA_00023
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00031
Name: ER03234_3A_prokka|PROKKA_00031
Description: ER03234_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MARRKVIRVRIKGKLMTLREVSEKISYISRTS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00038
Name: ER03234_3A_prokka|PROKKA_00038
Description: ER03234_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00046
Name: ER03234_3A_prokka|PROKKA_00046
Description: ER03234_3A_prokka|PROKKA_00046
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00051
Name: ER03234_3A_prokka|PROKKA_00051
Description: ER03234_3A_prokka|PROKKA_00051
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00076
Name: ER03234_3A_prokka|PROKKA_00076
Description: ER03234_3A_prokka|PROKKA_00076
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00089
Name: ER03234_3A_prokka|PROKKA_00089
Description: ER03234_3A_prokka|PROKKA_00089
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00117
Name: ER03234_3A_prokka|PROKKA_00117
Description: ER03234_3A_prokka|PROKKA_00117
Number of features: 0
Seq('MKSLILAEKPSVARDIADALQINQKRNGYFENN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00121
Name: ER03234_3A_prokka|PROKKA_00121
Description: ER03234_3A_prokka|PROKKA_00121
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00266
Name: ER03234_3A_prokka|PROKKA_00266
Description: ER03234_3A_prokka|PROKKA_00266
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00275
Name: ER03234_3A_prokka|PROKKA_00275
Description: ER03234_3A_prokka|PROKKA_00275
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00339
Name: ER03234_3A_prokka|PROKKA_00339
Description: ER03234_3A_prokka|PROKKA_00339
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00448
Name: ER03234_3A_prokka|PROKKA_00448
Description: ER03234_3A_prokka|PROKKA_00448
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00486
Name: ER03234_3A_prokka|PROKKA_00486
Description: ER03234_3A_prokka|PROKKA_00486
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00559
Name: ER03234_3A_prokka|PROKKA_00559
Description: ER03234_3A_prokka|PROKKA_00559
Number of features: 0
Seq('MTFNHIVFKNLRQNLKHYAMYLFSLFLASSYISVLQPYSLLKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00571
Name: ER03234_3A_prokka|PROKKA_00571
Description: ER03234_3A_prokka|PROKKA_00571
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00627
Name: ER03234_3A_prokka|PROKKA_00627
Description: ER03234_3A_prokka|PROKKA_00627
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00645
Name: ER03234_3A_prokka|PROKKA_00645
Description: ER03234_3A_prokka|PROKKA_00645
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00812
Name: ER03234_3A_prokka|PROKKA_00812
Description: ER03234_3A_prokka|PROKKA_00812
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00936
Name: ER03234_3A_prokka|PROKKA_00936
Description: ER03234_3A_prokka|PROKKA_00936
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00953
Name: ER03234_3A_prokka|PROKKA_00953
Description: ER03234_3A_prokka|PROKKA_00953
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01119
Name: ER03234_3A_prokka|PROKKA_01119
Description: ER03234_3A_prokka|PROKKA_01119
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01348
Name: ER03234_3A_prokka|PROKKA_01348
Description: ER03234_3A_prokka|PROKKA_01348
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01375
Name: ER03234_3A_prokka|PROKKA_01375
Description: ER03234_3A_prokka|PROKKA_01375
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01480
Name: ER03234_3A_prokka|PROKKA_01480
Description: ER03234_3A_prokka|PROKKA_01480
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01526
Name: ER03234_3A_prokka|PROKKA_01526
Description: ER03234_3A_prokka|PROKKA_01526
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01527
Name: ER03234_3A_prokka|PROKKA_01527
Description: ER03234_3A_prokka|PROKKA_01527
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01609
Name: ER03234_3A_prokka|PROKKA_01609
Description: ER03234_3A_prokka|PROKKA_01609
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01621
Name: ER03234_3A_prokka|PROKKA_01621
Description: ER03234_3A_prokka|PROKKA_01621
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01622
Name: ER03234_3A_prokka|PROKKA_01622
Description: ER03234_3A_prokka|PROKKA_01622
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01640
Name: ER03234_3A_prokka|PROKKA_01640
Description: ER03234_3A_prokka|PROKKA_01640
Number of features: 0
Seq('MNHTIVDSADFQLQANDLISIQGFGRAHITDLGGKTKKDKTHITYRTLFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01759
Name: ER03234_3A_prokka|PROKKA_01759
Description: ER03234_3A_prokka|PROKKA_01759
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01763
Name: ER03234_3A_prokka|PROKKA_01763
Description: ER03234_3A_prokka|PROKKA_01763
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01787
Name: ER03234_3A_prokka|PROKKA_01787
Description: ER03234_3A_prokka|PROKKA_01787
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01880
Name: ER03234_3A_prokka|PROKKA_01880
Description: ER03234_3A_prokka|PROKKA_01880
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01892
Name: ER03234_3A_prokka|PROKKA_01892
Description: ER03234_3A_prokka|PROKKA_01892
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01939
Name: ER03234_3A_prokka|PROKKA_01939
Description: ER03234_3A_prokka|PROKKA_01939
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01950
Name: ER03234_3A_prokka|PROKKA_01950
Description: ER03234_3A_prokka|PROKKA_01950
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01970
Name: ER03234_3A_prokka|PROKKA_01970
Description: ER03234_3A_prokka|PROKKA_01970
Number of features: 0
Seq('MLDKVTQIETIKYDRDVSYSYAASRLSTLITIWLGLTLCRS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01971
Name: ER03234_3A_prokka|PROKKA_01971
Description: ER03234_3A_prokka|PROKKA_01971
Number of features: 0
Seq('MLIFKQLVKNNGVEGLEDYENEVERIRKRFQKLKRGDRLLCSI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01972
Name: ER03234_3A_prokka|PROKKA_01972
Description: ER03234_3A_prokka|PROKKA_01972
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01975
Name: ER03234_3A_prokka|PROKKA_01975
Description: ER03234_3A_prokka|PROKKA_01975
Number of features: 0
Seq('MTNTLTIDQLQELLQIQKEFDDRIPTLNLQDSKVAL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01978
Name: ER03234_3A_prokka|PROKKA_01978
Description: ER03234_3A_prokka|PROKKA_01978
Number of features: 0
Seq('MSVISNRKVDMNEIQDNVKQPAHYTYGDIEIIDLSNRLRRSIHHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01981
Name: ER03234_3A_prokka|PROKKA_01981
Description: ER03234_3A_prokka|PROKKA_01981
Number of features: 0
Seq('MQHQAYINDIRIPTEVESVNYNQIDKEKENLADYFLIIQVNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01984
Name: ER03234_3A_prokka|PROKKA_01984
Description: ER03234_3A_prokka|PROKKA_01984
Number of features: 0
Seq('MVNSMRIGLPASLDKVGEVLRLQNQKDKKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01990
Name: ER03234_3A_prokka|PROKKA_01990
Description: ER03234_3A_prokka|PROKKA_01990
Number of features: 0
Seq('MNTRSEGLRIGVPQVSSKADASSSYLTEKERNLGAEILAY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02128
Name: ER03234_3A_prokka|PROKKA_02128
Description: ER03234_3A_prokka|PROKKA_02128
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02201
Name: ER03234_3A_prokka|PROKKA_02201
Description: ER03234_3A_prokka|PROKKA_02201
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02236
Name: ER03234_3A_prokka|PROKKA_02236
Description: ER03234_3A_prokka|PROKKA_02236
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02239
Name: ER03234_3A_prokka|PROKKA_02239
Description: ER03234_3A_prokka|PROKKA_02239
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02266
Name: ER03234_3A_prokka|PROKKA_02266
Description: ER03234_3A_prokka|PROKKA_02266
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02271
Name: ER03234_3A_prokka|PROKKA_02271
Description: ER03234_3A_prokka|PROKKA_02271
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02279
Name: ER03234_3A_prokka|PROKKA_02279
Description: ER03234_3A_prokka|PROKKA_02279
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02293
Name: ER03234_3A_prokka|PROKKA_02293
Description: ER03234_3A_prokka|PROKKA_02293
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKNQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02316
Name: ER03234_3A_prokka|PROKKA_02316
Description: ER03234_3A_prokka|PROKKA_02316
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02325
Name: ER03234_3A_prokka|PROKKA_02325
Description: ER03234_3A_prokka|PROKKA_02325
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02432
Name: ER03234_3A_prokka|PROKKA_02432
Description: ER03234_3A_prokka|PROKKA_02432
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02481
Name: ER03234_3A_prokka|PROKKA_02481
Description: ER03234_3A_prokka|PROKKA_02481
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02483
Name: ER03234_3A_prokka|PROKKA_02483
Description: ER03234_3A_prokka|PROKKA_02483
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02499
Name: ER03234_3A_prokka|PROKKA_02499
Description: ER03234_3A_prokka|PROKKA_02499
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02504
Name: ER03234_3A_prokka|PROKKA_02504
Description: ER03234_3A_prokka|PROKKA_02504
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02510
Name: ER03234_3A_prokka|PROKKA_02510
Description: ER03234_3A_prokka|PROKKA_02510
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02528
Name: ER03234_3A_prokka|PROKKA_02528
Description: ER03234_3A_prokka|PROKKA_02528
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02545
Name: ER03234_3A_prokka|PROKKA_02545
Description: ER03234_3A_prokka|PROKKA_02545
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02549
Name: ER03234_3A_prokka|PROKKA_02549
Description: ER03234_3A_prokka|PROKKA_02549
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02621
Name: ER03234_3A_prokka|PROKKA_02621
Description: ER03234_3A_prokka|PROKKA_02621
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02671
Name: ER03234_3A_prokka|PROKKA_02671
Description: ER03234_3A_prokka|PROKKA_02671
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02713
Name: ER03234_3A_prokka|PROKKA_02713
Description: ER03234_3A_prokka|PROKKA_02713
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02727
Name: ER03234_3A_prokka|PROKKA_02727
Description: ER03234_3A_prokka|PROKKA_02727
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02760
Name: ER03234_3A_prokka|PROKKA_02760
Description: ER03234_3A_prokka|PROKKA_02760
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02770
Name: ER03234_3A_prokka|PROKKA_02770
Description: ER03234_3A_prokka|PROKKA_02770
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02774
Name: ER03234_3A_prokka|PROKKA_02774
Description: ER03234_3A_prokka|PROKKA_02774
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_00030
Name: ER03298_3A_prokka|PROKKA_00030
Description: ER03298_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_00061
Name: ER03298_3A_prokka|PROKKA_00061
Description: ER03298_3A_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_00070
Name: ER03298_3A_prokka|PROKKA_00070
Description: ER03298_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_00091
Name: ER03298_3A_prokka|PROKKA_00091
Description: ER03298_3A_prokka|PROKKA_00091
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_00180
Name: ER03298_3A_prokka|PROKKA_00180
Description: ER03298_3A_prokka|PROKKA_00180
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_00279
Name: ER03298_3A_prokka|PROKKA_00279
Description: ER03298_3A_prokka|PROKKA_00279
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_00425
Name: ER03298_3A_prokka|PROKKA_00425
Description: ER03298_3A_prokka|PROKKA_00425
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_00463
Name: ER03298_3A_prokka|PROKKA_00463
Description: ER03298_3A_prokka|PROKKA_00463
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_00593
Name: ER03298_3A_prokka|PROKKA_00593
Description: ER03298_3A_prokka|PROKKA_00593
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_00629
Name: ER03298_3A_prokka|PROKKA_00629
Description: ER03298_3A_prokka|PROKKA_00629
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_00848
Name: ER03298_3A_prokka|PROKKA_00848
Description: ER03298_3A_prokka|PROKKA_00848
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_00892
Name: ER03298_3A_prokka|PROKKA_00892
Description: ER03298_3A_prokka|PROKKA_00892
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01000
Name: ER03298_3A_prokka|PROKKA_01000
Description: ER03298_3A_prokka|PROKKA_01000
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01039
Name: ER03298_3A_prokka|PROKKA_01039
Description: ER03298_3A_prokka|PROKKA_01039
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01119
Name: ER03298_3A_prokka|PROKKA_01119
Description: ER03298_3A_prokka|PROKKA_01119
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01132
Name: ER03298_3A_prokka|PROKKA_01132
Description: ER03298_3A_prokka|PROKKA_01132
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01133
Name: ER03298_3A_prokka|PROKKA_01133
Description: ER03298_3A_prokka|PROKKA_01133
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01151
Name: ER03298_3A_prokka|PROKKA_01151
Description: ER03298_3A_prokka|PROKKA_01151
Number of features: 0
Seq('MNHTIVDSADFQLQANDLISIQGFGRAHITDLGGKTKKDKTHITYRTLFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01269
Name: ER03298_3A_prokka|PROKKA_01269
Description: ER03298_3A_prokka|PROKKA_01269
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01273
Name: ER03298_3A_prokka|PROKKA_01273
Description: ER03298_3A_prokka|PROKKA_01273
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01298
Name: ER03298_3A_prokka|PROKKA_01298
Description: ER03298_3A_prokka|PROKKA_01298
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01394
Name: ER03298_3A_prokka|PROKKA_01394
Description: ER03298_3A_prokka|PROKKA_01394
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01406
Name: ER03298_3A_prokka|PROKKA_01406
Description: ER03298_3A_prokka|PROKKA_01406
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01455
Name: ER03298_3A_prokka|PROKKA_01455
Description: ER03298_3A_prokka|PROKKA_01455
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01463
Name: ER03298_3A_prokka|PROKKA_01463
Description: ER03298_3A_prokka|PROKKA_01463
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01483
Name: ER03298_3A_prokka|PROKKA_01483
Description: ER03298_3A_prokka|PROKKA_01483
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01511
Name: ER03298_3A_prokka|PROKKA_01511
Description: ER03298_3A_prokka|PROKKA_01511
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01538
Name: ER03298_3A_prokka|PROKKA_01538
Description: ER03298_3A_prokka|PROKKA_01538
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01575
Name: ER03298_3A_prokka|PROKKA_01575
Description: ER03298_3A_prokka|PROKKA_01575
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01646
Name: ER03298_3A_prokka|PROKKA_01646
Description: ER03298_3A_prokka|PROKKA_01646
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01811
Name: ER03298_3A_prokka|PROKKA_01811
Description: ER03298_3A_prokka|PROKKA_01811
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01818
Name: ER03298_3A_prokka|PROKKA_01818
Description: ER03298_3A_prokka|PROKKA_01818
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01837
Name: ER03298_3A_prokka|PROKKA_01837
Description: ER03298_3A_prokka|PROKKA_01837
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01872
Name: ER03298_3A_prokka|PROKKA_01872
Description: ER03298_3A_prokka|PROKKA_01872
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01924
Name: ER03298_3A_prokka|PROKKA_01924
Description: ER03298_3A_prokka|PROKKA_01924
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01996
Name: ER03298_3A_prokka|PROKKA_01996
Description: ER03298_3A_prokka|PROKKA_01996
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_02000
Name: ER03298_3A_prokka|PROKKA_02000
Description: ER03298_3A_prokka|PROKKA_02000
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_02016
Name: ER03298_3A_prokka|PROKKA_02016
Description: ER03298_3A_prokka|PROKKA_02016
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_02036
Name: ER03298_3A_prokka|PROKKA_02036
Description: ER03298_3A_prokka|PROKKA_02036
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_02066
Name: ER03298_3A_prokka|PROKKA_02066
Description: ER03298_3A_prokka|PROKKA_02066
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_02068
Name: ER03298_3A_prokka|PROKKA_02068
Description: ER03298_3A_prokka|PROKKA_02068
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_02118
Name: ER03298_3A_prokka|PROKKA_02118
Description: ER03298_3A_prokka|PROKKA_02118
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_02239
Name: ER03298_3A_prokka|PROKKA_02239
Description: ER03298_3A_prokka|PROKKA_02239
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_02263
Name: ER03298_3A_prokka|PROKKA_02263
Description: ER03298_3A_prokka|PROKKA_02263
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_02294
Name: ER03298_3A_prokka|PROKKA_02294
Description: ER03298_3A_prokka|PROKKA_02294
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_02450
Name: ER03298_3A_prokka|PROKKA_02450
Description: ER03298_3A_prokka|PROKKA_02450
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_02659
Name: ER03298_3A_prokka|PROKKA_02659
Description: ER03298_3A_prokka|PROKKA_02659
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_02746
Name: ER03298_3A_prokka|PROKKA_02746
Description: ER03298_3A_prokka|PROKKA_02746
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00073
Name: ER03321_3A_prokka|PROKKA_00073
Description: ER03321_3A_prokka|PROKKA_00073
Number of features: 0
Seq('MHFLKEGDLTIYFYIWNKKEYLTSDLFDLTESEKQEINHQVIDEIEEEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00074
Name: ER03321_3A_prokka|PROKKA_00074
Description: ER03321_3A_prokka|PROKKA_00074
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00081
Name: ER03321_3A_prokka|PROKKA_00081
Description: ER03321_3A_prokka|PROKKA_00081
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00090
Name: ER03321_3A_prokka|PROKKA_00090
Description: ER03321_3A_prokka|PROKKA_00090
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00112
Name: ER03321_3A_prokka|PROKKA_00112
Description: ER03321_3A_prokka|PROKKA_00112
Number of features: 0
Seq('MKKCIKTLFLSIILVVMGGWYHSAHASDSLSKSPENWMSKLDESKHLTEINMPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00266
Name: ER03321_3A_prokka|PROKKA_00266
Description: ER03321_3A_prokka|PROKKA_00266
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00391
Name: ER03321_3A_prokka|PROKKA_00391
Description: ER03321_3A_prokka|PROKKA_00391
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00408
Name: ER03321_3A_prokka|PROKKA_00408
Description: ER03321_3A_prokka|PROKKA_00408
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00575
Name: ER03321_3A_prokka|PROKKA_00575
Description: ER03321_3A_prokka|PROKKA_00575
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00693
Name: ER03321_3A_prokka|PROKKA_00693
Description: ER03321_3A_prokka|PROKKA_00693
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00805
Name: ER03321_3A_prokka|PROKKA_00805
Description: ER03321_3A_prokka|PROKKA_00805
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00831
Name: ER03321_3A_prokka|PROKKA_00831
Description: ER03321_3A_prokka|PROKKA_00831
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00936
Name: ER03321_3A_prokka|PROKKA_00936
Description: ER03321_3A_prokka|PROKKA_00936
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00976
Name: ER03321_3A_prokka|PROKKA_00976
Description: ER03321_3A_prokka|PROKKA_00976
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01059
Name: ER03321_3A_prokka|PROKKA_01059
Description: ER03321_3A_prokka|PROKKA_01059
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01071
Name: ER03321_3A_prokka|PROKKA_01071
Description: ER03321_3A_prokka|PROKKA_01071
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01072
Name: ER03321_3A_prokka|PROKKA_01072
Description: ER03321_3A_prokka|PROKKA_01072
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01207
Name: ER03321_3A_prokka|PROKKA_01207
Description: ER03321_3A_prokka|PROKKA_01207
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01211
Name: ER03321_3A_prokka|PROKKA_01211
Description: ER03321_3A_prokka|PROKKA_01211
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01235
Name: ER03321_3A_prokka|PROKKA_01235
Description: ER03321_3A_prokka|PROKKA_01235
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01329
Name: ER03321_3A_prokka|PROKKA_01329
Description: ER03321_3A_prokka|PROKKA_01329
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01341
Name: ER03321_3A_prokka|PROKKA_01341
Description: ER03321_3A_prokka|PROKKA_01341
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01408
Name: ER03321_3A_prokka|PROKKA_01408
Description: ER03321_3A_prokka|PROKKA_01408
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01411
Name: ER03321_3A_prokka|PROKKA_01411
Description: ER03321_3A_prokka|PROKKA_01411
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01446
Name: ER03321_3A_prokka|PROKKA_01446
Description: ER03321_3A_prokka|PROKKA_01446
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01518
Name: ER03321_3A_prokka|PROKKA_01518
Description: ER03321_3A_prokka|PROKKA_01518
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01681
Name: ER03321_3A_prokka|PROKKA_01681
Description: ER03321_3A_prokka|PROKKA_01681
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01696
Name: ER03321_3A_prokka|PROKKA_01696
Description: ER03321_3A_prokka|PROKKA_01696
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01738
Name: ER03321_3A_prokka|PROKKA_01738
Description: ER03321_3A_prokka|PROKKA_01738
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01790
Name: ER03321_3A_prokka|PROKKA_01790
Description: ER03321_3A_prokka|PROKKA_01790
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01792
Name: ER03321_3A_prokka|PROKKA_01792
Description: ER03321_3A_prokka|PROKKA_01792
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01793
Name: ER03321_3A_prokka|PROKKA_01793
Description: ER03321_3A_prokka|PROKKA_01793
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01823
Name: ER03321_3A_prokka|PROKKA_01823
Description: ER03321_3A_prokka|PROKKA_01823
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01830
Name: ER03321_3A_prokka|PROKKA_01830
Description: ER03321_3A_prokka|PROKKA_01830
Number of features: 0
Seq('MTVTLSDEQYKNLCTKLNKLLGKLHKALKQRDEYKKQRDELIGDIAEVKRT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01840
Name: ER03321_3A_prokka|PROKKA_01840
Description: ER03321_3A_prokka|PROKKA_01840
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01859
Name: ER03321_3A_prokka|PROKKA_01859
Description: ER03321_3A_prokka|PROKKA_01859
Number of features: 0
Seq('MRKYNFDKFFLYMAVLSLPIVIFFPLMLSIPIIFFIFSIRKKED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01937
Name: ER03321_3A_prokka|PROKKA_01937
Description: ER03321_3A_prokka|PROKKA_01937
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01941
Name: ER03321_3A_prokka|PROKKA_01941
Description: ER03321_3A_prokka|PROKKA_01941
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01957
Name: ER03321_3A_prokka|PROKKA_01957
Description: ER03321_3A_prokka|PROKKA_01957
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01975
Name: ER03321_3A_prokka|PROKKA_01975
Description: ER03321_3A_prokka|PROKKA_01975
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02001
Name: ER03321_3A_prokka|PROKKA_02001
Description: ER03321_3A_prokka|PROKKA_02001
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02003
Name: ER03321_3A_prokka|PROKKA_02003
Description: ER03321_3A_prokka|PROKKA_02003
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02053
Name: ER03321_3A_prokka|PROKKA_02053
Description: ER03321_3A_prokka|PROKKA_02053
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02178
Name: ER03321_3A_prokka|PROKKA_02178
Description: ER03321_3A_prokka|PROKKA_02178
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02206
Name: ER03321_3A_prokka|PROKKA_02206
Description: ER03321_3A_prokka|PROKKA_02206
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02237
Name: ER03321_3A_prokka|PROKKA_02237
Description: ER03321_3A_prokka|PROKKA_02237
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02390
Name: ER03321_3A_prokka|PROKKA_02390
Description: ER03321_3A_prokka|PROKKA_02390
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02454
Name: ER03321_3A_prokka|PROKKA_02454
Description: ER03321_3A_prokka|PROKKA_02454
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02565
Name: ER03321_3A_prokka|PROKKA_02565
Description: ER03321_3A_prokka|PROKKA_02565
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02603
Name: ER03321_3A_prokka|PROKKA_02603
Description: ER03321_3A_prokka|PROKKA_02603
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02682
Name: ER03321_3A_prokka|PROKKA_02682
Description: ER03321_3A_prokka|PROKKA_02682
Number of features: 0
Seq('MIFSQNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEHRTLIYVPA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02688
Name: ER03321_3A_prokka|PROKKA_02688
Description: ER03321_3A_prokka|PROKKA_02688
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02695
Name: ER03321_3A_prokka|PROKKA_02695
Description: ER03321_3A_prokka|PROKKA_02695
Number of features: 0
Seq('MKTGPLKCPKCNQDLYIKKVRYPISDIETLC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02699
Name: ER03321_3A_prokka|PROKKA_02699
Description: ER03321_3A_prokka|PROKKA_02699
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02703
Name: ER03321_3A_prokka|PROKKA_02703
Description: ER03321_3A_prokka|PROKKA_02703
Number of features: 0
Seq('MQYNTTRYIDENQDNKTLKDMMKNGKQRPWREKKVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02708
Name: ER03321_3A_prokka|PROKKA_02708
Description: ER03321_3A_prokka|PROKKA_02708
Number of features: 0
Seq('MNYFRYKQFDKDVITVAVGYYLRYALSYRDISEILRERGIYVHHSTIYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02709
Name: ER03321_3A_prokka|PROKKA_02709
Description: ER03321_3A_prokka|PROKKA_02709
Number of features: 0
Seq('MQDNHTKYIDGNQDNETLKDVTKSGKQRPWREKKIDNLRFCCKVRNIV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00033
Name: ER03364_3A_prokka|PROKKA_00033
Description: ER03364_3A_prokka|PROKKA_00033
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00039
Name: ER03364_3A_prokka|PROKKA_00039
Description: ER03364_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00043
Name: ER03364_3A_prokka|PROKKA_00043
Description: ER03364_3A_prokka|PROKKA_00043
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDMSEILRERGVNVHHLTV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00052
Name: ER03364_3A_prokka|PROKKA_00052
Description: ER03364_3A_prokka|PROKKA_00052
Number of features: 0
Seq('MNWIKVAQLSVTVINEVIEIMKEKQNGEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00058
Name: ER03364_3A_prokka|PROKKA_00058
Description: ER03364_3A_prokka|PROKKA_00058
Number of features: 0
Seq('MKFREAFENFITSKYVLGVLVVLTVYQIIQMLK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00069
Name: ER03364_3A_prokka|PROKKA_00069
Description: ER03364_3A_prokka|PROKKA_00069
Number of features: 0
Seq('MKMLFFLYFFFLKLYNHFLTQPLIGDQMIVTQEQLKDIMK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00127
Name: ER03364_3A_prokka|PROKKA_00127
Description: ER03364_3A_prokka|PROKKA_00127
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00224
Name: ER03364_3A_prokka|PROKKA_00224
Description: ER03364_3A_prokka|PROKKA_00224
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00362
Name: ER03364_3A_prokka|PROKKA_00362
Description: ER03364_3A_prokka|PROKKA_00362
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAQMMTLAKLISHF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00380
Name: ER03364_3A_prokka|PROKKA_00380
Description: ER03364_3A_prokka|PROKKA_00380
Number of features: 0
Seq('MKLYLVYVTLTSFLTILLLAISNMYVAFSVYGMMATYGFNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00393
Name: ER03364_3A_prokka|PROKKA_00393
Description: ER03364_3A_prokka|PROKKA_00393
Number of features: 0
Seq('MNIYKEIKEKNNKVKLYNDIKFKLIIIPNEEKKRKCHTIFVILR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00407
Name: ER03364_3A_prokka|PROKKA_00407
Description: ER03364_3A_prokka|PROKKA_00407
Number of features: 0
Seq('MVSEEKGSITLSKEAAIIFATAKFKPFHNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00572
Name: ER03364_3A_prokka|PROKKA_00572
Description: ER03364_3A_prokka|PROKKA_00572
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00801
Name: ER03364_3A_prokka|PROKKA_00801
Description: ER03364_3A_prokka|PROKKA_00801
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00827
Name: ER03364_3A_prokka|PROKKA_00827
Description: ER03364_3A_prokka|PROKKA_00827
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00936
Name: ER03364_3A_prokka|PROKKA_00936
Description: ER03364_3A_prokka|PROKKA_00936
Number of features: 0
Seq('MRQFIKRIVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00975
Name: ER03364_3A_prokka|PROKKA_00975
Description: ER03364_3A_prokka|PROKKA_00975
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01055
Name: ER03364_3A_prokka|PROKKA_01055
Description: ER03364_3A_prokka|PROKKA_01055
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01069
Name: ER03364_3A_prokka|PROKKA_01069
Description: ER03364_3A_prokka|PROKKA_01069
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01070
Name: ER03364_3A_prokka|PROKKA_01070
Description: ER03364_3A_prokka|PROKKA_01070
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01205
Name: ER03364_3A_prokka|PROKKA_01205
Description: ER03364_3A_prokka|PROKKA_01205
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01209
Name: ER03364_3A_prokka|PROKKA_01209
Description: ER03364_3A_prokka|PROKKA_01209
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01212
Name: ER03364_3A_prokka|PROKKA_01212
Description: ER03364_3A_prokka|PROKKA_01212
Number of features: 0
Seq('MYFAQLDGEITNKQSQELLDKEYKKAIELENKNKEQKLEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01215
Name: ER03364_3A_prokka|PROKKA_01215
Description: ER03364_3A_prokka|PROKKA_01215
Number of features: 0
Seq('MSIQQLDGYISIEDFFKHMDELSKKEELEKEINQSKSKYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01237
Name: ER03364_3A_prokka|PROKKA_01237
Description: ER03364_3A_prokka|PROKKA_01237
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01348
Name: ER03364_3A_prokka|PROKKA_01348
Description: ER03364_3A_prokka|PROKKA_01348
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01413
Name: ER03364_3A_prokka|PROKKA_01413
Description: ER03364_3A_prokka|PROKKA_01413
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01450
Name: ER03364_3A_prokka|PROKKA_01450
Description: ER03364_3A_prokka|PROKKA_01450
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01521
Name: ER03364_3A_prokka|PROKKA_01521
Description: ER03364_3A_prokka|PROKKA_01521
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKEKEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01707
Name: ER03364_3A_prokka|PROKKA_01707
Description: ER03364_3A_prokka|PROKKA_01707
Number of features: 0
Seq('MAKLDLNSLDDEHVKFLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01748
Name: ER03364_3A_prokka|PROKKA_01748
Description: ER03364_3A_prokka|PROKKA_01748
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01799
Name: ER03364_3A_prokka|PROKKA_01799
Description: ER03364_3A_prokka|PROKKA_01799
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01878
Name: ER03364_3A_prokka|PROKKA_01878
Description: ER03364_3A_prokka|PROKKA_01878
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01882
Name: ER03364_3A_prokka|PROKKA_01882
Description: ER03364_3A_prokka|PROKKA_01882
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01898
Name: ER03364_3A_prokka|PROKKA_01898
Description: ER03364_3A_prokka|PROKKA_01898
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01919
Name: ER03364_3A_prokka|PROKKA_01919
Description: ER03364_3A_prokka|PROKKA_01919
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01927
Name: ER03364_3A_prokka|PROKKA_01927
Description: ER03364_3A_prokka|PROKKA_01927
Number of features: 0
Seq('MKITNCKIKRETVIYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01943
Name: ER03364_3A_prokka|PROKKA_01943
Description: ER03364_3A_prokka|PROKKA_01943
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01945
Name: ER03364_3A_prokka|PROKKA_01945
Description: ER03364_3A_prokka|PROKKA_01945
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01996
Name: ER03364_3A_prokka|PROKKA_01996
Description: ER03364_3A_prokka|PROKKA_01996
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_02110
Name: ER03364_3A_prokka|PROKKA_02110
Description: ER03364_3A_prokka|PROKKA_02110
Number of features: 0
Seq('MTYIHFSIIILITGIITHMTMYFVPFECRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_02129
Name: ER03364_3A_prokka|PROKKA_02129
Description: ER03364_3A_prokka|PROKKA_02129
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_02160
Name: ER03364_3A_prokka|PROKKA_02160
Description: ER03364_3A_prokka|PROKKA_02160
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_02312
Name: ER03364_3A_prokka|PROKKA_02312
Description: ER03364_3A_prokka|PROKKA_02312
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_02376
Name: ER03364_3A_prokka|PROKKA_02376
Description: ER03364_3A_prokka|PROKKA_02376
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_02458
Name: ER03364_3A_prokka|PROKKA_02458
Description: ER03364_3A_prokka|PROKKA_02458
Number of features: 0
Seq('MKIAVIGAGVTGLAAAARIASQGHEVTIFEKIIM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_02522
Name: ER03364_3A_prokka|PROKKA_02522
Description: ER03364_3A_prokka|PROKKA_02522
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_02582
Name: ER03364_3A_prokka|PROKKA_02582
Description: ER03364_3A_prokka|PROKKA_02582
Number of features: 0
Seq('MAIYIFCTILVLVAVGALLTNRIRDKKDKRLDILSSVLLLISSISLLLYGVIIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_02600
Name: ER03364_3A_prokka|PROKKA_02600
Description: ER03364_3A_prokka|PROKKA_02600
Number of features: 0
Seq('MIFSQNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEHRTLIYVPA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_02606
Name: ER03364_3A_prokka|PROKKA_02606
Description: ER03364_3A_prokka|PROKKA_02606
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00029
Name: ER03442_3A_prokka|PROKKA_00029
Description: ER03442_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00038
Name: ER03442_3A_prokka|PROKKA_00038
Description: ER03442_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00059
Name: ER03442_3A_prokka|PROKKA_00059
Description: ER03442_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00149
Name: ER03442_3A_prokka|PROKKA_00149
Description: ER03442_3A_prokka|PROKKA_00149
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00247
Name: ER03442_3A_prokka|PROKKA_00247
Description: ER03442_3A_prokka|PROKKA_00247
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00299
Name: ER03442_3A_prokka|PROKKA_00299
Description: ER03442_3A_prokka|PROKKA_00299
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00397
Name: ER03442_3A_prokka|PROKKA_00397
Description: ER03442_3A_prokka|PROKKA_00397
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00435
Name: ER03442_3A_prokka|PROKKA_00435
Description: ER03442_3A_prokka|PROKKA_00435
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00565
Name: ER03442_3A_prokka|PROKKA_00565
Description: ER03442_3A_prokka|PROKKA_00565
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00601
Name: ER03442_3A_prokka|PROKKA_00601
Description: ER03442_3A_prokka|PROKKA_00601
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00819
Name: ER03442_3A_prokka|PROKKA_00819
Description: ER03442_3A_prokka|PROKKA_00819
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00863
Name: ER03442_3A_prokka|PROKKA_00863
Description: ER03442_3A_prokka|PROKKA_00863
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00971
Name: ER03442_3A_prokka|PROKKA_00971
Description: ER03442_3A_prokka|PROKKA_00971
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01010
Name: ER03442_3A_prokka|PROKKA_01010
Description: ER03442_3A_prokka|PROKKA_01010
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01090
Name: ER03442_3A_prokka|PROKKA_01090
Description: ER03442_3A_prokka|PROKKA_01090
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01103
Name: ER03442_3A_prokka|PROKKA_01103
Description: ER03442_3A_prokka|PROKKA_01103
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01104
Name: ER03442_3A_prokka|PROKKA_01104
Description: ER03442_3A_prokka|PROKKA_01104
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01239
Name: ER03442_3A_prokka|PROKKA_01239
Description: ER03442_3A_prokka|PROKKA_01239
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01243
Name: ER03442_3A_prokka|PROKKA_01243
Description: ER03442_3A_prokka|PROKKA_01243
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01247
Name: ER03442_3A_prokka|PROKKA_01247
Description: ER03442_3A_prokka|PROKKA_01247
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01249
Name: ER03442_3A_prokka|PROKKA_01249
Description: ER03442_3A_prokka|PROKKA_01249
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01273
Name: ER03442_3A_prokka|PROKKA_01273
Description: ER03442_3A_prokka|PROKKA_01273
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01368
Name: ER03442_3A_prokka|PROKKA_01368
Description: ER03442_3A_prokka|PROKKA_01368
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01380
Name: ER03442_3A_prokka|PROKKA_01380
Description: ER03442_3A_prokka|PROKKA_01380
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01430
Name: ER03442_3A_prokka|PROKKA_01430
Description: ER03442_3A_prokka|PROKKA_01430
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01438
Name: ER03442_3A_prokka|PROKKA_01438
Description: ER03442_3A_prokka|PROKKA_01438
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01458
Name: ER03442_3A_prokka|PROKKA_01458
Description: ER03442_3A_prokka|PROKKA_01458
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01486
Name: ER03442_3A_prokka|PROKKA_01486
Description: ER03442_3A_prokka|PROKKA_01486
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01513
Name: ER03442_3A_prokka|PROKKA_01513
Description: ER03442_3A_prokka|PROKKA_01513
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01550
Name: ER03442_3A_prokka|PROKKA_01550
Description: ER03442_3A_prokka|PROKKA_01550
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01621
Name: ER03442_3A_prokka|PROKKA_01621
Description: ER03442_3A_prokka|PROKKA_01621
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01786
Name: ER03442_3A_prokka|PROKKA_01786
Description: ER03442_3A_prokka|PROKKA_01786
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01793
Name: ER03442_3A_prokka|PROKKA_01793
Description: ER03442_3A_prokka|PROKKA_01793
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01810
Name: ER03442_3A_prokka|PROKKA_01810
Description: ER03442_3A_prokka|PROKKA_01810
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01845
Name: ER03442_3A_prokka|PROKKA_01845
Description: ER03442_3A_prokka|PROKKA_01845
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01897
Name: ER03442_3A_prokka|PROKKA_01897
Description: ER03442_3A_prokka|PROKKA_01897
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01969
Name: ER03442_3A_prokka|PROKKA_01969
Description: ER03442_3A_prokka|PROKKA_01969
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01973
Name: ER03442_3A_prokka|PROKKA_01973
Description: ER03442_3A_prokka|PROKKA_01973
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01989
Name: ER03442_3A_prokka|PROKKA_01989
Description: ER03442_3A_prokka|PROKKA_01989
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_02009
Name: ER03442_3A_prokka|PROKKA_02009
Description: ER03442_3A_prokka|PROKKA_02009
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_02039
Name: ER03442_3A_prokka|PROKKA_02039
Description: ER03442_3A_prokka|PROKKA_02039
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_02041
Name: ER03442_3A_prokka|PROKKA_02041
Description: ER03442_3A_prokka|PROKKA_02041
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_02090
Name: ER03442_3A_prokka|PROKKA_02090
Description: ER03442_3A_prokka|PROKKA_02090
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_02210
Name: ER03442_3A_prokka|PROKKA_02210
Description: ER03442_3A_prokka|PROKKA_02210
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_02234
Name: ER03442_3A_prokka|PROKKA_02234
Description: ER03442_3A_prokka|PROKKA_02234
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_02265
Name: ER03442_3A_prokka|PROKKA_02265
Description: ER03442_3A_prokka|PROKKA_02265
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_02280
Name: ER03442_3A_prokka|PROKKA_02280
Description: ER03442_3A_prokka|PROKKA_02280
Number of features: 0
Seq('MVVEKRNPIPVKEAIQRIVNQQSSMPAITVALEKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_02361
Name: ER03442_3A_prokka|PROKKA_02361
Description: ER03442_3A_prokka|PROKKA_02361
Number of features: 0
Seq('MMISSPQIIDAEKHGDKITATVRLINENGKQVDKEYELEQGSQDRLQLIKTSEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_02422
Name: ER03442_3A_prokka|PROKKA_02422
Description: ER03442_3A_prokka|PROKKA_02422
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_02631
Name: ER03442_3A_prokka|PROKKA_02631
Description: ER03442_3A_prokka|PROKKA_02631
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_02718
Name: ER03442_3A_prokka|PROKKA_02718
Description: ER03442_3A_prokka|PROKKA_02718
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00030
Name: ER03444_3A_prokka|PROKKA_00030
Description: ER03444_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00031
Name: ER03444_3A_prokka|PROKKA_00031
Description: ER03444_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00040
Name: ER03444_3A_prokka|PROKKA_00040
Description: ER03444_3A_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00054
Name: ER03444_3A_prokka|PROKKA_00054
Description: ER03444_3A_prokka|PROKKA_00054
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00057
Name: ER03444_3A_prokka|PROKKA_00057
Description: ER03444_3A_prokka|PROKKA_00057
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00223
Name: ER03444_3A_prokka|PROKKA_00223
Description: ER03444_3A_prokka|PROKKA_00223
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00297
Name: ER03444_3A_prokka|PROKKA_00297
Description: ER03444_3A_prokka|PROKKA_00297
Number of features: 0
Seq('MNLKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKGELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00302
Name: ER03444_3A_prokka|PROKKA_00302
Description: ER03444_3A_prokka|PROKKA_00302
Number of features: 0
Seq('MKEFNEKLQELLERDQNDMIEPIEWSQENEEVSNDETIITTKFKYKVPTPNKRKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00306
Name: ER03444_3A_prokka|PROKKA_00306
Description: ER03444_3A_prokka|PROKKA_00306
Number of features: 0
Seq('MFKILNDIKTSLKNHPWGWKEHLPYLLMLTLSLVALIFGVLSAIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00311
Name: ER03444_3A_prokka|PROKKA_00311
Description: ER03444_3A_prokka|PROKKA_00311
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00328
Name: ER03444_3A_prokka|PROKKA_00328
Description: ER03444_3A_prokka|PROKKA_00328
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00345
Name: ER03444_3A_prokka|PROKKA_00345
Description: ER03444_3A_prokka|PROKKA_00345
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00349
Name: ER03444_3A_prokka|PROKKA_00349
Description: ER03444_3A_prokka|PROKKA_00349
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00381
Name: ER03444_3A_prokka|PROKKA_00381
Description: ER03444_3A_prokka|PROKKA_00381
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00387
Name: ER03444_3A_prokka|PROKKA_00387
Description: ER03444_3A_prokka|PROKKA_00387
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00431
Name: ER03444_3A_prokka|PROKKA_00431
Description: ER03444_3A_prokka|PROKKA_00431
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00449
Name: ER03444_3A_prokka|PROKKA_00449
Description: ER03444_3A_prokka|PROKKA_00449
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00616
Name: ER03444_3A_prokka|PROKKA_00616
Description: ER03444_3A_prokka|PROKKA_00616
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00862
Name: ER03444_3A_prokka|PROKKA_00862
Description: ER03444_3A_prokka|PROKKA_00862
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00880
Name: ER03444_3A_prokka|PROKKA_00880
Description: ER03444_3A_prokka|PROKKA_00880
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00896
Name: ER03444_3A_prokka|PROKKA_00896
Description: ER03444_3A_prokka|PROKKA_00896
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00900
Name: ER03444_3A_prokka|PROKKA_00900
Description: ER03444_3A_prokka|PROKKA_00900
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00976
Name: ER03444_3A_prokka|PROKKA_00976
Description: ER03444_3A_prokka|PROKKA_00976
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01028
Name: ER03444_3A_prokka|PROKKA_01028
Description: ER03444_3A_prokka|PROKKA_01028
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01070
Name: ER03444_3A_prokka|PROKKA_01070
Description: ER03444_3A_prokka|PROKKA_01070
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01085
Name: ER03444_3A_prokka|PROKKA_01085
Description: ER03444_3A_prokka|PROKKA_01085
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01248
Name: ER03444_3A_prokka|PROKKA_01248
Description: ER03444_3A_prokka|PROKKA_01248
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01321
Name: ER03444_3A_prokka|PROKKA_01321
Description: ER03444_3A_prokka|PROKKA_01321
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01356
Name: ER03444_3A_prokka|PROKKA_01356
Description: ER03444_3A_prokka|PROKKA_01356
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01359
Name: ER03444_3A_prokka|PROKKA_01359
Description: ER03444_3A_prokka|PROKKA_01359
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01426
Name: ER03444_3A_prokka|PROKKA_01426
Description: ER03444_3A_prokka|PROKKA_01426
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01438
Name: ER03444_3A_prokka|PROKKA_01438
Description: ER03444_3A_prokka|PROKKA_01438
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01534
Name: ER03444_3A_prokka|PROKKA_01534
Description: ER03444_3A_prokka|PROKKA_01534
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01558
Name: ER03444_3A_prokka|PROKKA_01558
Description: ER03444_3A_prokka|PROKKA_01558
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01562
Name: ER03444_3A_prokka|PROKKA_01562
Description: ER03444_3A_prokka|PROKKA_01562
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01697
Name: ER03444_3A_prokka|PROKKA_01697
Description: ER03444_3A_prokka|PROKKA_01697
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01698
Name: ER03444_3A_prokka|PROKKA_01698
Description: ER03444_3A_prokka|PROKKA_01698
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01710
Name: ER03444_3A_prokka|PROKKA_01710
Description: ER03444_3A_prokka|PROKKA_01710
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01745
Name: ER03444_3A_prokka|PROKKA_01745
Description: ER03444_3A_prokka|PROKKA_01745
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01746
Name: ER03444_3A_prokka|PROKKA_01746
Description: ER03444_3A_prokka|PROKKA_01746
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01775
Name: ER03444_3A_prokka|PROKKA_01775
Description: ER03444_3A_prokka|PROKKA_01775
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01791
Name: ER03444_3A_prokka|PROKKA_01791
Description: ER03444_3A_prokka|PROKKA_01791
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01795
Name: ER03444_3A_prokka|PROKKA_01795
Description: ER03444_3A_prokka|PROKKA_01795
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRNAMHAVKVEKILKSPFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01801
Name: ER03444_3A_prokka|PROKKA_01801
Description: ER03444_3A_prokka|PROKKA_01801
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFMYYKECFFKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01802
Name: ER03444_3A_prokka|PROKKA_01802
Description: ER03444_3A_prokka|PROKKA_01802
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01808
Name: ER03444_3A_prokka|PROKKA_01808
Description: ER03444_3A_prokka|PROKKA_01808
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01862
Name: ER03444_3A_prokka|PROKKA_01862
Description: ER03444_3A_prokka|PROKKA_01862
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01880
Name: ER03444_3A_prokka|PROKKA_01880
Description: ER03444_3A_prokka|PROKKA_01880
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01903
Name: ER03444_3A_prokka|PROKKA_01903
Description: ER03444_3A_prokka|PROKKA_01903
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02011
Name: ER03444_3A_prokka|PROKKA_02011
Description: ER03444_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02038
Name: ER03444_3A_prokka|PROKKA_02038
Description: ER03444_3A_prokka|PROKKA_02038
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02084
Name: ER03444_3A_prokka|PROKKA_02084
Description: ER03444_3A_prokka|PROKKA_02084
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02095
Name: ER03444_3A_prokka|PROKKA_02095
Description: ER03444_3A_prokka|PROKKA_02095
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02097
Name: ER03444_3A_prokka|PROKKA_02097
Description: ER03444_3A_prokka|PROKKA_02097
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02147
Name: ER03444_3A_prokka|PROKKA_02147
Description: ER03444_3A_prokka|PROKKA_02147
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02198
Name: ER03444_3A_prokka|PROKKA_02198
Description: ER03444_3A_prokka|PROKKA_02198
Number of features: 0
Seq('MRMIDIIEKKRDGHTLTTEEINFFIDGYVKGIFLITKHQV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02275
Name: ER03444_3A_prokka|PROKKA_02275
Description: ER03444_3A_prokka|PROKKA_02275
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02289
Name: ER03444_3A_prokka|PROKKA_02289
Description: ER03444_3A_prokka|PROKKA_02289
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02320
Name: ER03444_3A_prokka|PROKKA_02320
Description: ER03444_3A_prokka|PROKKA_02320
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02474
Name: ER03444_3A_prokka|PROKKA_02474
Description: ER03444_3A_prokka|PROKKA_02474
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02519
Name: ER03444_3A_prokka|PROKKA_02519
Description: ER03444_3A_prokka|PROKKA_02519
Number of features: 0
Seq('MAIHGSGTEMIFSKNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02539
Name: ER03444_3A_prokka|PROKKA_02539
Description: ER03444_3A_prokka|PROKKA_02539
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02656
Name: ER03444_3A_prokka|PROKKA_02656
Description: ER03444_3A_prokka|PROKKA_02656
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02669
Name: ER03444_3A_prokka|PROKKA_02669
Description: ER03444_3A_prokka|PROKKA_02669
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02671
Name: ER03444_3A_prokka|PROKKA_02671
Description: ER03444_3A_prokka|PROKKA_02671
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02674
Name: ER03444_3A_prokka|PROKKA_02674
Description: ER03444_3A_prokka|PROKKA_02674
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02681
Name: ER03444_3A_prokka|PROKKA_02681
Description: ER03444_3A_prokka|PROKKA_02681
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02719
Name: ER03444_3A_prokka|PROKKA_02719
Description: ER03444_3A_prokka|PROKKA_02719
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02803
Name: ER03444_3A_prokka|PROKKA_02803
Description: ER03444_3A_prokka|PROKKA_02803
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00002
Name: ER03448_3A_prokka|PROKKA_00002
Description: ER03448_3A_prokka|PROKKA_00002
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00098
Name: ER03448_3A_prokka|PROKKA_00098
Description: ER03448_3A_prokka|PROKKA_00098
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00122
Name: ER03448_3A_prokka|PROKKA_00122
Description: ER03448_3A_prokka|PROKKA_00122
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00124
Name: ER03448_3A_prokka|PROKKA_00124
Description: ER03448_3A_prokka|PROKKA_00124
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00128
Name: ER03448_3A_prokka|PROKKA_00128
Description: ER03448_3A_prokka|PROKKA_00128
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00132
Name: ER03448_3A_prokka|PROKKA_00132
Description: ER03448_3A_prokka|PROKKA_00132
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00269
Name: ER03448_3A_prokka|PROKKA_00269
Description: ER03448_3A_prokka|PROKKA_00269
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00270
Name: ER03448_3A_prokka|PROKKA_00270
Description: ER03448_3A_prokka|PROKKA_00270
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00363
Name: ER03448_3A_prokka|PROKKA_00363
Description: ER03448_3A_prokka|PROKKA_00363
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00364
Name: ER03448_3A_prokka|PROKKA_00364
Description: ER03448_3A_prokka|PROKKA_00364
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00403
Name: ER03448_3A_prokka|PROKKA_00403
Description: ER03448_3A_prokka|PROKKA_00403
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00511
Name: ER03448_3A_prokka|PROKKA_00511
Description: ER03448_3A_prokka|PROKKA_00511
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00555
Name: ER03448_3A_prokka|PROKKA_00555
Description: ER03448_3A_prokka|PROKKA_00555
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00666
Name: ER03448_3A_prokka|PROKKA_00666
Description: ER03448_3A_prokka|PROKKA_00666
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00774
Name: ER03448_3A_prokka|PROKKA_00774
Description: ER03448_3A_prokka|PROKKA_00774
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00810
Name: ER03448_3A_prokka|PROKKA_00810
Description: ER03448_3A_prokka|PROKKA_00810
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00940
Name: ER03448_3A_prokka|PROKKA_00940
Description: ER03448_3A_prokka|PROKKA_00940
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00978
Name: ER03448_3A_prokka|PROKKA_00978
Description: ER03448_3A_prokka|PROKKA_00978
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_01077
Name: ER03448_3A_prokka|PROKKA_01077
Description: ER03448_3A_prokka|PROKKA_01077
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_01129
Name: ER03448_3A_prokka|PROKKA_01129
Description: ER03448_3A_prokka|PROKKA_01129
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_01228
Name: ER03448_3A_prokka|PROKKA_01228
Description: ER03448_3A_prokka|PROKKA_01228
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_01317
Name: ER03448_3A_prokka|PROKKA_01317
Description: ER03448_3A_prokka|PROKKA_01317
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_01338
Name: ER03448_3A_prokka|PROKKA_01338
Description: ER03448_3A_prokka|PROKKA_01338
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_01347
Name: ER03448_3A_prokka|PROKKA_01347
Description: ER03448_3A_prokka|PROKKA_01347
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_01376
Name: ER03448_3A_prokka|PROKKA_01376
Description: ER03448_3A_prokka|PROKKA_01376
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_01464
Name: ER03448_3A_prokka|PROKKA_01464
Description: ER03448_3A_prokka|PROKKA_01464
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_01672
Name: ER03448_3A_prokka|PROKKA_01672
Description: ER03448_3A_prokka|PROKKA_01672
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_01828
Name: ER03448_3A_prokka|PROKKA_01828
Description: ER03448_3A_prokka|PROKKA_01828
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_01859
Name: ER03448_3A_prokka|PROKKA_01859
Description: ER03448_3A_prokka|PROKKA_01859
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_01885
Name: ER03448_3A_prokka|PROKKA_01885
Description: ER03448_3A_prokka|PROKKA_01885
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02005
Name: ER03448_3A_prokka|PROKKA_02005
Description: ER03448_3A_prokka|PROKKA_02005
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02053
Name: ER03448_3A_prokka|PROKKA_02053
Description: ER03448_3A_prokka|PROKKA_02053
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02055
Name: ER03448_3A_prokka|PROKKA_02055
Description: ER03448_3A_prokka|PROKKA_02055
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02085
Name: ER03448_3A_prokka|PROKKA_02085
Description: ER03448_3A_prokka|PROKKA_02085
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02105
Name: ER03448_3A_prokka|PROKKA_02105
Description: ER03448_3A_prokka|PROKKA_02105
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02121
Name: ER03448_3A_prokka|PROKKA_02121
Description: ER03448_3A_prokka|PROKKA_02121
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02126
Name: ER03448_3A_prokka|PROKKA_02126
Description: ER03448_3A_prokka|PROKKA_02126
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02201
Name: ER03448_3A_prokka|PROKKA_02201
Description: ER03448_3A_prokka|PROKKA_02201
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKLDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02217
Name: ER03448_3A_prokka|PROKKA_02217
Description: ER03448_3A_prokka|PROKKA_02217
Number of features: 0
Seq('MVTKEFLKTKLECSDIYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02224
Name: ER03448_3A_prokka|PROKKA_02224
Description: ER03448_3A_prokka|PROKKA_02224
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02233
Name: ER03448_3A_prokka|PROKKA_02233
Description: ER03448_3A_prokka|PROKKA_02233
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02263
Name: ER03448_3A_prokka|PROKKA_02263
Description: ER03448_3A_prokka|PROKKA_02263
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02264
Name: ER03448_3A_prokka|PROKKA_02264
Description: ER03448_3A_prokka|PROKKA_02264
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02266
Name: ER03448_3A_prokka|PROKKA_02266
Description: ER03448_3A_prokka|PROKKA_02266
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02319
Name: ER03448_3A_prokka|PROKKA_02319
Description: ER03448_3A_prokka|PROKKA_02319
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02354
Name: ER03448_3A_prokka|PROKKA_02354
Description: ER03448_3A_prokka|PROKKA_02354
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02373
Name: ER03448_3A_prokka|PROKKA_02373
Description: ER03448_3A_prokka|PROKKA_02373
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02380
Name: ER03448_3A_prokka|PROKKA_02380
Description: ER03448_3A_prokka|PROKKA_02380
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02546
Name: ER03448_3A_prokka|PROKKA_02546
Description: ER03448_3A_prokka|PROKKA_02546
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02617
Name: ER03448_3A_prokka|PROKKA_02617
Description: ER03448_3A_prokka|PROKKA_02617
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02654
Name: ER03448_3A_prokka|PROKKA_02654
Description: ER03448_3A_prokka|PROKKA_02654
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02681
Name: ER03448_3A_prokka|PROKKA_02681
Description: ER03448_3A_prokka|PROKKA_02681
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02709
Name: ER03448_3A_prokka|PROKKA_02709
Description: ER03448_3A_prokka|PROKKA_02709
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02729
Name: ER03448_3A_prokka|PROKKA_02729
Description: ER03448_3A_prokka|PROKKA_02729
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02737
Name: ER03448_3A_prokka|PROKKA_02737
Description: ER03448_3A_prokka|PROKKA_02737
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02786
Name: ER03448_3A_prokka|PROKKA_02786
Description: ER03448_3A_prokka|PROKKA_02786
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02825
Name: ER03448_3A_prokka|PROKKA_02825
Description: ER03448_3A_prokka|PROKKA_02825
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00003
Name: ER03481_3B_prokka|PROKKA_00003
Description: ER03481_3B_prokka|PROKKA_00003
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00018
Name: ER03481_3B_prokka|PROKKA_00018
Description: ER03481_3B_prokka|PROKKA_00018
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00022
Name: ER03481_3B_prokka|PROKKA_00022
Description: ER03481_3B_prokka|PROKKA_00022
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00085
Name: ER03481_3B_prokka|PROKKA_00085
Description: ER03481_3B_prokka|PROKKA_00085
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00103
Name: ER03481_3B_prokka|PROKKA_00103
Description: ER03481_3B_prokka|PROKKA_00103
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00272
Name: ER03481_3B_prokka|PROKKA_00272
Description: ER03481_3B_prokka|PROKKA_00272
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00398
Name: ER03481_3B_prokka|PROKKA_00398
Description: ER03481_3B_prokka|PROKKA_00398
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00415
Name: ER03481_3B_prokka|PROKKA_00415
Description: ER03481_3B_prokka|PROKKA_00415
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00481
Name: ER03481_3B_prokka|PROKKA_00481
Description: ER03481_3B_prokka|PROKKA_00481
Number of features: 0
Seq('MLKENERFDQLIKEDFSIIQNDDVFSFSTDALLLGHFTKPRTKDIVLDLCSGNG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00583
Name: ER03481_3B_prokka|PROKKA_00583
Description: ER03481_3B_prokka|PROKKA_00583
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00652
Name: ER03481_3B_prokka|PROKKA_00652
Description: ER03481_3B_prokka|PROKKA_00652
Number of features: 0
Seq('MPKIILVSHSKEIASGTKSLLKQMAGDVDIIPIGDYQMVQLELHLISSKKF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00701
Name: ER03481_3B_prokka|PROKKA_00701
Description: ER03481_3B_prokka|PROKKA_00701
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00814
Name: ER03481_3B_prokka|PROKKA_00814
Description: ER03481_3B_prokka|PROKKA_00814
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00841
Name: ER03481_3B_prokka|PROKKA_00841
Description: ER03481_3B_prokka|PROKKA_00841
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00946
Name: ER03481_3B_prokka|PROKKA_00946
Description: ER03481_3B_prokka|PROKKA_00946
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00975
Name: ER03481_3B_prokka|PROKKA_00975
Description: ER03481_3B_prokka|PROKKA_00975
Number of features: 0
Seq('MKFAVLVFPGSNCDRDMFNAAIKSGVEAEYVDYRETSLSGFDGVLIPGGFSFGIT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00987
Name: ER03481_3B_prokka|PROKKA_00987
Description: ER03481_3B_prokka|PROKKA_00987
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00988
Name: ER03481_3B_prokka|PROKKA_00988
Description: ER03481_3B_prokka|PROKKA_00988
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01046
Name: ER03481_3B_prokka|PROKKA_01046
Description: ER03481_3B_prokka|PROKKA_01046
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQALINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01047
Name: ER03481_3B_prokka|PROKKA_01047
Description: ER03481_3B_prokka|PROKKA_01047
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01054
Name: ER03481_3B_prokka|PROKKA_01054
Description: ER03481_3B_prokka|PROKKA_01054
Number of features: 0
Seq('MNRLRVIKIALLIVILAEEIRNVRNYKKAVGKPFSRY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01058
Name: ER03481_3B_prokka|PROKKA_01058
Description: ER03481_3B_prokka|PROKKA_01058
Number of features: 0
Seq('MITKEFLKTKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01072
Name: ER03481_3B_prokka|PROKKA_01072
Description: ER03481_3B_prokka|PROKKA_01072
Number of features: 0
Seq('MMWLVIAIILLVILLFGMMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01103
Name: ER03481_3B_prokka|PROKKA_01103
Description: ER03481_3B_prokka|PROKKA_01103
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01104
Name: ER03481_3B_prokka|PROKKA_01104
Description: ER03481_3B_prokka|PROKKA_01104
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01140
Name: ER03481_3B_prokka|PROKKA_01140
Description: ER03481_3B_prokka|PROKKA_01140
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01152
Name: ER03481_3B_prokka|PROKKA_01152
Description: ER03481_3B_prokka|PROKKA_01152
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01153
Name: ER03481_3B_prokka|PROKKA_01153
Description: ER03481_3B_prokka|PROKKA_01153
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01290
Name: ER03481_3B_prokka|PROKKA_01290
Description: ER03481_3B_prokka|PROKKA_01290
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01294
Name: ER03481_3B_prokka|PROKKA_01294
Description: ER03481_3B_prokka|PROKKA_01294
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01318
Name: ER03481_3B_prokka|PROKKA_01318
Description: ER03481_3B_prokka|PROKKA_01318
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01424
Name: ER03481_3B_prokka|PROKKA_01424
Description: ER03481_3B_prokka|PROKKA_01424
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01471
Name: ER03481_3B_prokka|PROKKA_01471
Description: ER03481_3B_prokka|PROKKA_01471
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01479
Name: ER03481_3B_prokka|PROKKA_01479
Description: ER03481_3B_prokka|PROKKA_01479
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01498
Name: ER03481_3B_prokka|PROKKA_01498
Description: ER03481_3B_prokka|PROKKA_01498
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01511
Name: ER03481_3B_prokka|PROKKA_01511
Description: ER03481_3B_prokka|PROKKA_01511
Number of features: 0
Seq('MTIKELEEKFNISRYFVVKHDRDWETGEIIDTCIVLDEYADHINIEVEEVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01517
Name: ER03481_3B_prokka|PROKKA_01517
Description: ER03481_3B_prokka|PROKKA_01517
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01525
Name: ER03481_3B_prokka|PROKKA_01525
Description: ER03481_3B_prokka|PROKKA_01525
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01530
Name: ER03481_3B_prokka|PROKKA_01530
Description: ER03481_3B_prokka|PROKKA_01530
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01557
Name: ER03481_3B_prokka|PROKKA_01557
Description: ER03481_3B_prokka|PROKKA_01557
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01560
Name: ER03481_3B_prokka|PROKKA_01560
Description: ER03481_3B_prokka|PROKKA_01560
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01595
Name: ER03481_3B_prokka|PROKKA_01595
Description: ER03481_3B_prokka|PROKKA_01595
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01668
Name: ER03481_3B_prokka|PROKKA_01668
Description: ER03481_3B_prokka|PROKKA_01668
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01834
Name: ER03481_3B_prokka|PROKKA_01834
Description: ER03481_3B_prokka|PROKKA_01834
Number of features: 0
Seq('MSNQFKSEEERRQWEQFQAFQNQQNQQHQQYGQKKSKKGWFWVVVVV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01840
Name: ER03481_3B_prokka|PROKKA_01840
Description: ER03481_3B_prokka|PROKKA_01840
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01854
Name: ER03481_3B_prokka|PROKKA_01854
Description: ER03481_3B_prokka|PROKKA_01854
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01898
Name: ER03481_3B_prokka|PROKKA_01898
Description: ER03481_3B_prokka|PROKKA_01898
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01950
Name: ER03481_3B_prokka|PROKKA_01950
Description: ER03481_3B_prokka|PROKKA_01950
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02022
Name: ER03481_3B_prokka|PROKKA_02022
Description: ER03481_3B_prokka|PROKKA_02022
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02026
Name: ER03481_3B_prokka|PROKKA_02026
Description: ER03481_3B_prokka|PROKKA_02026
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02042
Name: ER03481_3B_prokka|PROKKA_02042
Description: ER03481_3B_prokka|PROKKA_02042
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02060
Name: ER03481_3B_prokka|PROKKA_02060
Description: ER03481_3B_prokka|PROKKA_02060
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02065
Name: ER03481_3B_prokka|PROKKA_02065
Description: ER03481_3B_prokka|PROKKA_02065
Number of features: 0
Seq('MKLLVTLKDGSKKHVSDLKKIVFPGYEGIETVTKEEIETFFSRPY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02066
Name: ER03481_3B_prokka|PROKKA_02066
Description: ER03481_3B_prokka|PROKKA_02066
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02071
Name: ER03481_3B_prokka|PROKKA_02071
Description: ER03481_3B_prokka|PROKKA_02071
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02087
Name: ER03481_3B_prokka|PROKKA_02087
Description: ER03481_3B_prokka|PROKKA_02087
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02089
Name: ER03481_3B_prokka|PROKKA_02089
Description: ER03481_3B_prokka|PROKKA_02089
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02140
Name: ER03481_3B_prokka|PROKKA_02140
Description: ER03481_3B_prokka|PROKKA_02140
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02267
Name: ER03481_3B_prokka|PROKKA_02267
Description: ER03481_3B_prokka|PROKKA_02267
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02280
Name: ER03481_3B_prokka|PROKKA_02280
Description: ER03481_3B_prokka|PROKKA_02280
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02311
Name: ER03481_3B_prokka|PROKKA_02311
Description: ER03481_3B_prokka|PROKKA_02311
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02457
Name: ER03481_3B_prokka|PROKKA_02457
Description: ER03481_3B_prokka|PROKKA_02457
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02465
Name: ER03481_3B_prokka|PROKKA_02465
Description: ER03481_3B_prokka|PROKKA_02465
Number of features: 0
Seq('MKRLLFVMIAFVFILAACGNNSSKDKEANKDSKTINVGTEGLMHHLVSMIKMVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02467
Name: ER03481_3B_prokka|PROKKA_02467
Description: ER03481_3B_prokka|PROKKA_02467
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02514
Name: ER03481_3B_prokka|PROKKA_02514
Description: ER03481_3B_prokka|PROKKA_02514
Number of features: 0
Seq('MKGAMAWPFLRLYILTLMFFSANAILNVFIPLRGHDLGATNTVIGIVMGHTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02533
Name: ER03481_3B_prokka|PROKKA_02533
Description: ER03481_3B_prokka|PROKKA_02533
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02644
Name: ER03481_3B_prokka|PROKKA_02644
Description: ER03481_3B_prokka|PROKKA_02644
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02683
Name: ER03481_3B_prokka|PROKKA_02683
Description: ER03481_3B_prokka|PROKKA_02683
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02767
Name: ER03481_3B_prokka|PROKKA_02767
Description: ER03481_3B_prokka|PROKKA_02767
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00016
Name: ER03489_3B_prokka|PROKKA_00016
Description: ER03489_3B_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00025
Name: ER03489_3B_prokka|PROKKA_00025
Description: ER03489_3B_prokka|PROKKA_00025
Number of features: 0
Seq('MEQYTIKFNQINHKLTDLRSLNIGHLYAYQFEKIALIGVMVLAKPHY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00061
Name: ER03489_3B_prokka|PROKKA_00061
Description: ER03489_3B_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00070
Name: ER03489_3B_prokka|PROKKA_00070
Description: ER03489_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00080
Name: ER03489_3B_prokka|PROKKA_00080
Description: ER03489_3B_prokka|PROKKA_00080
Number of features: 0
Seq('MELKLLNKLDDDQLDLEFLQDNGLKGNVQGPMTLKEPLKSYIQKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00093
Name: ER03489_3B_prokka|PROKKA_00093
Description: ER03489_3B_prokka|PROKKA_00093
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00187
Name: ER03489_3B_prokka|PROKKA_00187
Description: ER03489_3B_prokka|PROKKA_00187
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00236
Name: ER03489_3B_prokka|PROKKA_00236
Description: ER03489_3B_prokka|PROKKA_00236
Number of features: 0
Seq('MKGALIDDLKIQNLRGERTINDAAKYNSKEKTGASPYEGIRTCL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00291
Name: ER03489_3B_prokka|PROKKA_00291
Description: ER03489_3B_prokka|PROKKA_00291
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00330
Name: ER03489_3B_prokka|PROKKA_00330
Description: ER03489_3B_prokka|PROKKA_00330
Number of features: 0
Seq('MSVGAFLTLGFVIFSIHKGRRTKNESARKSNI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00346
Name: ER03489_3B_prokka|PROKKA_00346
Description: ER03489_3B_prokka|PROKKA_00346
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00447
Name: ER03489_3B_prokka|PROKKA_00447
Description: ER03489_3B_prokka|PROKKA_00447
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00487
Name: ER03489_3B_prokka|PROKKA_00487
Description: ER03489_3B_prokka|PROKKA_00487
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00513
Name: ER03489_3B_prokka|PROKKA_00513
Description: ER03489_3B_prokka|PROKKA_00513
Number of features: 0
Seq('MYISRLVKPIGIKVTRLAQGLSVGGDLEYADEVTLSKAIAGRTEM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00620
Name: ER03489_3B_prokka|PROKKA_00620
Description: ER03489_3B_prokka|PROKKA_00620
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00656
Name: ER03489_3B_prokka|PROKKA_00656
Description: ER03489_3B_prokka|PROKKA_00656
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00763
Name: ER03489_3B_prokka|PROKKA_00763
Description: ER03489_3B_prokka|PROKKA_00763
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00880
Name: ER03489_3B_prokka|PROKKA_00880
Description: ER03489_3B_prokka|PROKKA_00880
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00906
Name: ER03489_3B_prokka|PROKKA_00906
Description: ER03489_3B_prokka|PROKKA_00906
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01015
Name: ER03489_3B_prokka|PROKKA_01015
Description: ER03489_3B_prokka|PROKKA_01015
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01057
Name: ER03489_3B_prokka|PROKKA_01057
Description: ER03489_3B_prokka|PROKKA_01057
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01138
Name: ER03489_3B_prokka|PROKKA_01138
Description: ER03489_3B_prokka|PROKKA_01138
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01151
Name: ER03489_3B_prokka|PROKKA_01151
Description: ER03489_3B_prokka|PROKKA_01151
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01152
Name: ER03489_3B_prokka|PROKKA_01152
Description: ER03489_3B_prokka|PROKKA_01152
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01295
Name: ER03489_3B_prokka|PROKKA_01295
Description: ER03489_3B_prokka|PROKKA_01295
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01299
Name: ER03489_3B_prokka|PROKKA_01299
Description: ER03489_3B_prokka|PROKKA_01299
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01303
Name: ER03489_3B_prokka|PROKKA_01303
Description: ER03489_3B_prokka|PROKKA_01303
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01305
Name: ER03489_3B_prokka|PROKKA_01305
Description: ER03489_3B_prokka|PROKKA_01305
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01329
Name: ER03489_3B_prokka|PROKKA_01329
Description: ER03489_3B_prokka|PROKKA_01329
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01356
Name: ER03489_3B_prokka|PROKKA_01356
Description: ER03489_3B_prokka|PROKKA_01356
Number of features: 0
Seq('MMPIVNVKLLEGRSDEQLKNLVSEVTDAVEKTTGQIDKQFTLL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01397
Name: ER03489_3B_prokka|PROKKA_01397
Description: ER03489_3B_prokka|PROKKA_01397
Number of features: 0
Seq('MRHIHLQVFGRVQGVGFRYFTQRIAMNYNIVGTVQNVDDYVEIYAQGMTQI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01414
Name: ER03489_3B_prokka|PROKKA_01414
Description: ER03489_3B_prokka|PROKKA_01414
Number of features: 0
Seq('MIRLGKMSDLDQILNLVEEAKELMKEHDNEQWTISTHF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01428
Name: ER03489_3B_prokka|PROKKA_01428
Description: ER03489_3B_prokka|PROKKA_01428
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01441
Name: ER03489_3B_prokka|PROKKA_01441
Description: ER03489_3B_prokka|PROKKA_01441
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01490
Name: ER03489_3B_prokka|PROKKA_01490
Description: ER03489_3B_prokka|PROKKA_01490
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01500
Name: ER03489_3B_prokka|PROKKA_01500
Description: ER03489_3B_prokka|PROKKA_01500
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01520
Name: ER03489_3B_prokka|PROKKA_01520
Description: ER03489_3B_prokka|PROKKA_01520
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01548
Name: ER03489_3B_prokka|PROKKA_01548
Description: ER03489_3B_prokka|PROKKA_01548
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01575
Name: ER03489_3B_prokka|PROKKA_01575
Description: ER03489_3B_prokka|PROKKA_01575
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01613
Name: ER03489_3B_prokka|PROKKA_01613
Description: ER03489_3B_prokka|PROKKA_01613
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01687
Name: ER03489_3B_prokka|PROKKA_01687
Description: ER03489_3B_prokka|PROKKA_01687
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01738
Name: ER03489_3B_prokka|PROKKA_01738
Description: ER03489_3B_prokka|PROKKA_01738
Number of features: 0
Seq('MSKVQNESNNVVKRGLKDRHISMIAIGVVLVQVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01765
Name: ER03489_3B_prokka|PROKKA_01765
Description: ER03489_3B_prokka|PROKKA_01765
Number of features: 0
Seq('MTKHEQILDYIESLSIGSKISVRKIAKFLNVSEGQHIVQLKMLIKWAWSQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01824
Name: ER03489_3B_prokka|PROKKA_01824
Description: ER03489_3B_prokka|PROKKA_01824
Number of features: 0
Seq('MIVHRITGDGPIDIMVGPMWSVNKWEVLNGIDAELARRNSYQGLRYKSKVKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01864
Name: ER03489_3B_prokka|PROKKA_01864
Description: ER03489_3B_prokka|PROKKA_01864
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01872
Name: ER03489_3B_prokka|PROKKA_01872
Description: ER03489_3B_prokka|PROKKA_01872
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01892
Name: ER03489_3B_prokka|PROKKA_01892
Description: ER03489_3B_prokka|PROKKA_01892
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01929
Name: ER03489_3B_prokka|PROKKA_01929
Description: ER03489_3B_prokka|PROKKA_01929
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01982
Name: ER03489_3B_prokka|PROKKA_01982
Description: ER03489_3B_prokka|PROKKA_01982
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02054
Name: ER03489_3B_prokka|PROKKA_02054
Description: ER03489_3B_prokka|PROKKA_02054
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02056
Name: ER03489_3B_prokka|PROKKA_02056
Description: ER03489_3B_prokka|PROKKA_02056
Number of features: 0
Seq('MLSEKSFGSNYFNVDSGYSELIIQPENVFDTTVKWQDRYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02059
Name: ER03489_3B_prokka|PROKKA_02059
Description: ER03489_3B_prokka|PROKKA_02059
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02075
Name: ER03489_3B_prokka|PROKKA_02075
Description: ER03489_3B_prokka|PROKKA_02075
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02095
Name: ER03489_3B_prokka|PROKKA_02095
Description: ER03489_3B_prokka|PROKKA_02095
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02128
Name: ER03489_3B_prokka|PROKKA_02128
Description: ER03489_3B_prokka|PROKKA_02128
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02130
Name: ER03489_3B_prokka|PROKKA_02130
Description: ER03489_3B_prokka|PROKKA_02130
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02180
Name: ER03489_3B_prokka|PROKKA_02180
Description: ER03489_3B_prokka|PROKKA_02180
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02301
Name: ER03489_3B_prokka|PROKKA_02301
Description: ER03489_3B_prokka|PROKKA_02301
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02326
Name: ER03489_3B_prokka|PROKKA_02326
Description: ER03489_3B_prokka|PROKKA_02326
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02347
Name: ER03489_3B_prokka|PROKKA_02347
Description: ER03489_3B_prokka|PROKKA_02347
Number of features: 0
Seq('MAIKKYKPITNGRRNMTSLDFAEITKTTPEKSLLKPLPKKADVTTKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02359
Name: ER03489_3B_prokka|PROKKA_02359
Description: ER03489_3B_prokka|PROKKA_02359
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02446
Name: ER03489_3B_prokka|PROKKA_02446
Description: ER03489_3B_prokka|PROKKA_02446
Number of features: 0
Seq('MEQLPQVGFMKSFVLFWKNYVNFKGDQDVVNIGIWHYGI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02464
Name: ER03489_3B_prokka|PROKKA_02464
Description: ER03489_3B_prokka|PROKKA_02464
Number of features: 0
Seq('MALVVEDIVKNFGEGLSETKVLKGINFEVEQGNLSF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02525
Name: ER03489_3B_prokka|PROKKA_02525
Description: ER03489_3B_prokka|PROKKA_02525
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02548
Name: ER03489_3B_prokka|PROKKA_02548
Description: ER03489_3B_prokka|PROKKA_02548
Number of features: 0
Seq('MKIGTIADLHIDRHNKKTSEDYLEALVEIVKYKKLDILLIAGISQIIIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02574
Name: ER03489_3B_prokka|PROKKA_02574
Description: ER03489_3B_prokka|PROKKA_02574
Number of features: 0
Seq('MKGAMAWPFLRLYILTLMFFSANAILNVFIPLRGHDLGATNTVIGIVMGHTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02737
Name: ER03489_3B_prokka|PROKKA_02737
Description: ER03489_3B_prokka|PROKKA_02737
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02826
Name: ER03489_3B_prokka|PROKKA_02826
Description: ER03489_3B_prokka|PROKKA_02826
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00020
Name: ER03493_3B_prokka|PROKKA_00020
Description: ER03493_3B_prokka|PROKKA_00020
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00060
Name: ER03493_3B_prokka|PROKKA_00060
Description: ER03493_3B_prokka|PROKKA_00060
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00069
Name: ER03493_3B_prokka|PROKKA_00069
Description: ER03493_3B_prokka|PROKKA_00069
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00090
Name: ER03493_3B_prokka|PROKKA_00090
Description: ER03493_3B_prokka|PROKKA_00090
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00179
Name: ER03493_3B_prokka|PROKKA_00179
Description: ER03493_3B_prokka|PROKKA_00179
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00279
Name: ER03493_3B_prokka|PROKKA_00279
Description: ER03493_3B_prokka|PROKKA_00279
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00332
Name: ER03493_3B_prokka|PROKKA_00332
Description: ER03493_3B_prokka|PROKKA_00332
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00431
Name: ER03493_3B_prokka|PROKKA_00431
Description: ER03493_3B_prokka|PROKKA_00431
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00469
Name: ER03493_3B_prokka|PROKKA_00469
Description: ER03493_3B_prokka|PROKKA_00469
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00599
Name: ER03493_3B_prokka|PROKKA_00599
Description: ER03493_3B_prokka|PROKKA_00599
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00635
Name: ER03493_3B_prokka|PROKKA_00635
Description: ER03493_3B_prokka|PROKKA_00635
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00742
Name: ER03493_3B_prokka|PROKKA_00742
Description: ER03493_3B_prokka|PROKKA_00742
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00853
Name: ER03493_3B_prokka|PROKKA_00853
Description: ER03493_3B_prokka|PROKKA_00853
Number of features: 0
Seq('MKEKLLGTIIWSIATYYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00897
Name: ER03493_3B_prokka|PROKKA_00897
Description: ER03493_3B_prokka|PROKKA_00897
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01005
Name: ER03493_3B_prokka|PROKKA_01005
Description: ER03493_3B_prokka|PROKKA_01005
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01044
Name: ER03493_3B_prokka|PROKKA_01044
Description: ER03493_3B_prokka|PROKKA_01044
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01124
Name: ER03493_3B_prokka|PROKKA_01124
Description: ER03493_3B_prokka|PROKKA_01124
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01137
Name: ER03493_3B_prokka|PROKKA_01137
Description: ER03493_3B_prokka|PROKKA_01137
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01138
Name: ER03493_3B_prokka|PROKKA_01138
Description: ER03493_3B_prokka|PROKKA_01138
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01273
Name: ER03493_3B_prokka|PROKKA_01273
Description: ER03493_3B_prokka|PROKKA_01273
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01277
Name: ER03493_3B_prokka|PROKKA_01277
Description: ER03493_3B_prokka|PROKKA_01277
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01281
Name: ER03493_3B_prokka|PROKKA_01281
Description: ER03493_3B_prokka|PROKKA_01281
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01283
Name: ER03493_3B_prokka|PROKKA_01283
Description: ER03493_3B_prokka|PROKKA_01283
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01307
Name: ER03493_3B_prokka|PROKKA_01307
Description: ER03493_3B_prokka|PROKKA_01307
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01401
Name: ER03493_3B_prokka|PROKKA_01401
Description: ER03493_3B_prokka|PROKKA_01401
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01413
Name: ER03493_3B_prokka|PROKKA_01413
Description: ER03493_3B_prokka|PROKKA_01413
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01462
Name: ER03493_3B_prokka|PROKKA_01462
Description: ER03493_3B_prokka|PROKKA_01462
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01470
Name: ER03493_3B_prokka|PROKKA_01470
Description: ER03493_3B_prokka|PROKKA_01470
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01490
Name: ER03493_3B_prokka|PROKKA_01490
Description: ER03493_3B_prokka|PROKKA_01490
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01518
Name: ER03493_3B_prokka|PROKKA_01518
Description: ER03493_3B_prokka|PROKKA_01518
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01545
Name: ER03493_3B_prokka|PROKKA_01545
Description: ER03493_3B_prokka|PROKKA_01545
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01582
Name: ER03493_3B_prokka|PROKKA_01582
Description: ER03493_3B_prokka|PROKKA_01582
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01653
Name: ER03493_3B_prokka|PROKKA_01653
Description: ER03493_3B_prokka|PROKKA_01653
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01780
Name: ER03493_3B_prokka|PROKKA_01780
Description: ER03493_3B_prokka|PROKKA_01780
Number of features: 0
Seq('MIVHRITGDGPIDIMVGPMWSVNKWEVLNGIDAELARRNSYQGLRYKSKVKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01820
Name: ER03493_3B_prokka|PROKKA_01820
Description: ER03493_3B_prokka|PROKKA_01820
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01827
Name: ER03493_3B_prokka|PROKKA_01827
Description: ER03493_3B_prokka|PROKKA_01827
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01846
Name: ER03493_3B_prokka|PROKKA_01846
Description: ER03493_3B_prokka|PROKKA_01846
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01882
Name: ER03493_3B_prokka|PROKKA_01882
Description: ER03493_3B_prokka|PROKKA_01882
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01887
Name: ER03493_3B_prokka|PROKKA_01887
Description: ER03493_3B_prokka|PROKKA_01887
Number of features: 0
Seq('MPVIKINNLNKVFGDNEVLKDINLEINQGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01935
Name: ER03493_3B_prokka|PROKKA_01935
Description: ER03493_3B_prokka|PROKKA_01935
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01937
Name: ER03493_3B_prokka|PROKKA_01937
Description: ER03493_3B_prokka|PROKKA_01937
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01938
Name: ER03493_3B_prokka|PROKKA_01938
Description: ER03493_3B_prokka|PROKKA_01938
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01968
Name: ER03493_3B_prokka|PROKKA_01968
Description: ER03493_3B_prokka|PROKKA_01968
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01977
Name: ER03493_3B_prokka|PROKKA_01977
Description: ER03493_3B_prokka|PROKKA_01977
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01984
Name: ER03493_3B_prokka|PROKKA_01984
Description: ER03493_3B_prokka|PROKKA_01984
Number of features: 0
Seq('MVTKEFLKTKLECSDIYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02002
Name: ER03493_3B_prokka|PROKKA_02002
Description: ER03493_3B_prokka|PROKKA_02002
Number of features: 0
Seq('MRKYNFDKFFLYMAVLSLPIVIFFPLMLSIPIIFFIFSIRKKED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02078
Name: ER03493_3B_prokka|PROKKA_02078
Description: ER03493_3B_prokka|PROKKA_02078
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02082
Name: ER03493_3B_prokka|PROKKA_02082
Description: ER03493_3B_prokka|PROKKA_02082
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02098
Name: ER03493_3B_prokka|PROKKA_02098
Description: ER03493_3B_prokka|PROKKA_02098
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02118
Name: ER03493_3B_prokka|PROKKA_02118
Description: ER03493_3B_prokka|PROKKA_02118
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02149
Name: ER03493_3B_prokka|PROKKA_02149
Description: ER03493_3B_prokka|PROKKA_02149
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02151
Name: ER03493_3B_prokka|PROKKA_02151
Description: ER03493_3B_prokka|PROKKA_02151
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02200
Name: ER03493_3B_prokka|PROKKA_02200
Description: ER03493_3B_prokka|PROKKA_02200
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02320
Name: ER03493_3B_prokka|PROKKA_02320
Description: ER03493_3B_prokka|PROKKA_02320
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02344
Name: ER03493_3B_prokka|PROKKA_02344
Description: ER03493_3B_prokka|PROKKA_02344
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02375
Name: ER03493_3B_prokka|PROKKA_02375
Description: ER03493_3B_prokka|PROKKA_02375
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02530
Name: ER03493_3B_prokka|PROKKA_02530
Description: ER03493_3B_prokka|PROKKA_02530
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02708
Name: ER03493_3B_prokka|PROKKA_02708
Description: ER03493_3B_prokka|PROKKA_02708
Number of features: 0
Seq('MINAEPIISKMKNQKINYDKVLKKLIGQWEREAIRPKILLHSCCAPCSTYT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02743
Name: ER03493_3B_prokka|PROKKA_02743
Description: ER03493_3B_prokka|PROKKA_02743
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02830
Name: ER03493_3B_prokka|PROKKA_02830
Description: ER03493_3B_prokka|PROKKA_02830
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00039
Name: ER03544_3B_prokka|PROKKA_00039
Description: ER03544_3B_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00042
Name: ER03544_3B_prokka|PROKKA_00042
Description: ER03544_3B_prokka|PROKKA_00042
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00046
Name: ER03544_3B_prokka|PROKKA_00046
Description: ER03544_3B_prokka|PROKKA_00046
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00067
Name: ER03544_3B_prokka|PROKKA_00067
Description: ER03544_3B_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00085
Name: ER03544_3B_prokka|PROKKA_00085
Description: ER03544_3B_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00208
Name: ER03544_3B_prokka|PROKKA_00208
Description: ER03544_3B_prokka|PROKKA_00208
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00252
Name: ER03544_3B_prokka|PROKKA_00252
Description: ER03544_3B_prokka|PROKKA_00252
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00376
Name: ER03544_3B_prokka|PROKKA_00376
Description: ER03544_3B_prokka|PROKKA_00376
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00393
Name: ER03544_3B_prokka|PROKKA_00393
Description: ER03544_3B_prokka|PROKKA_00393
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00559
Name: ER03544_3B_prokka|PROKKA_00559
Description: ER03544_3B_prokka|PROKKA_00559
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00788
Name: ER03544_3B_prokka|PROKKA_00788
Description: ER03544_3B_prokka|PROKKA_00788
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00819
Name: ER03544_3B_prokka|PROKKA_00819
Description: ER03544_3B_prokka|PROKKA_00819
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00823
Name: ER03544_3B_prokka|PROKKA_00823
Description: ER03544_3B_prokka|PROKKA_00823
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00839
Name: ER03544_3B_prokka|PROKKA_00839
Description: ER03544_3B_prokka|PROKKA_00839
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00869
Name: ER03544_3B_prokka|PROKKA_00869
Description: ER03544_3B_prokka|PROKKA_00869
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00870
Name: ER03544_3B_prokka|PROKKA_00870
Description: ER03544_3B_prokka|PROKKA_00870
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00872
Name: ER03544_3B_prokka|PROKKA_00872
Description: ER03544_3B_prokka|PROKKA_00872
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00924
Name: ER03544_3B_prokka|PROKKA_00924
Description: ER03544_3B_prokka|PROKKA_00924
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00966
Name: ER03544_3B_prokka|PROKKA_00966
Description: ER03544_3B_prokka|PROKKA_00966
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00980
Name: ER03544_3B_prokka|PROKKA_00980
Description: ER03544_3B_prokka|PROKKA_00980
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01149
Name: ER03544_3B_prokka|PROKKA_01149
Description: ER03544_3B_prokka|PROKKA_01149
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01223
Name: ER03544_3B_prokka|PROKKA_01223
Description: ER03544_3B_prokka|PROKKA_01223
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01258
Name: ER03544_3B_prokka|PROKKA_01258
Description: ER03544_3B_prokka|PROKKA_01258
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01261
Name: ER03544_3B_prokka|PROKKA_01261
Description: ER03544_3B_prokka|PROKKA_01261
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01288
Name: ER03544_3B_prokka|PROKKA_01288
Description: ER03544_3B_prokka|PROKKA_01288
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01293
Name: ER03544_3B_prokka|PROKKA_01293
Description: ER03544_3B_prokka|PROKKA_01293
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01301
Name: ER03544_3B_prokka|PROKKA_01301
Description: ER03544_3B_prokka|PROKKA_01301
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01316
Name: ER03544_3B_prokka|PROKKA_01316
Description: ER03544_3B_prokka|PROKKA_01316
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01335
Name: ER03544_3B_prokka|PROKKA_01335
Description: ER03544_3B_prokka|PROKKA_01335
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01343
Name: ER03544_3B_prokka|PROKKA_01343
Description: ER03544_3B_prokka|PROKKA_01343
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01390
Name: ER03544_3B_prokka|PROKKA_01390
Description: ER03544_3B_prokka|PROKKA_01390
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01402
Name: ER03544_3B_prokka|PROKKA_01402
Description: ER03544_3B_prokka|PROKKA_01402
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01496
Name: ER03544_3B_prokka|PROKKA_01496
Description: ER03544_3B_prokka|PROKKA_01496
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01520
Name: ER03544_3B_prokka|PROKKA_01520
Description: ER03544_3B_prokka|PROKKA_01520
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01524
Name: ER03544_3B_prokka|PROKKA_01524
Description: ER03544_3B_prokka|PROKKA_01524
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01661
Name: ER03544_3B_prokka|PROKKA_01661
Description: ER03544_3B_prokka|PROKKA_01661
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01662
Name: ER03544_3B_prokka|PROKKA_01662
Description: ER03544_3B_prokka|PROKKA_01662
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01674
Name: ER03544_3B_prokka|PROKKA_01674
Description: ER03544_3B_prokka|PROKKA_01674
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01756
Name: ER03544_3B_prokka|PROKKA_01756
Description: ER03544_3B_prokka|PROKKA_01756
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01757
Name: ER03544_3B_prokka|PROKKA_01757
Description: ER03544_3B_prokka|PROKKA_01757
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01774
Name: ER03544_3B_prokka|PROKKA_01774
Description: ER03544_3B_prokka|PROKKA_01774
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01797
Name: ER03544_3B_prokka|PROKKA_01797
Description: ER03544_3B_prokka|PROKKA_01797
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01903
Name: ER03544_3B_prokka|PROKKA_01903
Description: ER03544_3B_prokka|PROKKA_01903
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01918
Name: ER03544_3B_prokka|PROKKA_01918
Description: ER03544_3B_prokka|PROKKA_01918
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01919
Name: ER03544_3B_prokka|PROKKA_01919
Description: ER03544_3B_prokka|PROKKA_01919
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01950
Name: ER03544_3B_prokka|PROKKA_01950
Description: ER03544_3B_prokka|PROKKA_01950
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01972
Name: ER03544_3B_prokka|PROKKA_01972
Description: ER03544_3B_prokka|PROKKA_01972
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01977
Name: ER03544_3B_prokka|PROKKA_01977
Description: ER03544_3B_prokka|PROKKA_01977
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02053
Name: ER03544_3B_prokka|PROKKA_02053
Description: ER03544_3B_prokka|PROKKA_02053
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02057
Name: ER03544_3B_prokka|PROKKA_02057
Description: ER03544_3B_prokka|PROKKA_02057
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02073
Name: ER03544_3B_prokka|PROKKA_02073
Description: ER03544_3B_prokka|PROKKA_02073
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02091
Name: ER03544_3B_prokka|PROKKA_02091
Description: ER03544_3B_prokka|PROKKA_02091
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02117
Name: ER03544_3B_prokka|PROKKA_02117
Description: ER03544_3B_prokka|PROKKA_02117
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02119
Name: ER03544_3B_prokka|PROKKA_02119
Description: ER03544_3B_prokka|PROKKA_02119
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02171
Name: ER03544_3B_prokka|PROKKA_02171
Description: ER03544_3B_prokka|PROKKA_02171
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02279
Name: ER03544_3B_prokka|PROKKA_02279
Description: ER03544_3B_prokka|PROKKA_02279
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02298
Name: ER03544_3B_prokka|PROKKA_02298
Description: ER03544_3B_prokka|PROKKA_02298
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02311
Name: ER03544_3B_prokka|PROKKA_02311
Description: ER03544_3B_prokka|PROKKA_02311
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02343
Name: ER03544_3B_prokka|PROKKA_02343
Description: ER03544_3B_prokka|PROKKA_02343
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02488
Name: ER03544_3B_prokka|PROKKA_02488
Description: ER03544_3B_prokka|PROKKA_02488
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02497
Name: ER03544_3B_prokka|PROKKA_02497
Description: ER03544_3B_prokka|PROKKA_02497
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02561
Name: ER03544_3B_prokka|PROKKA_02561
Description: ER03544_3B_prokka|PROKKA_02561
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02669
Name: ER03544_3B_prokka|PROKKA_02669
Description: ER03544_3B_prokka|PROKKA_02669
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02707
Name: ER03544_3B_prokka|PROKKA_02707
Description: ER03544_3B_prokka|PROKKA_02707
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02791
Name: ER03544_3B_prokka|PROKKA_02791
Description: ER03544_3B_prokka|PROKKA_02791
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02807
Name: ER03544_3B_prokka|PROKKA_02807
Description: ER03544_3B_prokka|PROKKA_02807
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00016
Name: ER03556_3B_prokka|PROKKA_00016
Description: ER03556_3B_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00067
Name: ER03556_3B_prokka|PROKKA_00067
Description: ER03556_3B_prokka|PROKKA_00067
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00070
Name: ER03556_3B_prokka|PROKKA_00070
Description: ER03556_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00074
Name: ER03556_3B_prokka|PROKKA_00074
Description: ER03556_3B_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00095
Name: ER03556_3B_prokka|PROKKA_00095
Description: ER03556_3B_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00113
Name: ER03556_3B_prokka|PROKKA_00113
Description: ER03556_3B_prokka|PROKKA_00113
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00236
Name: ER03556_3B_prokka|PROKKA_00236
Description: ER03556_3B_prokka|PROKKA_00236
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00280
Name: ER03556_3B_prokka|PROKKA_00280
Description: ER03556_3B_prokka|PROKKA_00280
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00404
Name: ER03556_3B_prokka|PROKKA_00404
Description: ER03556_3B_prokka|PROKKA_00404
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00421
Name: ER03556_3B_prokka|PROKKA_00421
Description: ER03556_3B_prokka|PROKKA_00421
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00587
Name: ER03556_3B_prokka|PROKKA_00587
Description: ER03556_3B_prokka|PROKKA_00587
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00817
Name: ER03556_3B_prokka|PROKKA_00817
Description: ER03556_3B_prokka|PROKKA_00817
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00848
Name: ER03556_3B_prokka|PROKKA_00848
Description: ER03556_3B_prokka|PROKKA_00848
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00852
Name: ER03556_3B_prokka|PROKKA_00852
Description: ER03556_3B_prokka|PROKKA_00852
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00868
Name: ER03556_3B_prokka|PROKKA_00868
Description: ER03556_3B_prokka|PROKKA_00868
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00899
Name: ER03556_3B_prokka|PROKKA_00899
Description: ER03556_3B_prokka|PROKKA_00899
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00900
Name: ER03556_3B_prokka|PROKKA_00900
Description: ER03556_3B_prokka|PROKKA_00900
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00915
Name: ER03556_3B_prokka|PROKKA_00915
Description: ER03556_3B_prokka|PROKKA_00915
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01021
Name: ER03556_3B_prokka|PROKKA_01021
Description: ER03556_3B_prokka|PROKKA_01021
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01060
Name: ER03556_3B_prokka|PROKKA_01060
Description: ER03556_3B_prokka|PROKKA_01060
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01061
Name: ER03556_3B_prokka|PROKKA_01061
Description: ER03556_3B_prokka|PROKKA_01061
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01143
Name: ER03556_3B_prokka|PROKKA_01143
Description: ER03556_3B_prokka|PROKKA_01143
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01155
Name: ER03556_3B_prokka|PROKKA_01155
Description: ER03556_3B_prokka|PROKKA_01155
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01156
Name: ER03556_3B_prokka|PROKKA_01156
Description: ER03556_3B_prokka|PROKKA_01156
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01292
Name: ER03556_3B_prokka|PROKKA_01292
Description: ER03556_3B_prokka|PROKKA_01292
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01296
Name: ER03556_3B_prokka|PROKKA_01296
Description: ER03556_3B_prokka|PROKKA_01296
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01320
Name: ER03556_3B_prokka|PROKKA_01320
Description: ER03556_3B_prokka|PROKKA_01320
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01414
Name: ER03556_3B_prokka|PROKKA_01414
Description: ER03556_3B_prokka|PROKKA_01414
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01426
Name: ER03556_3B_prokka|PROKKA_01426
Description: ER03556_3B_prokka|PROKKA_01426
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01473
Name: ER03556_3B_prokka|PROKKA_01473
Description: ER03556_3B_prokka|PROKKA_01473
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01481
Name: ER03556_3B_prokka|PROKKA_01481
Description: ER03556_3B_prokka|PROKKA_01481
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01500
Name: ER03556_3B_prokka|PROKKA_01500
Description: ER03556_3B_prokka|PROKKA_01500
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01515
Name: ER03556_3B_prokka|PROKKA_01515
Description: ER03556_3B_prokka|PROKKA_01515
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01523
Name: ER03556_3B_prokka|PROKKA_01523
Description: ER03556_3B_prokka|PROKKA_01523
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01528
Name: ER03556_3B_prokka|PROKKA_01528
Description: ER03556_3B_prokka|PROKKA_01528
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01555
Name: ER03556_3B_prokka|PROKKA_01555
Description: ER03556_3B_prokka|PROKKA_01555
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01558
Name: ER03556_3B_prokka|PROKKA_01558
Description: ER03556_3B_prokka|PROKKA_01558
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01593
Name: ER03556_3B_prokka|PROKKA_01593
Description: ER03556_3B_prokka|PROKKA_01593
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01667
Name: ER03556_3B_prokka|PROKKA_01667
Description: ER03556_3B_prokka|PROKKA_01667
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01837
Name: ER03556_3B_prokka|PROKKA_01837
Description: ER03556_3B_prokka|PROKKA_01837
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01851
Name: ER03556_3B_prokka|PROKKA_01851
Description: ER03556_3B_prokka|PROKKA_01851
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01893
Name: ER03556_3B_prokka|PROKKA_01893
Description: ER03556_3B_prokka|PROKKA_01893
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01945
Name: ER03556_3B_prokka|PROKKA_01945
Description: ER03556_3B_prokka|PROKKA_01945
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01947
Name: ER03556_3B_prokka|PROKKA_01947
Description: ER03556_3B_prokka|PROKKA_01947
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01948
Name: ER03556_3B_prokka|PROKKA_01948
Description: ER03556_3B_prokka|PROKKA_01948
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01978
Name: ER03556_3B_prokka|PROKKA_01978
Description: ER03556_3B_prokka|PROKKA_01978
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02000
Name: ER03556_3B_prokka|PROKKA_02000
Description: ER03556_3B_prokka|PROKKA_02000
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02005
Name: ER03556_3B_prokka|PROKKA_02005
Description: ER03556_3B_prokka|PROKKA_02005
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02081
Name: ER03556_3B_prokka|PROKKA_02081
Description: ER03556_3B_prokka|PROKKA_02081
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02085
Name: ER03556_3B_prokka|PROKKA_02085
Description: ER03556_3B_prokka|PROKKA_02085
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02101
Name: ER03556_3B_prokka|PROKKA_02101
Description: ER03556_3B_prokka|PROKKA_02101
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02119
Name: ER03556_3B_prokka|PROKKA_02119
Description: ER03556_3B_prokka|PROKKA_02119
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02145
Name: ER03556_3B_prokka|PROKKA_02145
Description: ER03556_3B_prokka|PROKKA_02145
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02147
Name: ER03556_3B_prokka|PROKKA_02147
Description: ER03556_3B_prokka|PROKKA_02147
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02199
Name: ER03556_3B_prokka|PROKKA_02199
Description: ER03556_3B_prokka|PROKKA_02199
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02307
Name: ER03556_3B_prokka|PROKKA_02307
Description: ER03556_3B_prokka|PROKKA_02307
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02326
Name: ER03556_3B_prokka|PROKKA_02326
Description: ER03556_3B_prokka|PROKKA_02326
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02340
Name: ER03556_3B_prokka|PROKKA_02340
Description: ER03556_3B_prokka|PROKKA_02340
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02372
Name: ER03556_3B_prokka|PROKKA_02372
Description: ER03556_3B_prokka|PROKKA_02372
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02517
Name: ER03556_3B_prokka|PROKKA_02517
Description: ER03556_3B_prokka|PROKKA_02517
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02526
Name: ER03556_3B_prokka|PROKKA_02526
Description: ER03556_3B_prokka|PROKKA_02526
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02590
Name: ER03556_3B_prokka|PROKKA_02590
Description: ER03556_3B_prokka|PROKKA_02590
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02698
Name: ER03556_3B_prokka|PROKKA_02698
Description: ER03556_3B_prokka|PROKKA_02698
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02736
Name: ER03556_3B_prokka|PROKKA_02736
Description: ER03556_3B_prokka|PROKKA_02736
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02820
Name: ER03556_3B_prokka|PROKKA_02820
Description: ER03556_3B_prokka|PROKKA_02820
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00003
Name: ER03588_3B_prokka|PROKKA_00003
Description: ER03588_3B_prokka|PROKKA_00003
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00013
Name: ER03588_3B_prokka|PROKKA_00013
Description: ER03588_3B_prokka|PROKKA_00013
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00017
Name: ER03588_3B_prokka|PROKKA_00017
Description: ER03588_3B_prokka|PROKKA_00017
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00083
Name: ER03588_3B_prokka|PROKKA_00083
Description: ER03588_3B_prokka|PROKKA_00083
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00101
Name: ER03588_3B_prokka|PROKKA_00101
Description: ER03588_3B_prokka|PROKKA_00101
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00267
Name: ER03588_3B_prokka|PROKKA_00267
Description: ER03588_3B_prokka|PROKKA_00267
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00393
Name: ER03588_3B_prokka|PROKKA_00393
Description: ER03588_3B_prokka|PROKKA_00393
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00410
Name: ER03588_3B_prokka|PROKKA_00410
Description: ER03588_3B_prokka|PROKKA_00410
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00579
Name: ER03588_3B_prokka|PROKKA_00579
Description: ER03588_3B_prokka|PROKKA_00579
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00807
Name: ER03588_3B_prokka|PROKKA_00807
Description: ER03588_3B_prokka|PROKKA_00807
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00838
Name: ER03588_3B_prokka|PROKKA_00838
Description: ER03588_3B_prokka|PROKKA_00838
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00842
Name: ER03588_3B_prokka|PROKKA_00842
Description: ER03588_3B_prokka|PROKKA_00842
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00858
Name: ER03588_3B_prokka|PROKKA_00858
Description: ER03588_3B_prokka|PROKKA_00858
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00889
Name: ER03588_3B_prokka|PROKKA_00889
Description: ER03588_3B_prokka|PROKKA_00889
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00890
Name: ER03588_3B_prokka|PROKKA_00890
Description: ER03588_3B_prokka|PROKKA_00890
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00905
Name: ER03588_3B_prokka|PROKKA_00905
Description: ER03588_3B_prokka|PROKKA_00905
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01010
Name: ER03588_3B_prokka|PROKKA_01010
Description: ER03588_3B_prokka|PROKKA_01010
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01050
Name: ER03588_3B_prokka|PROKKA_01050
Description: ER03588_3B_prokka|PROKKA_01050
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01108
Name: ER03588_3B_prokka|PROKKA_01108
Description: ER03588_3B_prokka|PROKKA_01108
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01109
Name: ER03588_3B_prokka|PROKKA_01109
Description: ER03588_3B_prokka|PROKKA_01109
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01118
Name: ER03588_3B_prokka|PROKKA_01118
Description: ER03588_3B_prokka|PROKKA_01118
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01119
Name: ER03588_3B_prokka|PROKKA_01119
Description: ER03588_3B_prokka|PROKKA_01119
Number of features: 0
Seq('MPKEKYYLYREDGTEDIKVIKYKDNVNEVYSLTGAHFSDEKKIMTDIVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01142
Name: ER03588_3B_prokka|PROKKA_01142
Description: ER03588_3B_prokka|PROKKA_01142
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01199
Name: ER03588_3B_prokka|PROKKA_01199
Description: ER03588_3B_prokka|PROKKA_01199
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01211
Name: ER03588_3B_prokka|PROKKA_01211
Description: ER03588_3B_prokka|PROKKA_01211
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01212
Name: ER03588_3B_prokka|PROKKA_01212
Description: ER03588_3B_prokka|PROKKA_01212
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01348
Name: ER03588_3B_prokka|PROKKA_01348
Description: ER03588_3B_prokka|PROKKA_01348
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01352
Name: ER03588_3B_prokka|PROKKA_01352
Description: ER03588_3B_prokka|PROKKA_01352
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01376
Name: ER03588_3B_prokka|PROKKA_01376
Description: ER03588_3B_prokka|PROKKA_01376
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01480
Name: ER03588_3B_prokka|PROKKA_01480
Description: ER03588_3B_prokka|PROKKA_01480
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01527
Name: ER03588_3B_prokka|PROKKA_01527
Description: ER03588_3B_prokka|PROKKA_01527
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01535
Name: ER03588_3B_prokka|PROKKA_01535
Description: ER03588_3B_prokka|PROKKA_01535
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01554
Name: ER03588_3B_prokka|PROKKA_01554
Description: ER03588_3B_prokka|PROKKA_01554
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEEPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01576
Name: ER03588_3B_prokka|PROKKA_01576
Description: ER03588_3B_prokka|PROKKA_01576
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01584
Name: ER03588_3B_prokka|PROKKA_01584
Description: ER03588_3B_prokka|PROKKA_01584
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01589
Name: ER03588_3B_prokka|PROKKA_01589
Description: ER03588_3B_prokka|PROKKA_01589
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASQKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01616
Name: ER03588_3B_prokka|PROKKA_01616
Description: ER03588_3B_prokka|PROKKA_01616
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01619
Name: ER03588_3B_prokka|PROKKA_01619
Description: ER03588_3B_prokka|PROKKA_01619
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01654
Name: ER03588_3B_prokka|PROKKA_01654
Description: ER03588_3B_prokka|PROKKA_01654
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01726
Name: ER03588_3B_prokka|PROKKA_01726
Description: ER03588_3B_prokka|PROKKA_01726
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01896
Name: ER03588_3B_prokka|PROKKA_01896
Description: ER03588_3B_prokka|PROKKA_01896
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01911
Name: ER03588_3B_prokka|PROKKA_01911
Description: ER03588_3B_prokka|PROKKA_01911
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01953
Name: ER03588_3B_prokka|PROKKA_01953
Description: ER03588_3B_prokka|PROKKA_01953
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02005
Name: ER03588_3B_prokka|PROKKA_02005
Description: ER03588_3B_prokka|PROKKA_02005
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02079
Name: ER03588_3B_prokka|PROKKA_02079
Description: ER03588_3B_prokka|PROKKA_02079
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02083
Name: ER03588_3B_prokka|PROKKA_02083
Description: ER03588_3B_prokka|PROKKA_02083
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02099
Name: ER03588_3B_prokka|PROKKA_02099
Description: ER03588_3B_prokka|PROKKA_02099
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02117
Name: ER03588_3B_prokka|PROKKA_02117
Description: ER03588_3B_prokka|PROKKA_02117
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02143
Name: ER03588_3B_prokka|PROKKA_02143
Description: ER03588_3B_prokka|PROKKA_02143
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02145
Name: ER03588_3B_prokka|PROKKA_02145
Description: ER03588_3B_prokka|PROKKA_02145
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02196
Name: ER03588_3B_prokka|PROKKA_02196
Description: ER03588_3B_prokka|PROKKA_02196
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02318
Name: ER03588_3B_prokka|PROKKA_02318
Description: ER03588_3B_prokka|PROKKA_02318
Number of features: 0
Seq('MSIYGKISFIKMIDFKKGVSLQKKFNEVLGNIESSNMYRDNIDFDDIELHWIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02322
Name: ER03588_3B_prokka|PROKKA_02322
Description: ER03588_3B_prokka|PROKKA_02322
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02335
Name: ER03588_3B_prokka|PROKKA_02335
Description: ER03588_3B_prokka|PROKKA_02335
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02366
Name: ER03588_3B_prokka|PROKKA_02366
Description: ER03588_3B_prokka|PROKKA_02366
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02519
Name: ER03588_3B_prokka|PROKKA_02519
Description: ER03588_3B_prokka|PROKKA_02519
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02583
Name: ER03588_3B_prokka|PROKKA_02583
Description: ER03588_3B_prokka|PROKKA_02583
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02692
Name: ER03588_3B_prokka|PROKKA_02692
Description: ER03588_3B_prokka|PROKKA_02692
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02730
Name: ER03588_3B_prokka|PROKKA_02730
Description: ER03588_3B_prokka|PROKKA_02730
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02814
Name: ER03588_3B_prokka|PROKKA_02814
Description: ER03588_3B_prokka|PROKKA_02814
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00035
Name: ER03710_3B_prokka|PROKKA_00035
Description: ER03710_3B_prokka|PROKKA_00035
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00051
Name: ER03710_3B_prokka|PROKKA_00051
Description: ER03710_3B_prokka|PROKKA_00051
Number of features: 0
Seq('MNNWIKVAQISVIVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00141
Name: ER03710_3B_prokka|PROKKA_00141
Description: ER03710_3B_prokka|PROKKA_00141
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00200
Name: ER03710_3B_prokka|PROKKA_00200
Description: ER03710_3B_prokka|PROKKA_00200
Number of features: 0
Seq('MRQAVVNAIDQDQFIKFYRGDKFKIASPITPLVDTGNEQRQDLEKVEKAINQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00240
Name: ER03710_3B_prokka|PROKKA_00240
Description: ER03710_3B_prokka|PROKKA_00240
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00385
Name: ER03710_3B_prokka|PROKKA_00385
Description: ER03710_3B_prokka|PROKKA_00385
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00422
Name: ER03710_3B_prokka|PROKKA_00422
Description: ER03710_3B_prokka|PROKKA_00422
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00552
Name: ER03710_3B_prokka|PROKKA_00552
Description: ER03710_3B_prokka|PROKKA_00552
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00588
Name: ER03710_3B_prokka|PROKKA_00588
Description: ER03710_3B_prokka|PROKKA_00588
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00758
Name: ER03710_3B_prokka|PROKKA_00758
Description: ER03710_3B_prokka|PROKKA_00758
Number of features: 0
Seq('MINLSITIQAIKAAHGAYLTLPILIVIIGSVALAIYMLVVSIKRKSTFNR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00791
Name: ER03710_3B_prokka|PROKKA_00791
Description: ER03710_3B_prokka|PROKKA_00791
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00817
Name: ER03710_3B_prokka|PROKKA_00817
Description: ER03710_3B_prokka|PROKKA_00817
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00926
Name: ER03710_3B_prokka|PROKKA_00926
Description: ER03710_3B_prokka|PROKKA_00926
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00965
Name: ER03710_3B_prokka|PROKKA_00965
Description: ER03710_3B_prokka|PROKKA_00965
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01044
Name: ER03710_3B_prokka|PROKKA_01044
Description: ER03710_3B_prokka|PROKKA_01044
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01056
Name: ER03710_3B_prokka|PROKKA_01056
Description: ER03710_3B_prokka|PROKKA_01056
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01057
Name: ER03710_3B_prokka|PROKKA_01057
Description: ER03710_3B_prokka|PROKKA_01057
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01192
Name: ER03710_3B_prokka|PROKKA_01192
Description: ER03710_3B_prokka|PROKKA_01192
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01196
Name: ER03710_3B_prokka|PROKKA_01196
Description: ER03710_3B_prokka|PROKKA_01196
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01200
Name: ER03710_3B_prokka|PROKKA_01200
Description: ER03710_3B_prokka|PROKKA_01200
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01202
Name: ER03710_3B_prokka|PROKKA_01202
Description: ER03710_3B_prokka|PROKKA_01202
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01226
Name: ER03710_3B_prokka|PROKKA_01226
Description: ER03710_3B_prokka|PROKKA_01226
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01319
Name: ER03710_3B_prokka|PROKKA_01319
Description: ER03710_3B_prokka|PROKKA_01319
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01332
Name: ER03710_3B_prokka|PROKKA_01332
Description: ER03710_3B_prokka|PROKKA_01332
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01399
Name: ER03710_3B_prokka|PROKKA_01399
Description: ER03710_3B_prokka|PROKKA_01399
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01436
Name: ER03710_3B_prokka|PROKKA_01436
Description: ER03710_3B_prokka|PROKKA_01436
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01507
Name: ER03710_3B_prokka|PROKKA_01507
Description: ER03710_3B_prokka|PROKKA_01507
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01679
Name: ER03710_3B_prokka|PROKKA_01679
Description: ER03710_3B_prokka|PROKKA_01679
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01699
Name: ER03710_3B_prokka|PROKKA_01699
Description: ER03710_3B_prokka|PROKKA_01699
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01734
Name: ER03710_3B_prokka|PROKKA_01734
Description: ER03710_3B_prokka|PROKKA_01734
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01785
Name: ER03710_3B_prokka|PROKKA_01785
Description: ER03710_3B_prokka|PROKKA_01785
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01865
Name: ER03710_3B_prokka|PROKKA_01865
Description: ER03710_3B_prokka|PROKKA_01865
Number of features: 0
Seq('MKDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01869
Name: ER03710_3B_prokka|PROKKA_01869
Description: ER03710_3B_prokka|PROKKA_01869
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01885
Name: ER03710_3B_prokka|PROKKA_01885
Description: ER03710_3B_prokka|PROKKA_01885
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01903
Name: ER03710_3B_prokka|PROKKA_01903
Description: ER03710_3B_prokka|PROKKA_01903
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01933
Name: ER03710_3B_prokka|PROKKA_01933
Description: ER03710_3B_prokka|PROKKA_01933
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01935
Name: ER03710_3B_prokka|PROKKA_01935
Description: ER03710_3B_prokka|PROKKA_01935
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01984
Name: ER03710_3B_prokka|PROKKA_01984
Description: ER03710_3B_prokka|PROKKA_01984
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_02103
Name: ER03710_3B_prokka|PROKKA_02103
Description: ER03710_3B_prokka|PROKKA_02103
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_02128
Name: ER03710_3B_prokka|PROKKA_02128
Description: ER03710_3B_prokka|PROKKA_02128
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_02159
Name: ER03710_3B_prokka|PROKKA_02159
Description: ER03710_3B_prokka|PROKKA_02159
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_02314
Name: ER03710_3B_prokka|PROKKA_02314
Description: ER03710_3B_prokka|PROKKA_02314
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_02522
Name: ER03710_3B_prokka|PROKKA_02522
Description: ER03710_3B_prokka|PROKKA_02522
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_02609
Name: ER03710_3B_prokka|PROKKA_02609
Description: ER03710_3B_prokka|PROKKA_02609
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00016
Name: ER03717_3B_prokka|PROKKA_00016
Description: ER03717_3B_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00067
Name: ER03717_3B_prokka|PROKKA_00067
Description: ER03717_3B_prokka|PROKKA_00067
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00070
Name: ER03717_3B_prokka|PROKKA_00070
Description: ER03717_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00074
Name: ER03717_3B_prokka|PROKKA_00074
Description: ER03717_3B_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00095
Name: ER03717_3B_prokka|PROKKA_00095
Description: ER03717_3B_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00113
Name: ER03717_3B_prokka|PROKKA_00113
Description: ER03717_3B_prokka|PROKKA_00113
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00280
Name: ER03717_3B_prokka|PROKKA_00280
Description: ER03717_3B_prokka|PROKKA_00280
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00404
Name: ER03717_3B_prokka|PROKKA_00404
Description: ER03717_3B_prokka|PROKKA_00404
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00421
Name: ER03717_3B_prokka|PROKKA_00421
Description: ER03717_3B_prokka|PROKKA_00421
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00587
Name: ER03717_3B_prokka|PROKKA_00587
Description: ER03717_3B_prokka|PROKKA_00587
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00816
Name: ER03717_3B_prokka|PROKKA_00816
Description: ER03717_3B_prokka|PROKKA_00816
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00847
Name: ER03717_3B_prokka|PROKKA_00847
Description: ER03717_3B_prokka|PROKKA_00847
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00851
Name: ER03717_3B_prokka|PROKKA_00851
Description: ER03717_3B_prokka|PROKKA_00851
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00867
Name: ER03717_3B_prokka|PROKKA_00867
Description: ER03717_3B_prokka|PROKKA_00867
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00897
Name: ER03717_3B_prokka|PROKKA_00897
Description: ER03717_3B_prokka|PROKKA_00897
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00898
Name: ER03717_3B_prokka|PROKKA_00898
Description: ER03717_3B_prokka|PROKKA_00898
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00900
Name: ER03717_3B_prokka|PROKKA_00900
Description: ER03717_3B_prokka|PROKKA_00900
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00952
Name: ER03717_3B_prokka|PROKKA_00952
Description: ER03717_3B_prokka|PROKKA_00952
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00994
Name: ER03717_3B_prokka|PROKKA_00994
Description: ER03717_3B_prokka|PROKKA_00994
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01008
Name: ER03717_3B_prokka|PROKKA_01008
Description: ER03717_3B_prokka|PROKKA_01008
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01177
Name: ER03717_3B_prokka|PROKKA_01177
Description: ER03717_3B_prokka|PROKKA_01177
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01251
Name: ER03717_3B_prokka|PROKKA_01251
Description: ER03717_3B_prokka|PROKKA_01251
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01286
Name: ER03717_3B_prokka|PROKKA_01286
Description: ER03717_3B_prokka|PROKKA_01286
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01289
Name: ER03717_3B_prokka|PROKKA_01289
Description: ER03717_3B_prokka|PROKKA_01289
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01316
Name: ER03717_3B_prokka|PROKKA_01316
Description: ER03717_3B_prokka|PROKKA_01316
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01321
Name: ER03717_3B_prokka|PROKKA_01321
Description: ER03717_3B_prokka|PROKKA_01321
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01329
Name: ER03717_3B_prokka|PROKKA_01329
Description: ER03717_3B_prokka|PROKKA_01329
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01344
Name: ER03717_3B_prokka|PROKKA_01344
Description: ER03717_3B_prokka|PROKKA_01344
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01363
Name: ER03717_3B_prokka|PROKKA_01363
Description: ER03717_3B_prokka|PROKKA_01363
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01371
Name: ER03717_3B_prokka|PROKKA_01371
Description: ER03717_3B_prokka|PROKKA_01371
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01418
Name: ER03717_3B_prokka|PROKKA_01418
Description: ER03717_3B_prokka|PROKKA_01418
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01430
Name: ER03717_3B_prokka|PROKKA_01430
Description: ER03717_3B_prokka|PROKKA_01430
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01523
Name: ER03717_3B_prokka|PROKKA_01523
Description: ER03717_3B_prokka|PROKKA_01523
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01547
Name: ER03717_3B_prokka|PROKKA_01547
Description: ER03717_3B_prokka|PROKKA_01547
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01551
Name: ER03717_3B_prokka|PROKKA_01551
Description: ER03717_3B_prokka|PROKKA_01551
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01687
Name: ER03717_3B_prokka|PROKKA_01687
Description: ER03717_3B_prokka|PROKKA_01687
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01688
Name: ER03717_3B_prokka|PROKKA_01688
Description: ER03717_3B_prokka|PROKKA_01688
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01700
Name: ER03717_3B_prokka|PROKKA_01700
Description: ER03717_3B_prokka|PROKKA_01700
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01782
Name: ER03717_3B_prokka|PROKKA_01782
Description: ER03717_3B_prokka|PROKKA_01782
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01783
Name: ER03717_3B_prokka|PROKKA_01783
Description: ER03717_3B_prokka|PROKKA_01783
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01800
Name: ER03717_3B_prokka|PROKKA_01800
Description: ER03717_3B_prokka|PROKKA_01800
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01823
Name: ER03717_3B_prokka|PROKKA_01823
Description: ER03717_3B_prokka|PROKKA_01823
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01929
Name: ER03717_3B_prokka|PROKKA_01929
Description: ER03717_3B_prokka|PROKKA_01929
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01944
Name: ER03717_3B_prokka|PROKKA_01944
Description: ER03717_3B_prokka|PROKKA_01944
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01945
Name: ER03717_3B_prokka|PROKKA_01945
Description: ER03717_3B_prokka|PROKKA_01945
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01976
Name: ER03717_3B_prokka|PROKKA_01976
Description: ER03717_3B_prokka|PROKKA_01976
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01998
Name: ER03717_3B_prokka|PROKKA_01998
Description: ER03717_3B_prokka|PROKKA_01998
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02003
Name: ER03717_3B_prokka|PROKKA_02003
Description: ER03717_3B_prokka|PROKKA_02003
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02079
Name: ER03717_3B_prokka|PROKKA_02079
Description: ER03717_3B_prokka|PROKKA_02079
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02083
Name: ER03717_3B_prokka|PROKKA_02083
Description: ER03717_3B_prokka|PROKKA_02083
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02099
Name: ER03717_3B_prokka|PROKKA_02099
Description: ER03717_3B_prokka|PROKKA_02099
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02117
Name: ER03717_3B_prokka|PROKKA_02117
Description: ER03717_3B_prokka|PROKKA_02117
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02143
Name: ER03717_3B_prokka|PROKKA_02143
Description: ER03717_3B_prokka|PROKKA_02143
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02145
Name: ER03717_3B_prokka|PROKKA_02145
Description: ER03717_3B_prokka|PROKKA_02145
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02197
Name: ER03717_3B_prokka|PROKKA_02197
Description: ER03717_3B_prokka|PROKKA_02197
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02305
Name: ER03717_3B_prokka|PROKKA_02305
Description: ER03717_3B_prokka|PROKKA_02305
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02324
Name: ER03717_3B_prokka|PROKKA_02324
Description: ER03717_3B_prokka|PROKKA_02324
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02337
Name: ER03717_3B_prokka|PROKKA_02337
Description: ER03717_3B_prokka|PROKKA_02337
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02369
Name: ER03717_3B_prokka|PROKKA_02369
Description: ER03717_3B_prokka|PROKKA_02369
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02514
Name: ER03717_3B_prokka|PROKKA_02514
Description: ER03717_3B_prokka|PROKKA_02514
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02523
Name: ER03717_3B_prokka|PROKKA_02523
Description: ER03717_3B_prokka|PROKKA_02523
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02587
Name: ER03717_3B_prokka|PROKKA_02587
Description: ER03717_3B_prokka|PROKKA_02587
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02695
Name: ER03717_3B_prokka|PROKKA_02695
Description: ER03717_3B_prokka|PROKKA_02695
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02733
Name: ER03717_3B_prokka|PROKKA_02733
Description: ER03717_3B_prokka|PROKKA_02733
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02817
Name: ER03717_3B_prokka|PROKKA_02817
Description: ER03717_3B_prokka|PROKKA_02817
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00029
Name: ER03720_3B_prokka|PROKKA_00029
Description: ER03720_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00038
Name: ER03720_3B_prokka|PROKKA_00038
Description: ER03720_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00059
Name: ER03720_3B_prokka|PROKKA_00059
Description: ER03720_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00148
Name: ER03720_3B_prokka|PROKKA_00148
Description: ER03720_3B_prokka|PROKKA_00148
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00190
Name: ER03720_3B_prokka|PROKKA_00190
Description: ER03720_3B_prokka|PROKKA_00190
Number of features: 0
Seq('MNSIIELTDYYSSNNYAPLKLVISKGKGVKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00249
Name: ER03720_3B_prokka|PROKKA_00249
Description: ER03720_3B_prokka|PROKKA_00249
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00301
Name: ER03720_3B_prokka|PROKKA_00301
Description: ER03720_3B_prokka|PROKKA_00301
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00400
Name: ER03720_3B_prokka|PROKKA_00400
Description: ER03720_3B_prokka|PROKKA_00400
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00438
Name: ER03720_3B_prokka|PROKKA_00438
Description: ER03720_3B_prokka|PROKKA_00438
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00568
Name: ER03720_3B_prokka|PROKKA_00568
Description: ER03720_3B_prokka|PROKKA_00568
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00604
Name: ER03720_3B_prokka|PROKKA_00604
Description: ER03720_3B_prokka|PROKKA_00604
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00822
Name: ER03720_3B_prokka|PROKKA_00822
Description: ER03720_3B_prokka|PROKKA_00822
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00866
Name: ER03720_3B_prokka|PROKKA_00866
Description: ER03720_3B_prokka|PROKKA_00866
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00974
Name: ER03720_3B_prokka|PROKKA_00974
Description: ER03720_3B_prokka|PROKKA_00974
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01013
Name: ER03720_3B_prokka|PROKKA_01013
Description: ER03720_3B_prokka|PROKKA_01013
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01093
Name: ER03720_3B_prokka|PROKKA_01093
Description: ER03720_3B_prokka|PROKKA_01093
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01106
Name: ER03720_3B_prokka|PROKKA_01106
Description: ER03720_3B_prokka|PROKKA_01106
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01107
Name: ER03720_3B_prokka|PROKKA_01107
Description: ER03720_3B_prokka|PROKKA_01107
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01242
Name: ER03720_3B_prokka|PROKKA_01242
Description: ER03720_3B_prokka|PROKKA_01242
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01246
Name: ER03720_3B_prokka|PROKKA_01246
Description: ER03720_3B_prokka|PROKKA_01246
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01250
Name: ER03720_3B_prokka|PROKKA_01250
Description: ER03720_3B_prokka|PROKKA_01250
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01252
Name: ER03720_3B_prokka|PROKKA_01252
Description: ER03720_3B_prokka|PROKKA_01252
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01276
Name: ER03720_3B_prokka|PROKKA_01276
Description: ER03720_3B_prokka|PROKKA_01276
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01371
Name: ER03720_3B_prokka|PROKKA_01371
Description: ER03720_3B_prokka|PROKKA_01371
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01383
Name: ER03720_3B_prokka|PROKKA_01383
Description: ER03720_3B_prokka|PROKKA_01383
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01432
Name: ER03720_3B_prokka|PROKKA_01432
Description: ER03720_3B_prokka|PROKKA_01432
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01440
Name: ER03720_3B_prokka|PROKKA_01440
Description: ER03720_3B_prokka|PROKKA_01440
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01460
Name: ER03720_3B_prokka|PROKKA_01460
Description: ER03720_3B_prokka|PROKKA_01460
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01488
Name: ER03720_3B_prokka|PROKKA_01488
Description: ER03720_3B_prokka|PROKKA_01488
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01515
Name: ER03720_3B_prokka|PROKKA_01515
Description: ER03720_3B_prokka|PROKKA_01515
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01552
Name: ER03720_3B_prokka|PROKKA_01552
Description: ER03720_3B_prokka|PROKKA_01552
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01623
Name: ER03720_3B_prokka|PROKKA_01623
Description: ER03720_3B_prokka|PROKKA_01623
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01788
Name: ER03720_3B_prokka|PROKKA_01788
Description: ER03720_3B_prokka|PROKKA_01788
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01795
Name: ER03720_3B_prokka|PROKKA_01795
Description: ER03720_3B_prokka|PROKKA_01795
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01814
Name: ER03720_3B_prokka|PROKKA_01814
Description: ER03720_3B_prokka|PROKKA_01814
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01849
Name: ER03720_3B_prokka|PROKKA_01849
Description: ER03720_3B_prokka|PROKKA_01849
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01902
Name: ER03720_3B_prokka|PROKKA_01902
Description: ER03720_3B_prokka|PROKKA_01902
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01932
Name: ER03720_3B_prokka|PROKKA_01932
Description: ER03720_3B_prokka|PROKKA_01932
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGEVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01949
Name: ER03720_3B_prokka|PROKKA_01949
Description: ER03720_3B_prokka|PROKKA_01949
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01958
Name: ER03720_3B_prokka|PROKKA_01958
Description: ER03720_3B_prokka|PROKKA_01958
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01966
Name: ER03720_3B_prokka|PROKKA_01966
Description: ER03720_3B_prokka|PROKKA_01966
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELSKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02040
Name: ER03720_3B_prokka|PROKKA_02040
Description: ER03720_3B_prokka|PROKKA_02040
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02044
Name: ER03720_3B_prokka|PROKKA_02044
Description: ER03720_3B_prokka|PROKKA_02044
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02060
Name: ER03720_3B_prokka|PROKKA_02060
Description: ER03720_3B_prokka|PROKKA_02060
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02080
Name: ER03720_3B_prokka|PROKKA_02080
Description: ER03720_3B_prokka|PROKKA_02080
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02110
Name: ER03720_3B_prokka|PROKKA_02110
Description: ER03720_3B_prokka|PROKKA_02110
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02112
Name: ER03720_3B_prokka|PROKKA_02112
Description: ER03720_3B_prokka|PROKKA_02112
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02161
Name: ER03720_3B_prokka|PROKKA_02161
Description: ER03720_3B_prokka|PROKKA_02161
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02281
Name: ER03720_3B_prokka|PROKKA_02281
Description: ER03720_3B_prokka|PROKKA_02281
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02306
Name: ER03720_3B_prokka|PROKKA_02306
Description: ER03720_3B_prokka|PROKKA_02306
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02337
Name: ER03720_3B_prokka|PROKKA_02337
Description: ER03720_3B_prokka|PROKKA_02337
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02491
Name: ER03720_3B_prokka|PROKKA_02491
Description: ER03720_3B_prokka|PROKKA_02491
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02700
Name: ER03720_3B_prokka|PROKKA_02700
Description: ER03720_3B_prokka|PROKKA_02700
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02787
Name: ER03720_3B_prokka|PROKKA_02787
Description: ER03720_3B_prokka|PROKKA_02787
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02817
Name: ER03720_3B_prokka|PROKKA_02817
Description: ER03720_3B_prokka|PROKKA_02817
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00050
Name: ER03737_3B_prokka|PROKKA_00050
Description: ER03737_3B_prokka|PROKKA_00050
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00068
Name: ER03737_3B_prokka|PROKKA_00068
Description: ER03737_3B_prokka|PROKKA_00068
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00235
Name: ER03737_3B_prokka|PROKKA_00235
Description: ER03737_3B_prokka|PROKKA_00235
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00308
Name: ER03737_3B_prokka|PROKKA_00308
Description: ER03737_3B_prokka|PROKKA_00308
Number of features: 0
Seq('MKRLLSLLLASALILSACGSNDGDKKGESKKTEKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00313
Name: ER03737_3B_prokka|PROKKA_00313
Description: ER03737_3B_prokka|PROKKA_00313
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00319
Name: ER03737_3B_prokka|PROKKA_00319
Description: ER03737_3B_prokka|PROKKA_00319
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00343
Name: ER03737_3B_prokka|PROKKA_00343
Description: ER03737_3B_prokka|PROKKA_00343
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00426
Name: ER03737_3B_prokka|PROKKA_00426
Description: ER03737_3B_prokka|PROKKA_00426
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00443
Name: ER03737_3B_prokka|PROKKA_00443
Description: ER03737_3B_prokka|PROKKA_00443
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00610
Name: ER03737_3B_prokka|PROKKA_00610
Description: ER03737_3B_prokka|PROKKA_00610
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00727
Name: ER03737_3B_prokka|PROKKA_00727
Description: ER03737_3B_prokka|PROKKA_00727
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00838
Name: ER03737_3B_prokka|PROKKA_00838
Description: ER03737_3B_prokka|PROKKA_00838
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00865
Name: ER03737_3B_prokka|PROKKA_00865
Description: ER03737_3B_prokka|PROKKA_00865
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00956
Name: ER03737_3B_prokka|PROKKA_00956
Description: ER03737_3B_prokka|PROKKA_00956
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00962
Name: ER03737_3B_prokka|PROKKA_00962
Description: ER03737_3B_prokka|PROKKA_00962
Number of features: 0
Seq('MLQKFRIAKEKSKLKLNLLKHANSNLETRNNPELLRAVAELLKEINR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00968
Name: ER03737_3B_prokka|PROKKA_00968
Description: ER03737_3B_prokka|PROKKA_00968
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00978
Name: ER03737_3B_prokka|PROKKA_00978
Description: ER03737_3B_prokka|PROKKA_00978
Number of features: 0
Seq('MKIKIEKEMNLPELIQWAWDNPSYQVIKDSIQMMLSATVL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00986
Name: ER03737_3B_prokka|PROKKA_00986
Description: ER03737_3B_prokka|PROKKA_00986
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01006
Name: ER03737_3B_prokka|PROKKA_01006
Description: ER03737_3B_prokka|PROKKA_01006
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01034
Name: ER03737_3B_prokka|PROKKA_01034
Description: ER03737_3B_prokka|PROKKA_01034
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01063
Name: ER03737_3B_prokka|PROKKA_01063
Description: ER03737_3B_prokka|PROKKA_01063
Number of features: 0
Seq('MKFAVLVFPGSNCDRDMFNAAIKSGVEAEYVDYRETSLSGFDGVLIPGGFSFGIT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01074
Name: ER03737_3B_prokka|PROKKA_01074
Description: ER03737_3B_prokka|PROKKA_01074
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01075
Name: ER03737_3B_prokka|PROKKA_01075
Description: ER03737_3B_prokka|PROKKA_01075
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01158
Name: ER03737_3B_prokka|PROKKA_01158
Description: ER03737_3B_prokka|PROKKA_01158
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01170
Name: ER03737_3B_prokka|PROKKA_01170
Description: ER03737_3B_prokka|PROKKA_01170
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01171
Name: ER03737_3B_prokka|PROKKA_01171
Description: ER03737_3B_prokka|PROKKA_01171
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01308
Name: ER03737_3B_prokka|PROKKA_01308
Description: ER03737_3B_prokka|PROKKA_01308
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01312
Name: ER03737_3B_prokka|PROKKA_01312
Description: ER03737_3B_prokka|PROKKA_01312
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01336
Name: ER03737_3B_prokka|PROKKA_01336
Description: ER03737_3B_prokka|PROKKA_01336
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01430
Name: ER03737_3B_prokka|PROKKA_01430
Description: ER03737_3B_prokka|PROKKA_01430
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01444
Name: ER03737_3B_prokka|PROKKA_01444
Description: ER03737_3B_prokka|PROKKA_01444
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01466
Name: ER03737_3B_prokka|PROKKA_01466
Description: ER03737_3B_prokka|PROKKA_01466
Number of features: 0
Seq('MRYLTSGESHGPQLTVIVEGIPANLEIKVEDINKEMFKRQGVMVVADACKLRKIQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01511
Name: ER03737_3B_prokka|PROKKA_01511
Description: ER03737_3B_prokka|PROKKA_01511
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01514
Name: ER03737_3B_prokka|PROKKA_01514
Description: ER03737_3B_prokka|PROKKA_01514
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01549
Name: ER03737_3B_prokka|PROKKA_01549
Description: ER03737_3B_prokka|PROKKA_01549
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01621
Name: ER03737_3B_prokka|PROKKA_01621
Description: ER03737_3B_prokka|PROKKA_01621
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01789
Name: ER03737_3B_prokka|PROKKA_01789
Description: ER03737_3B_prokka|PROKKA_01789
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01803
Name: ER03737_3B_prokka|PROKKA_01803
Description: ER03737_3B_prokka|PROKKA_01803
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01845
Name: ER03737_3B_prokka|PROKKA_01845
Description: ER03737_3B_prokka|PROKKA_01845
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01897
Name: ER03737_3B_prokka|PROKKA_01897
Description: ER03737_3B_prokka|PROKKA_01897
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01969
Name: ER03737_3B_prokka|PROKKA_01969
Description: ER03737_3B_prokka|PROKKA_01969
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01973
Name: ER03737_3B_prokka|PROKKA_01973
Description: ER03737_3B_prokka|PROKKA_01973
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01989
Name: ER03737_3B_prokka|PROKKA_01989
Description: ER03737_3B_prokka|PROKKA_01989
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02007
Name: ER03737_3B_prokka|PROKKA_02007
Description: ER03737_3B_prokka|PROKKA_02007
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02013
Name: ER03737_3B_prokka|PROKKA_02013
Description: ER03737_3B_prokka|PROKKA_02013
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02018
Name: ER03737_3B_prokka|PROKKA_02018
Description: ER03737_3B_prokka|PROKKA_02018
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02034
Name: ER03737_3B_prokka|PROKKA_02034
Description: ER03737_3B_prokka|PROKKA_02034
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02036
Name: ER03737_3B_prokka|PROKKA_02036
Description: ER03737_3B_prokka|PROKKA_02036
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02087
Name: ER03737_3B_prokka|PROKKA_02087
Description: ER03737_3B_prokka|PROKKA_02087
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02213
Name: ER03737_3B_prokka|PROKKA_02213
Description: ER03737_3B_prokka|PROKKA_02213
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02226
Name: ER03737_3B_prokka|PROKKA_02226
Description: ER03737_3B_prokka|PROKKA_02226
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02257
Name: ER03737_3B_prokka|PROKKA_02257
Description: ER03737_3B_prokka|PROKKA_02257
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02403
Name: ER03737_3B_prokka|PROKKA_02403
Description: ER03737_3B_prokka|PROKKA_02403
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02412
Name: ER03737_3B_prokka|PROKKA_02412
Description: ER03737_3B_prokka|PROKKA_02412
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02476
Name: ER03737_3B_prokka|PROKKA_02476
Description: ER03737_3B_prokka|PROKKA_02476
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02585
Name: ER03737_3B_prokka|PROKKA_02585
Description: ER03737_3B_prokka|PROKKA_02585
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02623
Name: ER03737_3B_prokka|PROKKA_02623
Description: ER03737_3B_prokka|PROKKA_02623
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02707
Name: ER03737_3B_prokka|PROKKA_02707
Description: ER03737_3B_prokka|PROKKA_02707
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00004
Name: ER03750_3B_prokka|PROKKA_00004
Description: ER03750_3B_prokka|PROKKA_00004
Number of features: 0
Seq('MKVTNTIRFEEEKKNLIDNVVNTLEEYKDVIDSELRTIRNTNHLVMRNNLVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00068
Name: ER03750_3B_prokka|PROKKA_00068
Description: ER03750_3B_prokka|PROKKA_00068
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00077
Name: ER03750_3B_prokka|PROKKA_00077
Description: ER03750_3B_prokka|PROKKA_00077
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00166
Name: ER03750_3B_prokka|PROKKA_00166
Description: ER03750_3B_prokka|PROKKA_00166
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00268
Name: ER03750_3B_prokka|PROKKA_00268
Description: ER03750_3B_prokka|PROKKA_00268
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00320
Name: ER03750_3B_prokka|PROKKA_00320
Description: ER03750_3B_prokka|PROKKA_00320
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00417
Name: ER03750_3B_prokka|PROKKA_00417
Description: ER03750_3B_prokka|PROKKA_00417
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00454
Name: ER03750_3B_prokka|PROKKA_00454
Description: ER03750_3B_prokka|PROKKA_00454
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00584
Name: ER03750_3B_prokka|PROKKA_00584
Description: ER03750_3B_prokka|PROKKA_00584
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00635
Name: ER03750_3B_prokka|PROKKA_00635
Description: ER03750_3B_prokka|PROKKA_00635
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00837
Name: ER03750_3B_prokka|PROKKA_00837
Description: ER03750_3B_prokka|PROKKA_00837
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00863
Name: ER03750_3B_prokka|PROKKA_00863
Description: ER03750_3B_prokka|PROKKA_00863
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00971
Name: ER03750_3B_prokka|PROKKA_00971
Description: ER03750_3B_prokka|PROKKA_00971
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01010
Name: ER03750_3B_prokka|PROKKA_01010
Description: ER03750_3B_prokka|PROKKA_01010
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01090
Name: ER03750_3B_prokka|PROKKA_01090
Description: ER03750_3B_prokka|PROKKA_01090
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01102
Name: ER03750_3B_prokka|PROKKA_01102
Description: ER03750_3B_prokka|PROKKA_01102
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01103
Name: ER03750_3B_prokka|PROKKA_01103
Description: ER03750_3B_prokka|PROKKA_01103
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01238
Name: ER03750_3B_prokka|PROKKA_01238
Description: ER03750_3B_prokka|PROKKA_01238
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01242
Name: ER03750_3B_prokka|PROKKA_01242
Description: ER03750_3B_prokka|PROKKA_01242
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01246
Name: ER03750_3B_prokka|PROKKA_01246
Description: ER03750_3B_prokka|PROKKA_01246
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01248
Name: ER03750_3B_prokka|PROKKA_01248
Description: ER03750_3B_prokka|PROKKA_01248
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01272
Name: ER03750_3B_prokka|PROKKA_01272
Description: ER03750_3B_prokka|PROKKA_01272
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01367
Name: ER03750_3B_prokka|PROKKA_01367
Description: ER03750_3B_prokka|PROKKA_01367
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01379
Name: ER03750_3B_prokka|PROKKA_01379
Description: ER03750_3B_prokka|PROKKA_01379
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01426
Name: ER03750_3B_prokka|PROKKA_01426
Description: ER03750_3B_prokka|PROKKA_01426
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01434
Name: ER03750_3B_prokka|PROKKA_01434
Description: ER03750_3B_prokka|PROKKA_01434
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01455
Name: ER03750_3B_prokka|PROKKA_01455
Description: ER03750_3B_prokka|PROKKA_01455
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01460
Name: ER03750_3B_prokka|PROKKA_01460
Description: ER03750_3B_prokka|PROKKA_01460
Number of features: 0
Seq('MTFTLSDEQYKNLCTNFNKLLDKLHKALKDRE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01475
Name: ER03750_3B_prokka|PROKKA_01475
Description: ER03750_3B_prokka|PROKKA_01475
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01485
Name: ER03750_3B_prokka|PROKKA_01485
Description: ER03750_3B_prokka|PROKKA_01485
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01511
Name: ER03750_3B_prokka|PROKKA_01511
Description: ER03750_3B_prokka|PROKKA_01511
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01548
Name: ER03750_3B_prokka|PROKKA_01548
Description: ER03750_3B_prokka|PROKKA_01548
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01619
Name: ER03750_3B_prokka|PROKKA_01619
Description: ER03750_3B_prokka|PROKKA_01619
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01792
Name: ER03750_3B_prokka|PROKKA_01792
Description: ER03750_3B_prokka|PROKKA_01792
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01811
Name: ER03750_3B_prokka|PROKKA_01811
Description: ER03750_3B_prokka|PROKKA_01811
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01846
Name: ER03750_3B_prokka|PROKKA_01846
Description: ER03750_3B_prokka|PROKKA_01846
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01897
Name: ER03750_3B_prokka|PROKKA_01897
Description: ER03750_3B_prokka|PROKKA_01897
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01969
Name: ER03750_3B_prokka|PROKKA_01969
Description: ER03750_3B_prokka|PROKKA_01969
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01973
Name: ER03750_3B_prokka|PROKKA_01973
Description: ER03750_3B_prokka|PROKKA_01973
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01989
Name: ER03750_3B_prokka|PROKKA_01989
Description: ER03750_3B_prokka|PROKKA_01989
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_02009
Name: ER03750_3B_prokka|PROKKA_02009
Description: ER03750_3B_prokka|PROKKA_02009
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_02039
Name: ER03750_3B_prokka|PROKKA_02039
Description: ER03750_3B_prokka|PROKKA_02039
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_02041
Name: ER03750_3B_prokka|PROKKA_02041
Description: ER03750_3B_prokka|PROKKA_02041
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_02090
Name: ER03750_3B_prokka|PROKKA_02090
Description: ER03750_3B_prokka|PROKKA_02090
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_02209
Name: ER03750_3B_prokka|PROKKA_02209
Description: ER03750_3B_prokka|PROKKA_02209
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_02234
Name: ER03750_3B_prokka|PROKKA_02234
Description: ER03750_3B_prokka|PROKKA_02234
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_02265
Name: ER03750_3B_prokka|PROKKA_02265
Description: ER03750_3B_prokka|PROKKA_02265
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_02420
Name: ER03750_3B_prokka|PROKKA_02420
Description: ER03750_3B_prokka|PROKKA_02420
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_02628
Name: ER03750_3B_prokka|PROKKA_02628
Description: ER03750_3B_prokka|PROKKA_02628
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_02715
Name: ER03750_3B_prokka|PROKKA_02715
Description: ER03750_3B_prokka|PROKKA_02715
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00014
Name: ER03755_3B_prokka|PROKKA_00014
Description: ER03755_3B_prokka|PROKKA_00014
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00061
Name: ER03755_3B_prokka|PROKKA_00061
Description: ER03755_3B_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00070
Name: ER03755_3B_prokka|PROKKA_00070
Description: ER03755_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00091
Name: ER03755_3B_prokka|PROKKA_00091
Description: ER03755_3B_prokka|PROKKA_00091
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00180
Name: ER03755_3B_prokka|PROKKA_00180
Description: ER03755_3B_prokka|PROKKA_00180
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00279
Name: ER03755_3B_prokka|PROKKA_00279
Description: ER03755_3B_prokka|PROKKA_00279
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00331
Name: ER03755_3B_prokka|PROKKA_00331
Description: ER03755_3B_prokka|PROKKA_00331
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00429
Name: ER03755_3B_prokka|PROKKA_00429
Description: ER03755_3B_prokka|PROKKA_00429
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00467
Name: ER03755_3B_prokka|PROKKA_00467
Description: ER03755_3B_prokka|PROKKA_00467
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00597
Name: ER03755_3B_prokka|PROKKA_00597
Description: ER03755_3B_prokka|PROKKA_00597
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00633
Name: ER03755_3B_prokka|PROKKA_00633
Description: ER03755_3B_prokka|PROKKA_00633
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00851
Name: ER03755_3B_prokka|PROKKA_00851
Description: ER03755_3B_prokka|PROKKA_00851
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00890
Name: ER03755_3B_prokka|PROKKA_00890
Description: ER03755_3B_prokka|PROKKA_00890
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00904
Name: ER03755_3B_prokka|PROKKA_00904
Description: ER03755_3B_prokka|PROKKA_00904
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00915
Name: ER03755_3B_prokka|PROKKA_00915
Description: ER03755_3B_prokka|PROKKA_00915
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKIKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00945
Name: ER03755_3B_prokka|PROKKA_00945
Description: ER03755_3B_prokka|PROKKA_00945
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00997
Name: ER03755_3B_prokka|PROKKA_00997
Description: ER03755_3B_prokka|PROKKA_00997
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01032
Name: ER03755_3B_prokka|PROKKA_01032
Description: ER03755_3B_prokka|PROKKA_01032
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01051
Name: ER03755_3B_prokka|PROKKA_01051
Description: ER03755_3B_prokka|PROKKA_01051
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01058
Name: ER03755_3B_prokka|PROKKA_01058
Description: ER03755_3B_prokka|PROKKA_01058
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01098
Name: ER03755_3B_prokka|PROKKA_01098
Description: ER03755_3B_prokka|PROKKA_01098
Number of features: 0
Seq('MIVHRITGDGPIDIMVGPMWSVNKWEVLNGIDAELARRNSYQGLRYKSKVKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01224
Name: ER03755_3B_prokka|PROKKA_01224
Description: ER03755_3B_prokka|PROKKA_01224
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01295
Name: ER03755_3B_prokka|PROKKA_01295
Description: ER03755_3B_prokka|PROKKA_01295
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01332
Name: ER03755_3B_prokka|PROKKA_01332
Description: ER03755_3B_prokka|PROKKA_01332
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01359
Name: ER03755_3B_prokka|PROKKA_01359
Description: ER03755_3B_prokka|PROKKA_01359
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01387
Name: ER03755_3B_prokka|PROKKA_01387
Description: ER03755_3B_prokka|PROKKA_01387
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01407
Name: ER03755_3B_prokka|PROKKA_01407
Description: ER03755_3B_prokka|PROKKA_01407
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01415
Name: ER03755_3B_prokka|PROKKA_01415
Description: ER03755_3B_prokka|PROKKA_01415
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01464
Name: ER03755_3B_prokka|PROKKA_01464
Description: ER03755_3B_prokka|PROKKA_01464
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01477
Name: ER03755_3B_prokka|PROKKA_01477
Description: ER03755_3B_prokka|PROKKA_01477
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01572
Name: ER03755_3B_prokka|PROKKA_01572
Description: ER03755_3B_prokka|PROKKA_01572
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01596
Name: ER03755_3B_prokka|PROKKA_01596
Description: ER03755_3B_prokka|PROKKA_01596
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01598
Name: ER03755_3B_prokka|PROKKA_01598
Description: ER03755_3B_prokka|PROKKA_01598
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01602
Name: ER03755_3B_prokka|PROKKA_01602
Description: ER03755_3B_prokka|PROKKA_01602
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01606
Name: ER03755_3B_prokka|PROKKA_01606
Description: ER03755_3B_prokka|PROKKA_01606
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01741
Name: ER03755_3B_prokka|PROKKA_01741
Description: ER03755_3B_prokka|PROKKA_01741
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01742
Name: ER03755_3B_prokka|PROKKA_01742
Description: ER03755_3B_prokka|PROKKA_01742
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01834
Name: ER03755_3B_prokka|PROKKA_01834
Description: ER03755_3B_prokka|PROKKA_01834
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01873
Name: ER03755_3B_prokka|PROKKA_01873
Description: ER03755_3B_prokka|PROKKA_01873
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01981
Name: ER03755_3B_prokka|PROKKA_01981
Description: ER03755_3B_prokka|PROKKA_01981
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01995
Name: ER03755_3B_prokka|PROKKA_01995
Description: ER03755_3B_prokka|PROKKA_01995
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01996
Name: ER03755_3B_prokka|PROKKA_01996
Description: ER03755_3B_prokka|PROKKA_01996
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02026
Name: ER03755_3B_prokka|PROKKA_02026
Description: ER03755_3B_prokka|PROKKA_02026
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02043
Name: ER03755_3B_prokka|PROKKA_02043
Description: ER03755_3B_prokka|PROKKA_02043
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02052
Name: ER03755_3B_prokka|PROKKA_02052
Description: ER03755_3B_prokka|PROKKA_02052
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02060
Name: ER03755_3B_prokka|PROKKA_02060
Description: ER03755_3B_prokka|PROKKA_02060
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELSKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02135
Name: ER03755_3B_prokka|PROKKA_02135
Description: ER03755_3B_prokka|PROKKA_02135
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02140
Name: ER03755_3B_prokka|PROKKA_02140
Description: ER03755_3B_prokka|PROKKA_02140
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02156
Name: ER03755_3B_prokka|PROKKA_02156
Description: ER03755_3B_prokka|PROKKA_02156
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02176
Name: ER03755_3B_prokka|PROKKA_02176
Description: ER03755_3B_prokka|PROKKA_02176
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02206
Name: ER03755_3B_prokka|PROKKA_02206
Description: ER03755_3B_prokka|PROKKA_02206
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02208
Name: ER03755_3B_prokka|PROKKA_02208
Description: ER03755_3B_prokka|PROKKA_02208
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02257
Name: ER03755_3B_prokka|PROKKA_02257
Description: ER03755_3B_prokka|PROKKA_02257
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02377
Name: ER03755_3B_prokka|PROKKA_02377
Description: ER03755_3B_prokka|PROKKA_02377
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02401
Name: ER03755_3B_prokka|PROKKA_02401
Description: ER03755_3B_prokka|PROKKA_02401
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02432
Name: ER03755_3B_prokka|PROKKA_02432
Description: ER03755_3B_prokka|PROKKA_02432
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02588
Name: ER03755_3B_prokka|PROKKA_02588
Description: ER03755_3B_prokka|PROKKA_02588
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02797
Name: ER03755_3B_prokka|PROKKA_02797
Description: ER03755_3B_prokka|PROKKA_02797
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02881
Name: ER03755_3B_prokka|PROKKA_02881
Description: ER03755_3B_prokka|PROKKA_02881
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00082
Name: ER03759_3B_prokka|PROKKA_00082
Description: ER03759_3B_prokka|PROKKA_00082
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00085
Name: ER03759_3B_prokka|PROKKA_00085
Description: ER03759_3B_prokka|PROKKA_00085
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00089
Name: ER03759_3B_prokka|PROKKA_00089
Description: ER03759_3B_prokka|PROKKA_00089
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00110
Name: ER03759_3B_prokka|PROKKA_00110
Description: ER03759_3B_prokka|PROKKA_00110
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00128
Name: ER03759_3B_prokka|PROKKA_00128
Description: ER03759_3B_prokka|PROKKA_00128
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00252
Name: ER03759_3B_prokka|PROKKA_00252
Description: ER03759_3B_prokka|PROKKA_00252
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00296
Name: ER03759_3B_prokka|PROKKA_00296
Description: ER03759_3B_prokka|PROKKA_00296
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00420
Name: ER03759_3B_prokka|PROKKA_00420
Description: ER03759_3B_prokka|PROKKA_00420
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00437
Name: ER03759_3B_prokka|PROKKA_00437
Description: ER03759_3B_prokka|PROKKA_00437
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00603
Name: ER03759_3B_prokka|PROKKA_00603
Description: ER03759_3B_prokka|PROKKA_00603
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00832
Name: ER03759_3B_prokka|PROKKA_00832
Description: ER03759_3B_prokka|PROKKA_00832
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00863
Name: ER03759_3B_prokka|PROKKA_00863
Description: ER03759_3B_prokka|PROKKA_00863
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00867
Name: ER03759_3B_prokka|PROKKA_00867
Description: ER03759_3B_prokka|PROKKA_00867
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00883
Name: ER03759_3B_prokka|PROKKA_00883
Description: ER03759_3B_prokka|PROKKA_00883
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00913
Name: ER03759_3B_prokka|PROKKA_00913
Description: ER03759_3B_prokka|PROKKA_00913
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00914
Name: ER03759_3B_prokka|PROKKA_00914
Description: ER03759_3B_prokka|PROKKA_00914
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00916
Name: ER03759_3B_prokka|PROKKA_00916
Description: ER03759_3B_prokka|PROKKA_00916
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00968
Name: ER03759_3B_prokka|PROKKA_00968
Description: ER03759_3B_prokka|PROKKA_00968
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01010
Name: ER03759_3B_prokka|PROKKA_01010
Description: ER03759_3B_prokka|PROKKA_01010
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01024
Name: ER03759_3B_prokka|PROKKA_01024
Description: ER03759_3B_prokka|PROKKA_01024
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01193
Name: ER03759_3B_prokka|PROKKA_01193
Description: ER03759_3B_prokka|PROKKA_01193
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01267
Name: ER03759_3B_prokka|PROKKA_01267
Description: ER03759_3B_prokka|PROKKA_01267
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01302
Name: ER03759_3B_prokka|PROKKA_01302
Description: ER03759_3B_prokka|PROKKA_01302
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01305
Name: ER03759_3B_prokka|PROKKA_01305
Description: ER03759_3B_prokka|PROKKA_01305
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01332
Name: ER03759_3B_prokka|PROKKA_01332
Description: ER03759_3B_prokka|PROKKA_01332
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01337
Name: ER03759_3B_prokka|PROKKA_01337
Description: ER03759_3B_prokka|PROKKA_01337
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01345
Name: ER03759_3B_prokka|PROKKA_01345
Description: ER03759_3B_prokka|PROKKA_01345
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01360
Name: ER03759_3B_prokka|PROKKA_01360
Description: ER03759_3B_prokka|PROKKA_01360
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01379
Name: ER03759_3B_prokka|PROKKA_01379
Description: ER03759_3B_prokka|PROKKA_01379
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01387
Name: ER03759_3B_prokka|PROKKA_01387
Description: ER03759_3B_prokka|PROKKA_01387
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01434
Name: ER03759_3B_prokka|PROKKA_01434
Description: ER03759_3B_prokka|PROKKA_01434
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01446
Name: ER03759_3B_prokka|PROKKA_01446
Description: ER03759_3B_prokka|PROKKA_01446
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01539
Name: ER03759_3B_prokka|PROKKA_01539
Description: ER03759_3B_prokka|PROKKA_01539
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01563
Name: ER03759_3B_prokka|PROKKA_01563
Description: ER03759_3B_prokka|PROKKA_01563
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01567
Name: ER03759_3B_prokka|PROKKA_01567
Description: ER03759_3B_prokka|PROKKA_01567
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01703
Name: ER03759_3B_prokka|PROKKA_01703
Description: ER03759_3B_prokka|PROKKA_01703
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01704
Name: ER03759_3B_prokka|PROKKA_01704
Description: ER03759_3B_prokka|PROKKA_01704
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01716
Name: ER03759_3B_prokka|PROKKA_01716
Description: ER03759_3B_prokka|PROKKA_01716
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01798
Name: ER03759_3B_prokka|PROKKA_01798
Description: ER03759_3B_prokka|PROKKA_01798
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01799
Name: ER03759_3B_prokka|PROKKA_01799
Description: ER03759_3B_prokka|PROKKA_01799
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01816
Name: ER03759_3B_prokka|PROKKA_01816
Description: ER03759_3B_prokka|PROKKA_01816
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01839
Name: ER03759_3B_prokka|PROKKA_01839
Description: ER03759_3B_prokka|PROKKA_01839
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01945
Name: ER03759_3B_prokka|PROKKA_01945
Description: ER03759_3B_prokka|PROKKA_01945
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01960
Name: ER03759_3B_prokka|PROKKA_01960
Description: ER03759_3B_prokka|PROKKA_01960
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01961
Name: ER03759_3B_prokka|PROKKA_01961
Description: ER03759_3B_prokka|PROKKA_01961
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01992
Name: ER03759_3B_prokka|PROKKA_01992
Description: ER03759_3B_prokka|PROKKA_01992
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02014
Name: ER03759_3B_prokka|PROKKA_02014
Description: ER03759_3B_prokka|PROKKA_02014
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02019
Name: ER03759_3B_prokka|PROKKA_02019
Description: ER03759_3B_prokka|PROKKA_02019
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02095
Name: ER03759_3B_prokka|PROKKA_02095
Description: ER03759_3B_prokka|PROKKA_02095
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02099
Name: ER03759_3B_prokka|PROKKA_02099
Description: ER03759_3B_prokka|PROKKA_02099
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02115
Name: ER03759_3B_prokka|PROKKA_02115
Description: ER03759_3B_prokka|PROKKA_02115
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02133
Name: ER03759_3B_prokka|PROKKA_02133
Description: ER03759_3B_prokka|PROKKA_02133
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02159
Name: ER03759_3B_prokka|PROKKA_02159
Description: ER03759_3B_prokka|PROKKA_02159
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02161
Name: ER03759_3B_prokka|PROKKA_02161
Description: ER03759_3B_prokka|PROKKA_02161
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02213
Name: ER03759_3B_prokka|PROKKA_02213
Description: ER03759_3B_prokka|PROKKA_02213
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02321
Name: ER03759_3B_prokka|PROKKA_02321
Description: ER03759_3B_prokka|PROKKA_02321
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02340
Name: ER03759_3B_prokka|PROKKA_02340
Description: ER03759_3B_prokka|PROKKA_02340
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02353
Name: ER03759_3B_prokka|PROKKA_02353
Description: ER03759_3B_prokka|PROKKA_02353
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02385
Name: ER03759_3B_prokka|PROKKA_02385
Description: ER03759_3B_prokka|PROKKA_02385
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02530
Name: ER03759_3B_prokka|PROKKA_02530
Description: ER03759_3B_prokka|PROKKA_02530
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02539
Name: ER03759_3B_prokka|PROKKA_02539
Description: ER03759_3B_prokka|PROKKA_02539
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02603
Name: ER03759_3B_prokka|PROKKA_02603
Description: ER03759_3B_prokka|PROKKA_02603
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02711
Name: ER03759_3B_prokka|PROKKA_02711
Description: ER03759_3B_prokka|PROKKA_02711
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02749
Name: ER03759_3B_prokka|PROKKA_02749
Description: ER03759_3B_prokka|PROKKA_02749
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02833
Name: ER03759_3B_prokka|PROKKA_02833
Description: ER03759_3B_prokka|PROKKA_02833
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02851
Name: ER03759_3B_prokka|PROKKA_02851
Description: ER03759_3B_prokka|PROKKA_02851
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00001
Name: ER03760_3B_prokka|PROKKA_00001
Description: ER03760_3B_prokka|PROKKA_00001
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00111
Name: ER03760_3B_prokka|PROKKA_00111
Description: ER03760_3B_prokka|PROKKA_00111
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00114
Name: ER03760_3B_prokka|PROKKA_00114
Description: ER03760_3B_prokka|PROKKA_00114
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00118
Name: ER03760_3B_prokka|PROKKA_00118
Description: ER03760_3B_prokka|PROKKA_00118
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00139
Name: ER03760_3B_prokka|PROKKA_00139
Description: ER03760_3B_prokka|PROKKA_00139
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00157
Name: ER03760_3B_prokka|PROKKA_00157
Description: ER03760_3B_prokka|PROKKA_00157
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00324
Name: ER03760_3B_prokka|PROKKA_00324
Description: ER03760_3B_prokka|PROKKA_00324
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00448
Name: ER03760_3B_prokka|PROKKA_00448
Description: ER03760_3B_prokka|PROKKA_00448
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00465
Name: ER03760_3B_prokka|PROKKA_00465
Description: ER03760_3B_prokka|PROKKA_00465
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00631
Name: ER03760_3B_prokka|PROKKA_00631
Description: ER03760_3B_prokka|PROKKA_00631
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00860
Name: ER03760_3B_prokka|PROKKA_00860
Description: ER03760_3B_prokka|PROKKA_00860
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00891
Name: ER03760_3B_prokka|PROKKA_00891
Description: ER03760_3B_prokka|PROKKA_00891
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00895
Name: ER03760_3B_prokka|PROKKA_00895
Description: ER03760_3B_prokka|PROKKA_00895
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00911
Name: ER03760_3B_prokka|PROKKA_00911
Description: ER03760_3B_prokka|PROKKA_00911
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00941
Name: ER03760_3B_prokka|PROKKA_00941
Description: ER03760_3B_prokka|PROKKA_00941
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00942
Name: ER03760_3B_prokka|PROKKA_00942
Description: ER03760_3B_prokka|PROKKA_00942
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00944
Name: ER03760_3B_prokka|PROKKA_00944
Description: ER03760_3B_prokka|PROKKA_00944
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00996
Name: ER03760_3B_prokka|PROKKA_00996
Description: ER03760_3B_prokka|PROKKA_00996
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01038
Name: ER03760_3B_prokka|PROKKA_01038
Description: ER03760_3B_prokka|PROKKA_01038
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01052
Name: ER03760_3B_prokka|PROKKA_01052
Description: ER03760_3B_prokka|PROKKA_01052
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01221
Name: ER03760_3B_prokka|PROKKA_01221
Description: ER03760_3B_prokka|PROKKA_01221
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01295
Name: ER03760_3B_prokka|PROKKA_01295
Description: ER03760_3B_prokka|PROKKA_01295
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01330
Name: ER03760_3B_prokka|PROKKA_01330
Description: ER03760_3B_prokka|PROKKA_01330
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01333
Name: ER03760_3B_prokka|PROKKA_01333
Description: ER03760_3B_prokka|PROKKA_01333
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01360
Name: ER03760_3B_prokka|PROKKA_01360
Description: ER03760_3B_prokka|PROKKA_01360
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01365
Name: ER03760_3B_prokka|PROKKA_01365
Description: ER03760_3B_prokka|PROKKA_01365
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01373
Name: ER03760_3B_prokka|PROKKA_01373
Description: ER03760_3B_prokka|PROKKA_01373
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01388
Name: ER03760_3B_prokka|PROKKA_01388
Description: ER03760_3B_prokka|PROKKA_01388
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01407
Name: ER03760_3B_prokka|PROKKA_01407
Description: ER03760_3B_prokka|PROKKA_01407
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01415
Name: ER03760_3B_prokka|PROKKA_01415
Description: ER03760_3B_prokka|PROKKA_01415
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01462
Name: ER03760_3B_prokka|PROKKA_01462
Description: ER03760_3B_prokka|PROKKA_01462
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01474
Name: ER03760_3B_prokka|PROKKA_01474
Description: ER03760_3B_prokka|PROKKA_01474
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01567
Name: ER03760_3B_prokka|PROKKA_01567
Description: ER03760_3B_prokka|PROKKA_01567
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01591
Name: ER03760_3B_prokka|PROKKA_01591
Description: ER03760_3B_prokka|PROKKA_01591
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01595
Name: ER03760_3B_prokka|PROKKA_01595
Description: ER03760_3B_prokka|PROKKA_01595
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01731
Name: ER03760_3B_prokka|PROKKA_01731
Description: ER03760_3B_prokka|PROKKA_01731
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01732
Name: ER03760_3B_prokka|PROKKA_01732
Description: ER03760_3B_prokka|PROKKA_01732
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01744
Name: ER03760_3B_prokka|PROKKA_01744
Description: ER03760_3B_prokka|PROKKA_01744
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01826
Name: ER03760_3B_prokka|PROKKA_01826
Description: ER03760_3B_prokka|PROKKA_01826
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01827
Name: ER03760_3B_prokka|PROKKA_01827
Description: ER03760_3B_prokka|PROKKA_01827
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01844
Name: ER03760_3B_prokka|PROKKA_01844
Description: ER03760_3B_prokka|PROKKA_01844
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01867
Name: ER03760_3B_prokka|PROKKA_01867
Description: ER03760_3B_prokka|PROKKA_01867
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01973
Name: ER03760_3B_prokka|PROKKA_01973
Description: ER03760_3B_prokka|PROKKA_01973
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01988
Name: ER03760_3B_prokka|PROKKA_01988
Description: ER03760_3B_prokka|PROKKA_01988
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01989
Name: ER03760_3B_prokka|PROKKA_01989
Description: ER03760_3B_prokka|PROKKA_01989
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02020
Name: ER03760_3B_prokka|PROKKA_02020
Description: ER03760_3B_prokka|PROKKA_02020
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02042
Name: ER03760_3B_prokka|PROKKA_02042
Description: ER03760_3B_prokka|PROKKA_02042
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02047
Name: ER03760_3B_prokka|PROKKA_02047
Description: ER03760_3B_prokka|PROKKA_02047
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02123
Name: ER03760_3B_prokka|PROKKA_02123
Description: ER03760_3B_prokka|PROKKA_02123
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02127
Name: ER03760_3B_prokka|PROKKA_02127
Description: ER03760_3B_prokka|PROKKA_02127
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02143
Name: ER03760_3B_prokka|PROKKA_02143
Description: ER03760_3B_prokka|PROKKA_02143
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02161
Name: ER03760_3B_prokka|PROKKA_02161
Description: ER03760_3B_prokka|PROKKA_02161
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02187
Name: ER03760_3B_prokka|PROKKA_02187
Description: ER03760_3B_prokka|PROKKA_02187
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02189
Name: ER03760_3B_prokka|PROKKA_02189
Description: ER03760_3B_prokka|PROKKA_02189
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02241
Name: ER03760_3B_prokka|PROKKA_02241
Description: ER03760_3B_prokka|PROKKA_02241
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02349
Name: ER03760_3B_prokka|PROKKA_02349
Description: ER03760_3B_prokka|PROKKA_02349
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02368
Name: ER03760_3B_prokka|PROKKA_02368
Description: ER03760_3B_prokka|PROKKA_02368
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02381
Name: ER03760_3B_prokka|PROKKA_02381
Description: ER03760_3B_prokka|PROKKA_02381
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02413
Name: ER03760_3B_prokka|PROKKA_02413
Description: ER03760_3B_prokka|PROKKA_02413
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02558
Name: ER03760_3B_prokka|PROKKA_02558
Description: ER03760_3B_prokka|PROKKA_02558
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02567
Name: ER03760_3B_prokka|PROKKA_02567
Description: ER03760_3B_prokka|PROKKA_02567
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02631
Name: ER03760_3B_prokka|PROKKA_02631
Description: ER03760_3B_prokka|PROKKA_02631
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02739
Name: ER03760_3B_prokka|PROKKA_02739
Description: ER03760_3B_prokka|PROKKA_02739
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02777
Name: ER03760_3B_prokka|PROKKA_02777
Description: ER03760_3B_prokka|PROKKA_02777
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02861
Name: ER03760_3B_prokka|PROKKA_02861
Description: ER03760_3B_prokka|PROKKA_02861
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00083
Name: ER03761_3B_prokka|PROKKA_00083
Description: ER03761_3B_prokka|PROKKA_00083
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00086
Name: ER03761_3B_prokka|PROKKA_00086
Description: ER03761_3B_prokka|PROKKA_00086
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00090
Name: ER03761_3B_prokka|PROKKA_00090
Description: ER03761_3B_prokka|PROKKA_00090
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00111
Name: ER03761_3B_prokka|PROKKA_00111
Description: ER03761_3B_prokka|PROKKA_00111
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00129
Name: ER03761_3B_prokka|PROKKA_00129
Description: ER03761_3B_prokka|PROKKA_00129
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00296
Name: ER03761_3B_prokka|PROKKA_00296
Description: ER03761_3B_prokka|PROKKA_00296
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00420
Name: ER03761_3B_prokka|PROKKA_00420
Description: ER03761_3B_prokka|PROKKA_00420
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00437
Name: ER03761_3B_prokka|PROKKA_00437
Description: ER03761_3B_prokka|PROKKA_00437
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00603
Name: ER03761_3B_prokka|PROKKA_00603
Description: ER03761_3B_prokka|PROKKA_00603
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00832
Name: ER03761_3B_prokka|PROKKA_00832
Description: ER03761_3B_prokka|PROKKA_00832
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00863
Name: ER03761_3B_prokka|PROKKA_00863
Description: ER03761_3B_prokka|PROKKA_00863
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00867
Name: ER03761_3B_prokka|PROKKA_00867
Description: ER03761_3B_prokka|PROKKA_00867
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00883
Name: ER03761_3B_prokka|PROKKA_00883
Description: ER03761_3B_prokka|PROKKA_00883
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00913
Name: ER03761_3B_prokka|PROKKA_00913
Description: ER03761_3B_prokka|PROKKA_00913
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00914
Name: ER03761_3B_prokka|PROKKA_00914
Description: ER03761_3B_prokka|PROKKA_00914
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00916
Name: ER03761_3B_prokka|PROKKA_00916
Description: ER03761_3B_prokka|PROKKA_00916
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00968
Name: ER03761_3B_prokka|PROKKA_00968
Description: ER03761_3B_prokka|PROKKA_00968
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01010
Name: ER03761_3B_prokka|PROKKA_01010
Description: ER03761_3B_prokka|PROKKA_01010
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01024
Name: ER03761_3B_prokka|PROKKA_01024
Description: ER03761_3B_prokka|PROKKA_01024
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01193
Name: ER03761_3B_prokka|PROKKA_01193
Description: ER03761_3B_prokka|PROKKA_01193
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01267
Name: ER03761_3B_prokka|PROKKA_01267
Description: ER03761_3B_prokka|PROKKA_01267
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01302
Name: ER03761_3B_prokka|PROKKA_01302
Description: ER03761_3B_prokka|PROKKA_01302
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01305
Name: ER03761_3B_prokka|PROKKA_01305
Description: ER03761_3B_prokka|PROKKA_01305
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01332
Name: ER03761_3B_prokka|PROKKA_01332
Description: ER03761_3B_prokka|PROKKA_01332
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01337
Name: ER03761_3B_prokka|PROKKA_01337
Description: ER03761_3B_prokka|PROKKA_01337
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01345
Name: ER03761_3B_prokka|PROKKA_01345
Description: ER03761_3B_prokka|PROKKA_01345
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01360
Name: ER03761_3B_prokka|PROKKA_01360
Description: ER03761_3B_prokka|PROKKA_01360
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01379
Name: ER03761_3B_prokka|PROKKA_01379
Description: ER03761_3B_prokka|PROKKA_01379
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01387
Name: ER03761_3B_prokka|PROKKA_01387
Description: ER03761_3B_prokka|PROKKA_01387
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01434
Name: ER03761_3B_prokka|PROKKA_01434
Description: ER03761_3B_prokka|PROKKA_01434
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01446
Name: ER03761_3B_prokka|PROKKA_01446
Description: ER03761_3B_prokka|PROKKA_01446
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01539
Name: ER03761_3B_prokka|PROKKA_01539
Description: ER03761_3B_prokka|PROKKA_01539
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01563
Name: ER03761_3B_prokka|PROKKA_01563
Description: ER03761_3B_prokka|PROKKA_01563
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01567
Name: ER03761_3B_prokka|PROKKA_01567
Description: ER03761_3B_prokka|PROKKA_01567
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01703
Name: ER03761_3B_prokka|PROKKA_01703
Description: ER03761_3B_prokka|PROKKA_01703
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01704
Name: ER03761_3B_prokka|PROKKA_01704
Description: ER03761_3B_prokka|PROKKA_01704
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01716
Name: ER03761_3B_prokka|PROKKA_01716
Description: ER03761_3B_prokka|PROKKA_01716
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01798
Name: ER03761_3B_prokka|PROKKA_01798
Description: ER03761_3B_prokka|PROKKA_01798
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01799
Name: ER03761_3B_prokka|PROKKA_01799
Description: ER03761_3B_prokka|PROKKA_01799
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01816
Name: ER03761_3B_prokka|PROKKA_01816
Description: ER03761_3B_prokka|PROKKA_01816
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01839
Name: ER03761_3B_prokka|PROKKA_01839
Description: ER03761_3B_prokka|PROKKA_01839
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01945
Name: ER03761_3B_prokka|PROKKA_01945
Description: ER03761_3B_prokka|PROKKA_01945
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01960
Name: ER03761_3B_prokka|PROKKA_01960
Description: ER03761_3B_prokka|PROKKA_01960
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01961
Name: ER03761_3B_prokka|PROKKA_01961
Description: ER03761_3B_prokka|PROKKA_01961
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01992
Name: ER03761_3B_prokka|PROKKA_01992
Description: ER03761_3B_prokka|PROKKA_01992
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02014
Name: ER03761_3B_prokka|PROKKA_02014
Description: ER03761_3B_prokka|PROKKA_02014
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02019
Name: ER03761_3B_prokka|PROKKA_02019
Description: ER03761_3B_prokka|PROKKA_02019
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02095
Name: ER03761_3B_prokka|PROKKA_02095
Description: ER03761_3B_prokka|PROKKA_02095
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02099
Name: ER03761_3B_prokka|PROKKA_02099
Description: ER03761_3B_prokka|PROKKA_02099
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02115
Name: ER03761_3B_prokka|PROKKA_02115
Description: ER03761_3B_prokka|PROKKA_02115
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02133
Name: ER03761_3B_prokka|PROKKA_02133
Description: ER03761_3B_prokka|PROKKA_02133
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02159
Name: ER03761_3B_prokka|PROKKA_02159
Description: ER03761_3B_prokka|PROKKA_02159
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02161
Name: ER03761_3B_prokka|PROKKA_02161
Description: ER03761_3B_prokka|PROKKA_02161
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02213
Name: ER03761_3B_prokka|PROKKA_02213
Description: ER03761_3B_prokka|PROKKA_02213
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02321
Name: ER03761_3B_prokka|PROKKA_02321
Description: ER03761_3B_prokka|PROKKA_02321
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02340
Name: ER03761_3B_prokka|PROKKA_02340
Description: ER03761_3B_prokka|PROKKA_02340
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02353
Name: ER03761_3B_prokka|PROKKA_02353
Description: ER03761_3B_prokka|PROKKA_02353
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02385
Name: ER03761_3B_prokka|PROKKA_02385
Description: ER03761_3B_prokka|PROKKA_02385
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02530
Name: ER03761_3B_prokka|PROKKA_02530
Description: ER03761_3B_prokka|PROKKA_02530
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02539
Name: ER03761_3B_prokka|PROKKA_02539
Description: ER03761_3B_prokka|PROKKA_02539
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02603
Name: ER03761_3B_prokka|PROKKA_02603
Description: ER03761_3B_prokka|PROKKA_02603
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02711
Name: ER03761_3B_prokka|PROKKA_02711
Description: ER03761_3B_prokka|PROKKA_02711
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02749
Name: ER03761_3B_prokka|PROKKA_02749
Description: ER03761_3B_prokka|PROKKA_02749
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02833
Name: ER03761_3B_prokka|PROKKA_02833
Description: ER03761_3B_prokka|PROKKA_02833
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02860
Name: ER03761_3B_prokka|PROKKA_02860
Description: ER03761_3B_prokka|PROKKA_02860
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00016
Name: ER03762_3B_prokka|PROKKA_00016
Description: ER03762_3B_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00067
Name: ER03762_3B_prokka|PROKKA_00067
Description: ER03762_3B_prokka|PROKKA_00067
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00070
Name: ER03762_3B_prokka|PROKKA_00070
Description: ER03762_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00074
Name: ER03762_3B_prokka|PROKKA_00074
Description: ER03762_3B_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00095
Name: ER03762_3B_prokka|PROKKA_00095
Description: ER03762_3B_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00113
Name: ER03762_3B_prokka|PROKKA_00113
Description: ER03762_3B_prokka|PROKKA_00113
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00280
Name: ER03762_3B_prokka|PROKKA_00280
Description: ER03762_3B_prokka|PROKKA_00280
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00404
Name: ER03762_3B_prokka|PROKKA_00404
Description: ER03762_3B_prokka|PROKKA_00404
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00421
Name: ER03762_3B_prokka|PROKKA_00421
Description: ER03762_3B_prokka|PROKKA_00421
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00587
Name: ER03762_3B_prokka|PROKKA_00587
Description: ER03762_3B_prokka|PROKKA_00587
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00816
Name: ER03762_3B_prokka|PROKKA_00816
Description: ER03762_3B_prokka|PROKKA_00816
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00847
Name: ER03762_3B_prokka|PROKKA_00847
Description: ER03762_3B_prokka|PROKKA_00847
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00851
Name: ER03762_3B_prokka|PROKKA_00851
Description: ER03762_3B_prokka|PROKKA_00851
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00867
Name: ER03762_3B_prokka|PROKKA_00867
Description: ER03762_3B_prokka|PROKKA_00867
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00897
Name: ER03762_3B_prokka|PROKKA_00897
Description: ER03762_3B_prokka|PROKKA_00897
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00898
Name: ER03762_3B_prokka|PROKKA_00898
Description: ER03762_3B_prokka|PROKKA_00898
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00900
Name: ER03762_3B_prokka|PROKKA_00900
Description: ER03762_3B_prokka|PROKKA_00900
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00952
Name: ER03762_3B_prokka|PROKKA_00952
Description: ER03762_3B_prokka|PROKKA_00952
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00994
Name: ER03762_3B_prokka|PROKKA_00994
Description: ER03762_3B_prokka|PROKKA_00994
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01008
Name: ER03762_3B_prokka|PROKKA_01008
Description: ER03762_3B_prokka|PROKKA_01008
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01177
Name: ER03762_3B_prokka|PROKKA_01177
Description: ER03762_3B_prokka|PROKKA_01177
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01251
Name: ER03762_3B_prokka|PROKKA_01251
Description: ER03762_3B_prokka|PROKKA_01251
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01286
Name: ER03762_3B_prokka|PROKKA_01286
Description: ER03762_3B_prokka|PROKKA_01286
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01289
Name: ER03762_3B_prokka|PROKKA_01289
Description: ER03762_3B_prokka|PROKKA_01289
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01316
Name: ER03762_3B_prokka|PROKKA_01316
Description: ER03762_3B_prokka|PROKKA_01316
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01321
Name: ER03762_3B_prokka|PROKKA_01321
Description: ER03762_3B_prokka|PROKKA_01321
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01329
Name: ER03762_3B_prokka|PROKKA_01329
Description: ER03762_3B_prokka|PROKKA_01329
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01344
Name: ER03762_3B_prokka|PROKKA_01344
Description: ER03762_3B_prokka|PROKKA_01344
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01363
Name: ER03762_3B_prokka|PROKKA_01363
Description: ER03762_3B_prokka|PROKKA_01363
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01371
Name: ER03762_3B_prokka|PROKKA_01371
Description: ER03762_3B_prokka|PROKKA_01371
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01418
Name: ER03762_3B_prokka|PROKKA_01418
Description: ER03762_3B_prokka|PROKKA_01418
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01430
Name: ER03762_3B_prokka|PROKKA_01430
Description: ER03762_3B_prokka|PROKKA_01430
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01524
Name: ER03762_3B_prokka|PROKKA_01524
Description: ER03762_3B_prokka|PROKKA_01524
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01548
Name: ER03762_3B_prokka|PROKKA_01548
Description: ER03762_3B_prokka|PROKKA_01548
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01552
Name: ER03762_3B_prokka|PROKKA_01552
Description: ER03762_3B_prokka|PROKKA_01552
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01688
Name: ER03762_3B_prokka|PROKKA_01688
Description: ER03762_3B_prokka|PROKKA_01688
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01689
Name: ER03762_3B_prokka|PROKKA_01689
Description: ER03762_3B_prokka|PROKKA_01689
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01701
Name: ER03762_3B_prokka|PROKKA_01701
Description: ER03762_3B_prokka|PROKKA_01701
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01783
Name: ER03762_3B_prokka|PROKKA_01783
Description: ER03762_3B_prokka|PROKKA_01783
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01784
Name: ER03762_3B_prokka|PROKKA_01784
Description: ER03762_3B_prokka|PROKKA_01784
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01801
Name: ER03762_3B_prokka|PROKKA_01801
Description: ER03762_3B_prokka|PROKKA_01801
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01824
Name: ER03762_3B_prokka|PROKKA_01824
Description: ER03762_3B_prokka|PROKKA_01824
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01930
Name: ER03762_3B_prokka|PROKKA_01930
Description: ER03762_3B_prokka|PROKKA_01930
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01945
Name: ER03762_3B_prokka|PROKKA_01945
Description: ER03762_3B_prokka|PROKKA_01945
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01946
Name: ER03762_3B_prokka|PROKKA_01946
Description: ER03762_3B_prokka|PROKKA_01946
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01977
Name: ER03762_3B_prokka|PROKKA_01977
Description: ER03762_3B_prokka|PROKKA_01977
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01999
Name: ER03762_3B_prokka|PROKKA_01999
Description: ER03762_3B_prokka|PROKKA_01999
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02004
Name: ER03762_3B_prokka|PROKKA_02004
Description: ER03762_3B_prokka|PROKKA_02004
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02080
Name: ER03762_3B_prokka|PROKKA_02080
Description: ER03762_3B_prokka|PROKKA_02080
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02084
Name: ER03762_3B_prokka|PROKKA_02084
Description: ER03762_3B_prokka|PROKKA_02084
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02100
Name: ER03762_3B_prokka|PROKKA_02100
Description: ER03762_3B_prokka|PROKKA_02100
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02118
Name: ER03762_3B_prokka|PROKKA_02118
Description: ER03762_3B_prokka|PROKKA_02118
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02144
Name: ER03762_3B_prokka|PROKKA_02144
Description: ER03762_3B_prokka|PROKKA_02144
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02146
Name: ER03762_3B_prokka|PROKKA_02146
Description: ER03762_3B_prokka|PROKKA_02146
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02198
Name: ER03762_3B_prokka|PROKKA_02198
Description: ER03762_3B_prokka|PROKKA_02198
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02306
Name: ER03762_3B_prokka|PROKKA_02306
Description: ER03762_3B_prokka|PROKKA_02306
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02325
Name: ER03762_3B_prokka|PROKKA_02325
Description: ER03762_3B_prokka|PROKKA_02325
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02338
Name: ER03762_3B_prokka|PROKKA_02338
Description: ER03762_3B_prokka|PROKKA_02338
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02370
Name: ER03762_3B_prokka|PROKKA_02370
Description: ER03762_3B_prokka|PROKKA_02370
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02515
Name: ER03762_3B_prokka|PROKKA_02515
Description: ER03762_3B_prokka|PROKKA_02515
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02524
Name: ER03762_3B_prokka|PROKKA_02524
Description: ER03762_3B_prokka|PROKKA_02524
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02588
Name: ER03762_3B_prokka|PROKKA_02588
Description: ER03762_3B_prokka|PROKKA_02588
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02696
Name: ER03762_3B_prokka|PROKKA_02696
Description: ER03762_3B_prokka|PROKKA_02696
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02734
Name: ER03762_3B_prokka|PROKKA_02734
Description: ER03762_3B_prokka|PROKKA_02734
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02818
Name: ER03762_3B_prokka|PROKKA_02818
Description: ER03762_3B_prokka|PROKKA_02818
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00064
Name: ER03763_3B_prokka|PROKKA_00064
Description: ER03763_3B_prokka|PROKKA_00064
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00111
Name: ER03763_3B_prokka|PROKKA_00111
Description: ER03763_3B_prokka|PROKKA_00111
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00114
Name: ER03763_3B_prokka|PROKKA_00114
Description: ER03763_3B_prokka|PROKKA_00114
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00118
Name: ER03763_3B_prokka|PROKKA_00118
Description: ER03763_3B_prokka|PROKKA_00118
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00139
Name: ER03763_3B_prokka|PROKKA_00139
Description: ER03763_3B_prokka|PROKKA_00139
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00157
Name: ER03763_3B_prokka|PROKKA_00157
Description: ER03763_3B_prokka|PROKKA_00157
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00324
Name: ER03763_3B_prokka|PROKKA_00324
Description: ER03763_3B_prokka|PROKKA_00324
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00448
Name: ER03763_3B_prokka|PROKKA_00448
Description: ER03763_3B_prokka|PROKKA_00448
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00465
Name: ER03763_3B_prokka|PROKKA_00465
Description: ER03763_3B_prokka|PROKKA_00465
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00631
Name: ER03763_3B_prokka|PROKKA_00631
Description: ER03763_3B_prokka|PROKKA_00631
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00860
Name: ER03763_3B_prokka|PROKKA_00860
Description: ER03763_3B_prokka|PROKKA_00860
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00891
Name: ER03763_3B_prokka|PROKKA_00891
Description: ER03763_3B_prokka|PROKKA_00891
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00895
Name: ER03763_3B_prokka|PROKKA_00895
Description: ER03763_3B_prokka|PROKKA_00895
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00911
Name: ER03763_3B_prokka|PROKKA_00911
Description: ER03763_3B_prokka|PROKKA_00911
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00941
Name: ER03763_3B_prokka|PROKKA_00941
Description: ER03763_3B_prokka|PROKKA_00941
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00942
Name: ER03763_3B_prokka|PROKKA_00942
Description: ER03763_3B_prokka|PROKKA_00942
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00944
Name: ER03763_3B_prokka|PROKKA_00944
Description: ER03763_3B_prokka|PROKKA_00944
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00996
Name: ER03763_3B_prokka|PROKKA_00996
Description: ER03763_3B_prokka|PROKKA_00996
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01038
Name: ER03763_3B_prokka|PROKKA_01038
Description: ER03763_3B_prokka|PROKKA_01038
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01052
Name: ER03763_3B_prokka|PROKKA_01052
Description: ER03763_3B_prokka|PROKKA_01052
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01221
Name: ER03763_3B_prokka|PROKKA_01221
Description: ER03763_3B_prokka|PROKKA_01221
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01295
Name: ER03763_3B_prokka|PROKKA_01295
Description: ER03763_3B_prokka|PROKKA_01295
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01330
Name: ER03763_3B_prokka|PROKKA_01330
Description: ER03763_3B_prokka|PROKKA_01330
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01333
Name: ER03763_3B_prokka|PROKKA_01333
Description: ER03763_3B_prokka|PROKKA_01333
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01360
Name: ER03763_3B_prokka|PROKKA_01360
Description: ER03763_3B_prokka|PROKKA_01360
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01365
Name: ER03763_3B_prokka|PROKKA_01365
Description: ER03763_3B_prokka|PROKKA_01365
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01373
Name: ER03763_3B_prokka|PROKKA_01373
Description: ER03763_3B_prokka|PROKKA_01373
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01388
Name: ER03763_3B_prokka|PROKKA_01388
Description: ER03763_3B_prokka|PROKKA_01388
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01407
Name: ER03763_3B_prokka|PROKKA_01407
Description: ER03763_3B_prokka|PROKKA_01407
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01415
Name: ER03763_3B_prokka|PROKKA_01415
Description: ER03763_3B_prokka|PROKKA_01415
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01462
Name: ER03763_3B_prokka|PROKKA_01462
Description: ER03763_3B_prokka|PROKKA_01462
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01474
Name: ER03763_3B_prokka|PROKKA_01474
Description: ER03763_3B_prokka|PROKKA_01474
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01567
Name: ER03763_3B_prokka|PROKKA_01567
Description: ER03763_3B_prokka|PROKKA_01567
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01591
Name: ER03763_3B_prokka|PROKKA_01591
Description: ER03763_3B_prokka|PROKKA_01591
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01595
Name: ER03763_3B_prokka|PROKKA_01595
Description: ER03763_3B_prokka|PROKKA_01595
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01731
Name: ER03763_3B_prokka|PROKKA_01731
Description: ER03763_3B_prokka|PROKKA_01731
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01732
Name: ER03763_3B_prokka|PROKKA_01732
Description: ER03763_3B_prokka|PROKKA_01732
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01744
Name: ER03763_3B_prokka|PROKKA_01744
Description: ER03763_3B_prokka|PROKKA_01744
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01826
Name: ER03763_3B_prokka|PROKKA_01826
Description: ER03763_3B_prokka|PROKKA_01826
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01827
Name: ER03763_3B_prokka|PROKKA_01827
Description: ER03763_3B_prokka|PROKKA_01827
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01844
Name: ER03763_3B_prokka|PROKKA_01844
Description: ER03763_3B_prokka|PROKKA_01844
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01867
Name: ER03763_3B_prokka|PROKKA_01867
Description: ER03763_3B_prokka|PROKKA_01867
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01973
Name: ER03763_3B_prokka|PROKKA_01973
Description: ER03763_3B_prokka|PROKKA_01973
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01988
Name: ER03763_3B_prokka|PROKKA_01988
Description: ER03763_3B_prokka|PROKKA_01988
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01989
Name: ER03763_3B_prokka|PROKKA_01989
Description: ER03763_3B_prokka|PROKKA_01989
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02020
Name: ER03763_3B_prokka|PROKKA_02020
Description: ER03763_3B_prokka|PROKKA_02020
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02042
Name: ER03763_3B_prokka|PROKKA_02042
Description: ER03763_3B_prokka|PROKKA_02042
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02047
Name: ER03763_3B_prokka|PROKKA_02047
Description: ER03763_3B_prokka|PROKKA_02047
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02123
Name: ER03763_3B_prokka|PROKKA_02123
Description: ER03763_3B_prokka|PROKKA_02123
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02127
Name: ER03763_3B_prokka|PROKKA_02127
Description: ER03763_3B_prokka|PROKKA_02127
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02143
Name: ER03763_3B_prokka|PROKKA_02143
Description: ER03763_3B_prokka|PROKKA_02143
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02161
Name: ER03763_3B_prokka|PROKKA_02161
Description: ER03763_3B_prokka|PROKKA_02161
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02187
Name: ER03763_3B_prokka|PROKKA_02187
Description: ER03763_3B_prokka|PROKKA_02187
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02189
Name: ER03763_3B_prokka|PROKKA_02189
Description: ER03763_3B_prokka|PROKKA_02189
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02241
Name: ER03763_3B_prokka|PROKKA_02241
Description: ER03763_3B_prokka|PROKKA_02241
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02349
Name: ER03763_3B_prokka|PROKKA_02349
Description: ER03763_3B_prokka|PROKKA_02349
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02368
Name: ER03763_3B_prokka|PROKKA_02368
Description: ER03763_3B_prokka|PROKKA_02368
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02381
Name: ER03763_3B_prokka|PROKKA_02381
Description: ER03763_3B_prokka|PROKKA_02381
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02413
Name: ER03763_3B_prokka|PROKKA_02413
Description: ER03763_3B_prokka|PROKKA_02413
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02558
Name: ER03763_3B_prokka|PROKKA_02558
Description: ER03763_3B_prokka|PROKKA_02558
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02567
Name: ER03763_3B_prokka|PROKKA_02567
Description: ER03763_3B_prokka|PROKKA_02567
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02631
Name: ER03763_3B_prokka|PROKKA_02631
Description: ER03763_3B_prokka|PROKKA_02631
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02739
Name: ER03763_3B_prokka|PROKKA_02739
Description: ER03763_3B_prokka|PROKKA_02739
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02777
Name: ER03763_3B_prokka|PROKKA_02777
Description: ER03763_3B_prokka|PROKKA_02777
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02861
Name: ER03763_3B_prokka|PROKKA_02861
Description: ER03763_3B_prokka|PROKKA_02861
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00014
Name: ER03783_3B_prokka|PROKKA_00014
Description: ER03783_3B_prokka|PROKKA_00014
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00024
Name: ER03783_3B_prokka|PROKKA_00024
Description: ER03783_3B_prokka|PROKKA_00024
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00030
Name: ER03783_3B_prokka|PROKKA_00030
Description: ER03783_3B_prokka|PROKKA_00030
Number of features: 0
Seq('MEFNEFKDRRRIFFQYINKGPYPDEEEKMKLYSCFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00031
Name: ER03783_3B_prokka|PROKKA_00031
Description: ER03783_3B_prokka|PROKKA_00031
Number of features: 0
Seq('MSVEIKGIPEVLNKLESVYGKQAMQAKSDKALNEASEFFYKGFKERVREL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00033
Name: ER03783_3B_prokka|PROKKA_00033
Description: ER03783_3B_prokka|PROKKA_00033
Number of features: 0
Seq('MAEGQGSYKVGFKRLYVGVFNPEATKVVKRMTWEDEKVVQLT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00035
Name: ER03783_3B_prokka|PROKKA_00035
Description: ER03783_3B_prokka|PROKKA_00035
Number of features: 0
Seq('MNRKVDVDGTSQGIVYGYHEGKEGEAEFFKKVFVGYTDSEDHSEDSAGSLPS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00050
Name: ER03783_3B_prokka|PROKKA_00050
Description: ER03783_3B_prokka|PROKKA_00050
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00054
Name: ER03783_3B_prokka|PROKKA_00054
Description: ER03783_3B_prokka|PROKKA_00054
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00055
Name: ER03783_3B_prokka|PROKKA_00055
Description: ER03783_3B_prokka|PROKKA_00055
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIVRKTHFYYLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00130
Name: ER03783_3B_prokka|PROKKA_00130
Description: ER03783_3B_prokka|PROKKA_00130
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00134
Name: ER03783_3B_prokka|PROKKA_00134
Description: ER03783_3B_prokka|PROKKA_00134
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00158
Name: ER03783_3B_prokka|PROKKA_00158
Description: ER03783_3B_prokka|PROKKA_00158
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00251
Name: ER03783_3B_prokka|PROKKA_00251
Description: ER03783_3B_prokka|PROKKA_00251
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00263
Name: ER03783_3B_prokka|PROKKA_00263
Description: ER03783_3B_prokka|PROKKA_00263
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00327
Name: ER03783_3B_prokka|PROKKA_00327
Description: ER03783_3B_prokka|PROKKA_00327
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00351
Name: ER03783_3B_prokka|PROKKA_00351
Description: ER03783_3B_prokka|PROKKA_00351
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00362
Name: ER03783_3B_prokka|PROKKA_00362
Description: ER03783_3B_prokka|PROKKA_00362
Number of features: 0
Seq('MSKTYKSYLIAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00363
Name: ER03783_3B_prokka|PROKKA_00363
Description: ER03783_3B_prokka|PROKKA_00363
Number of features: 0
Seq('MSEEMATYWFNKMYELGIIHEVLRQEGVIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00366
Name: ER03783_3B_prokka|PROKKA_00366
Description: ER03783_3B_prokka|PROKKA_00366
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00436
Name: ER03783_3B_prokka|PROKKA_00436
Description: ER03783_3B_prokka|PROKKA_00436
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00437
Name: ER03783_3B_prokka|PROKKA_00437
Description: ER03783_3B_prokka|PROKKA_00437
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00449
Name: ER03783_3B_prokka|PROKKA_00449
Description: ER03783_3B_prokka|PROKKA_00449
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00530
Name: ER03783_3B_prokka|PROKKA_00530
Description: ER03783_3B_prokka|PROKKA_00530
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00531
Name: ER03783_3B_prokka|PROKKA_00531
Description: ER03783_3B_prokka|PROKKA_00531
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00548
Name: ER03783_3B_prokka|PROKKA_00548
Description: ER03783_3B_prokka|PROKKA_00548
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00571
Name: ER03783_3B_prokka|PROKKA_00571
Description: ER03783_3B_prokka|PROKKA_00571
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00677
Name: ER03783_3B_prokka|PROKKA_00677
Description: ER03783_3B_prokka|PROKKA_00677
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00704
Name: ER03783_3B_prokka|PROKKA_00704
Description: ER03783_3B_prokka|PROKKA_00704
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00934
Name: ER03783_3B_prokka|PROKKA_00934
Description: ER03783_3B_prokka|PROKKA_00934
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01101
Name: ER03783_3B_prokka|PROKKA_01101
Description: ER03783_3B_prokka|PROKKA_01101
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01118
Name: ER03783_3B_prokka|PROKKA_01118
Description: ER03783_3B_prokka|PROKKA_01118
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01242
Name: ER03783_3B_prokka|PROKKA_01242
Description: ER03783_3B_prokka|PROKKA_01242
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01410
Name: ER03783_3B_prokka|PROKKA_01410
Description: ER03783_3B_prokka|PROKKA_01410
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01428
Name: ER03783_3B_prokka|PROKKA_01428
Description: ER03783_3B_prokka|PROKKA_01428
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01484
Name: ER03783_3B_prokka|PROKKA_01484
Description: ER03783_3B_prokka|PROKKA_01484
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01569
Name: ER03783_3B_prokka|PROKKA_01569
Description: ER03783_3B_prokka|PROKKA_01569
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01608
Name: ER03783_3B_prokka|PROKKA_01608
Description: ER03783_3B_prokka|PROKKA_01608
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01718
Name: ER03783_3B_prokka|PROKKA_01718
Description: ER03783_3B_prokka|PROKKA_01718
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01782
Name: ER03783_3B_prokka|PROKKA_01782
Description: ER03783_3B_prokka|PROKKA_01782
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01791
Name: ER03783_3B_prokka|PROKKA_01791
Description: ER03783_3B_prokka|PROKKA_01791
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01936
Name: ER03783_3B_prokka|PROKKA_01936
Description: ER03783_3B_prokka|PROKKA_01936
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01967
Name: ER03783_3B_prokka|PROKKA_01967
Description: ER03783_3B_prokka|PROKKA_01967
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01980
Name: ER03783_3B_prokka|PROKKA_01980
Description: ER03783_3B_prokka|PROKKA_01980
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02005
Name: ER03783_3B_prokka|PROKKA_02005
Description: ER03783_3B_prokka|PROKKA_02005
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02010
Name: ER03783_3B_prokka|PROKKA_02010
Description: ER03783_3B_prokka|PROKKA_02010
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02018
Name: ER03783_3B_prokka|PROKKA_02018
Description: ER03783_3B_prokka|PROKKA_02018
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02033
Name: ER03783_3B_prokka|PROKKA_02033
Description: ER03783_3B_prokka|PROKKA_02033
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02052
Name: ER03783_3B_prokka|PROKKA_02052
Description: ER03783_3B_prokka|PROKKA_02052
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02060
Name: ER03783_3B_prokka|PROKKA_02060
Description: ER03783_3B_prokka|PROKKA_02060
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02167
Name: ER03783_3B_prokka|PROKKA_02167
Description: ER03783_3B_prokka|PROKKA_02167
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02217
Name: ER03783_3B_prokka|PROKKA_02217
Description: ER03783_3B_prokka|PROKKA_02217
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02219
Name: ER03783_3B_prokka|PROKKA_02219
Description: ER03783_3B_prokka|PROKKA_02219
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02230
Name: ER03783_3B_prokka|PROKKA_02230
Description: ER03783_3B_prokka|PROKKA_02230
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02256
Name: ER03783_3B_prokka|PROKKA_02256
Description: ER03783_3B_prokka|PROKKA_02256
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02261
Name: ER03783_3B_prokka|PROKKA_02261
Description: ER03783_3B_prokka|PROKKA_02261
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02267
Name: ER03783_3B_prokka|PROKKA_02267
Description: ER03783_3B_prokka|PROKKA_02267
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02285
Name: ER03783_3B_prokka|PROKKA_02285
Description: ER03783_3B_prokka|PROKKA_02285
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02301
Name: ER03783_3B_prokka|PROKKA_02301
Description: ER03783_3B_prokka|PROKKA_02301
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02305
Name: ER03783_3B_prokka|PROKKA_02305
Description: ER03783_3B_prokka|PROKKA_02305
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02334
Name: ER03783_3B_prokka|PROKKA_02334
Description: ER03783_3B_prokka|PROKKA_02334
Number of features: 0
Seq('MNIIEQKFYDSKAFFNTQQTKDISFRKDQLKKLSKAIKSYESDILEALYTQI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02379
Name: ER03783_3B_prokka|PROKKA_02379
Description: ER03783_3B_prokka|PROKKA_02379
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02431
Name: ER03783_3B_prokka|PROKKA_02431
Description: ER03783_3B_prokka|PROKKA_02431
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02473
Name: ER03783_3B_prokka|PROKKA_02473
Description: ER03783_3B_prokka|PROKKA_02473
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02487
Name: ER03783_3B_prokka|PROKKA_02487
Description: ER03783_3B_prokka|PROKKA_02487
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02656
Name: ER03783_3B_prokka|PROKKA_02656
Description: ER03783_3B_prokka|PROKKA_02656
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02729
Name: ER03783_3B_prokka|PROKKA_02729
Description: ER03783_3B_prokka|PROKKA_02729
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02764
Name: ER03783_3B_prokka|PROKKA_02764
Description: ER03783_3B_prokka|PROKKA_02764
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02767
Name: ER03783_3B_prokka|PROKKA_02767
Description: ER03783_3B_prokka|PROKKA_02767
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02794
Name: ER03783_3B_prokka|PROKKA_02794
Description: ER03783_3B_prokka|PROKKA_02794
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02799
Name: ER03783_3B_prokka|PROKKA_02799
Description: ER03783_3B_prokka|PROKKA_02799
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02807
Name: ER03783_3B_prokka|PROKKA_02807
Description: ER03783_3B_prokka|PROKKA_02807
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02813
Name: ER03783_3B_prokka|PROKKA_02813
Description: ER03783_3B_prokka|PROKKA_02813
Number of features: 0
Seq('MIELPSGRALAYPKASVGENSWGSQVVEFMA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02814
Name: ER03783_3B_prokka|PROKKA_02814
Description: ER03783_3B_prokka|PROKKA_02814
Number of features: 0
Seq('MQHQAYINASVDIRIPTEVESVNYNQIDKKKRIWRTIYLIIQVNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02815
Name: ER03783_3B_prokka|PROKKA_02815
Description: ER03783_3B_prokka|PROKKA_02815
Number of features: 0
Seq('MARRKVIRVRIKGKLMTLREVSEKYHISPRTS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02817
Name: ER03783_3B_prokka|PROKKA_02817
Description: ER03783_3B_prokka|PROKKA_02817
Number of features: 0
Seq('MSVISNRKVDMNEIQDNVKQPAHYTYGDIEIIDFIEQVTAAVSTTISICNR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02818
Name: ER03783_3B_prokka|PROKKA_02818
Description: ER03783_3B_prokka|PROKKA_02818
Number of features: 0
Seq('MYKKARAFDEILDGMTNAIQHSVKEGIELDEAVGIMAGQVIY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02821
Name: ER03783_3B_prokka|PROKKA_02821
Description: ER03783_3B_prokka|PROKKA_02821
Number of features: 0
Seq('MWIVISIVLSIFLLILLSSISHKMKTIEALEYMNAYLFKQLVKNNGVEV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00029
Name: ER03809_3A_prokka|PROKKA_00029
Description: ER03809_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00038
Name: ER03809_3A_prokka|PROKKA_00038
Description: ER03809_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00059
Name: ER03809_3A_prokka|PROKKA_00059
Description: ER03809_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00149
Name: ER03809_3A_prokka|PROKKA_00149
Description: ER03809_3A_prokka|PROKKA_00149
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00248
Name: ER03809_3A_prokka|PROKKA_00248
Description: ER03809_3A_prokka|PROKKA_00248
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00300
Name: ER03809_3A_prokka|PROKKA_00300
Description: ER03809_3A_prokka|PROKKA_00300
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00398
Name: ER03809_3A_prokka|PROKKA_00398
Description: ER03809_3A_prokka|PROKKA_00398
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00436
Name: ER03809_3A_prokka|PROKKA_00436
Description: ER03809_3A_prokka|PROKKA_00436
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00566
Name: ER03809_3A_prokka|PROKKA_00566
Description: ER03809_3A_prokka|PROKKA_00566
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00602
Name: ER03809_3A_prokka|PROKKA_00602
Description: ER03809_3A_prokka|PROKKA_00602
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00820
Name: ER03809_3A_prokka|PROKKA_00820
Description: ER03809_3A_prokka|PROKKA_00820
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00864
Name: ER03809_3A_prokka|PROKKA_00864
Description: ER03809_3A_prokka|PROKKA_00864
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00972
Name: ER03809_3A_prokka|PROKKA_00972
Description: ER03809_3A_prokka|PROKKA_00972
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01011
Name: ER03809_3A_prokka|PROKKA_01011
Description: ER03809_3A_prokka|PROKKA_01011
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01091
Name: ER03809_3A_prokka|PROKKA_01091
Description: ER03809_3A_prokka|PROKKA_01091
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01104
Name: ER03809_3A_prokka|PROKKA_01104
Description: ER03809_3A_prokka|PROKKA_01104
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01105
Name: ER03809_3A_prokka|PROKKA_01105
Description: ER03809_3A_prokka|PROKKA_01105
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01240
Name: ER03809_3A_prokka|PROKKA_01240
Description: ER03809_3A_prokka|PROKKA_01240
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01244
Name: ER03809_3A_prokka|PROKKA_01244
Description: ER03809_3A_prokka|PROKKA_01244
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01248
Name: ER03809_3A_prokka|PROKKA_01248
Description: ER03809_3A_prokka|PROKKA_01248
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01250
Name: ER03809_3A_prokka|PROKKA_01250
Description: ER03809_3A_prokka|PROKKA_01250
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01274
Name: ER03809_3A_prokka|PROKKA_01274
Description: ER03809_3A_prokka|PROKKA_01274
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01369
Name: ER03809_3A_prokka|PROKKA_01369
Description: ER03809_3A_prokka|PROKKA_01369
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01381
Name: ER03809_3A_prokka|PROKKA_01381
Description: ER03809_3A_prokka|PROKKA_01381
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01428
Name: ER03809_3A_prokka|PROKKA_01428
Description: ER03809_3A_prokka|PROKKA_01428
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01436
Name: ER03809_3A_prokka|PROKKA_01436
Description: ER03809_3A_prokka|PROKKA_01436
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01456
Name: ER03809_3A_prokka|PROKKA_01456
Description: ER03809_3A_prokka|PROKKA_01456
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01484
Name: ER03809_3A_prokka|PROKKA_01484
Description: ER03809_3A_prokka|PROKKA_01484
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01512
Name: ER03809_3A_prokka|PROKKA_01512
Description: ER03809_3A_prokka|PROKKA_01512
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01549
Name: ER03809_3A_prokka|PROKKA_01549
Description: ER03809_3A_prokka|PROKKA_01549
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01620
Name: ER03809_3A_prokka|PROKKA_01620
Description: ER03809_3A_prokka|PROKKA_01620
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01785
Name: ER03809_3A_prokka|PROKKA_01785
Description: ER03809_3A_prokka|PROKKA_01785
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01792
Name: ER03809_3A_prokka|PROKKA_01792
Description: ER03809_3A_prokka|PROKKA_01792
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01811
Name: ER03809_3A_prokka|PROKKA_01811
Description: ER03809_3A_prokka|PROKKA_01811
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01846
Name: ER03809_3A_prokka|PROKKA_01846
Description: ER03809_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01898
Name: ER03809_3A_prokka|PROKKA_01898
Description: ER03809_3A_prokka|PROKKA_01898
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01970
Name: ER03809_3A_prokka|PROKKA_01970
Description: ER03809_3A_prokka|PROKKA_01970
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01974
Name: ER03809_3A_prokka|PROKKA_01974
Description: ER03809_3A_prokka|PROKKA_01974
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01990
Name: ER03809_3A_prokka|PROKKA_01990
Description: ER03809_3A_prokka|PROKKA_01990
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_02010
Name: ER03809_3A_prokka|PROKKA_02010
Description: ER03809_3A_prokka|PROKKA_02010
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_02040
Name: ER03809_3A_prokka|PROKKA_02040
Description: ER03809_3A_prokka|PROKKA_02040
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_02042
Name: ER03809_3A_prokka|PROKKA_02042
Description: ER03809_3A_prokka|PROKKA_02042
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_02091
Name: ER03809_3A_prokka|PROKKA_02091
Description: ER03809_3A_prokka|PROKKA_02091
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_02211
Name: ER03809_3A_prokka|PROKKA_02211
Description: ER03809_3A_prokka|PROKKA_02211
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_02235
Name: ER03809_3A_prokka|PROKKA_02235
Description: ER03809_3A_prokka|PROKKA_02235
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_02266
Name: ER03809_3A_prokka|PROKKA_02266
Description: ER03809_3A_prokka|PROKKA_02266
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_02421
Name: ER03809_3A_prokka|PROKKA_02421
Description: ER03809_3A_prokka|PROKKA_02421
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_02632
Name: ER03809_3A_prokka|PROKKA_02632
Description: ER03809_3A_prokka|PROKKA_02632
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_02719
Name: ER03809_3A_prokka|PROKKA_02719
Description: ER03809_3A_prokka|PROKKA_02719
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_02749
Name: ER03809_3A_prokka|PROKKA_02749
Description: ER03809_3A_prokka|PROKKA_02749
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_00014
Name: ER03857_3B_prokka|PROKKA_00014
Description: ER03857_3B_prokka|PROKKA_00014
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_00061
Name: ER03857_3B_prokka|PROKKA_00061
Description: ER03857_3B_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_00070
Name: ER03857_3B_prokka|PROKKA_00070
Description: ER03857_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_00091
Name: ER03857_3B_prokka|PROKKA_00091
Description: ER03857_3B_prokka|PROKKA_00091
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_00181
Name: ER03857_3B_prokka|PROKKA_00181
Description: ER03857_3B_prokka|PROKKA_00181
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_00279
Name: ER03857_3B_prokka|PROKKA_00279
Description: ER03857_3B_prokka|PROKKA_00279
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_00331
Name: ER03857_3B_prokka|PROKKA_00331
Description: ER03857_3B_prokka|PROKKA_00331
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_00430
Name: ER03857_3B_prokka|PROKKA_00430
Description: ER03857_3B_prokka|PROKKA_00430
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_00468
Name: ER03857_3B_prokka|PROKKA_00468
Description: ER03857_3B_prokka|PROKKA_00468
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_00598
Name: ER03857_3B_prokka|PROKKA_00598
Description: ER03857_3B_prokka|PROKKA_00598
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_00634
Name: ER03857_3B_prokka|PROKKA_00634
Description: ER03857_3B_prokka|PROKKA_00634
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_00897
Name: ER03857_3B_prokka|PROKKA_00897
Description: ER03857_3B_prokka|PROKKA_00897
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01005
Name: ER03857_3B_prokka|PROKKA_01005
Description: ER03857_3B_prokka|PROKKA_01005
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01044
Name: ER03857_3B_prokka|PROKKA_01044
Description: ER03857_3B_prokka|PROKKA_01044
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01124
Name: ER03857_3B_prokka|PROKKA_01124
Description: ER03857_3B_prokka|PROKKA_01124
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01137
Name: ER03857_3B_prokka|PROKKA_01137
Description: ER03857_3B_prokka|PROKKA_01137
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01138
Name: ER03857_3B_prokka|PROKKA_01138
Description: ER03857_3B_prokka|PROKKA_01138
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01273
Name: ER03857_3B_prokka|PROKKA_01273
Description: ER03857_3B_prokka|PROKKA_01273
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01277
Name: ER03857_3B_prokka|PROKKA_01277
Description: ER03857_3B_prokka|PROKKA_01277
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01281
Name: ER03857_3B_prokka|PROKKA_01281
Description: ER03857_3B_prokka|PROKKA_01281
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01283
Name: ER03857_3B_prokka|PROKKA_01283
Description: ER03857_3B_prokka|PROKKA_01283
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01307
Name: ER03857_3B_prokka|PROKKA_01307
Description: ER03857_3B_prokka|PROKKA_01307
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01402
Name: ER03857_3B_prokka|PROKKA_01402
Description: ER03857_3B_prokka|PROKKA_01402
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01415
Name: ER03857_3B_prokka|PROKKA_01415
Description: ER03857_3B_prokka|PROKKA_01415
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01464
Name: ER03857_3B_prokka|PROKKA_01464
Description: ER03857_3B_prokka|PROKKA_01464
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01473
Name: ER03857_3B_prokka|PROKKA_01473
Description: ER03857_3B_prokka|PROKKA_01473
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01493
Name: ER03857_3B_prokka|PROKKA_01493
Description: ER03857_3B_prokka|PROKKA_01493
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01521
Name: ER03857_3B_prokka|PROKKA_01521
Description: ER03857_3B_prokka|PROKKA_01521
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01548
Name: ER03857_3B_prokka|PROKKA_01548
Description: ER03857_3B_prokka|PROKKA_01548
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01585
Name: ER03857_3B_prokka|PROKKA_01585
Description: ER03857_3B_prokka|PROKKA_01585
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01656
Name: ER03857_3B_prokka|PROKKA_01656
Description: ER03857_3B_prokka|PROKKA_01656
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01821
Name: ER03857_3B_prokka|PROKKA_01821
Description: ER03857_3B_prokka|PROKKA_01821
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01828
Name: ER03857_3B_prokka|PROKKA_01828
Description: ER03857_3B_prokka|PROKKA_01828
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01847
Name: ER03857_3B_prokka|PROKKA_01847
Description: ER03857_3B_prokka|PROKKA_01847
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01882
Name: ER03857_3B_prokka|PROKKA_01882
Description: ER03857_3B_prokka|PROKKA_01882
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01933
Name: ER03857_3B_prokka|PROKKA_01933
Description: ER03857_3B_prokka|PROKKA_01933
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02005
Name: ER03857_3B_prokka|PROKKA_02005
Description: ER03857_3B_prokka|PROKKA_02005
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02007
Name: ER03857_3B_prokka|PROKKA_02007
Description: ER03857_3B_prokka|PROKKA_02007
Number of features: 0
Seq('MLSEKSFGSNYFNVDSGYSELIIQPENVFDTTVKWQDRYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02010
Name: ER03857_3B_prokka|PROKKA_02010
Description: ER03857_3B_prokka|PROKKA_02010
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02026
Name: ER03857_3B_prokka|PROKKA_02026
Description: ER03857_3B_prokka|PROKKA_02026
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02046
Name: ER03857_3B_prokka|PROKKA_02046
Description: ER03857_3B_prokka|PROKKA_02046
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02076
Name: ER03857_3B_prokka|PROKKA_02076
Description: ER03857_3B_prokka|PROKKA_02076
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02078
Name: ER03857_3B_prokka|PROKKA_02078
Description: ER03857_3B_prokka|PROKKA_02078
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02127
Name: ER03857_3B_prokka|PROKKA_02127
Description: ER03857_3B_prokka|PROKKA_02127
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02247
Name: ER03857_3B_prokka|PROKKA_02247
Description: ER03857_3B_prokka|PROKKA_02247
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02271
Name: ER03857_3B_prokka|PROKKA_02271
Description: ER03857_3B_prokka|PROKKA_02271
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02302
Name: ER03857_3B_prokka|PROKKA_02302
Description: ER03857_3B_prokka|PROKKA_02302
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02457
Name: ER03857_3B_prokka|PROKKA_02457
Description: ER03857_3B_prokka|PROKKA_02457
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02666
Name: ER03857_3B_prokka|PROKKA_02666
Description: ER03857_3B_prokka|PROKKA_02666
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02753
Name: ER03857_3B_prokka|PROKKA_02753
Description: ER03857_3B_prokka|PROKKA_02753
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00031
Name: ER03864_3B_prokka|PROKKA_00031
Description: ER03864_3B_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00040
Name: ER03864_3B_prokka|PROKKA_00040
Description: ER03864_3B_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00128
Name: ER03864_3B_prokka|PROKKA_00128
Description: ER03864_3B_prokka|PROKKA_00128
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00229
Name: ER03864_3B_prokka|PROKKA_00229
Description: ER03864_3B_prokka|PROKKA_00229
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00281
Name: ER03864_3B_prokka|PROKKA_00281
Description: ER03864_3B_prokka|PROKKA_00281
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00378
Name: ER03864_3B_prokka|PROKKA_00378
Description: ER03864_3B_prokka|PROKKA_00378
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00415
Name: ER03864_3B_prokka|PROKKA_00415
Description: ER03864_3B_prokka|PROKKA_00415
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00545
Name: ER03864_3B_prokka|PROKKA_00545
Description: ER03864_3B_prokka|PROKKA_00545
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00581
Name: ER03864_3B_prokka|PROKKA_00581
Description: ER03864_3B_prokka|PROKKA_00581
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00782
Name: ER03864_3B_prokka|PROKKA_00782
Description: ER03864_3B_prokka|PROKKA_00782
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00808
Name: ER03864_3B_prokka|PROKKA_00808
Description: ER03864_3B_prokka|PROKKA_00808
Number of features: 0
Seq('MGRDNVLITPHIGSASVTTRDNMIQLCINNIEAVMTNQVPHTPVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00809
Name: ER03864_3B_prokka|PROKKA_00809
Description: ER03864_3B_prokka|PROKKA_00809
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00917
Name: ER03864_3B_prokka|PROKKA_00917
Description: ER03864_3B_prokka|PROKKA_00917
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00956
Name: ER03864_3B_prokka|PROKKA_00956
Description: ER03864_3B_prokka|PROKKA_00956
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01010
Name: ER03864_3B_prokka|PROKKA_01010
Description: ER03864_3B_prokka|PROKKA_01010
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01016
Name: ER03864_3B_prokka|PROKKA_01016
Description: ER03864_3B_prokka|PROKKA_01016
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01017
Name: ER03864_3B_prokka|PROKKA_01017
Description: ER03864_3B_prokka|PROKKA_01017
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFMYYKECFFKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01023
Name: ER03864_3B_prokka|PROKKA_01023
Description: ER03864_3B_prokka|PROKKA_01023
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRNAMHAVKVEKILKSPFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01027
Name: ER03864_3B_prokka|PROKKA_01027
Description: ER03864_3B_prokka|PROKKA_01027
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01043
Name: ER03864_3B_prokka|PROKKA_01043
Description: ER03864_3B_prokka|PROKKA_01043
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01106
Name: ER03864_3B_prokka|PROKKA_01106
Description: ER03864_3B_prokka|PROKKA_01106
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01118
Name: ER03864_3B_prokka|PROKKA_01118
Description: ER03864_3B_prokka|PROKKA_01118
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01119
Name: ER03864_3B_prokka|PROKKA_01119
Description: ER03864_3B_prokka|PROKKA_01119
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01254
Name: ER03864_3B_prokka|PROKKA_01254
Description: ER03864_3B_prokka|PROKKA_01254
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01258
Name: ER03864_3B_prokka|PROKKA_01258
Description: ER03864_3B_prokka|PROKKA_01258
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01262
Name: ER03864_3B_prokka|PROKKA_01262
Description: ER03864_3B_prokka|PROKKA_01262
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01264
Name: ER03864_3B_prokka|PROKKA_01264
Description: ER03864_3B_prokka|PROKKA_01264
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01288
Name: ER03864_3B_prokka|PROKKA_01288
Description: ER03864_3B_prokka|PROKKA_01288
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01384
Name: ER03864_3B_prokka|PROKKA_01384
Description: ER03864_3B_prokka|PROKKA_01384
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01396
Name: ER03864_3B_prokka|PROKKA_01396
Description: ER03864_3B_prokka|PROKKA_01396
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01443
Name: ER03864_3B_prokka|PROKKA_01443
Description: ER03864_3B_prokka|PROKKA_01443
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01451
Name: ER03864_3B_prokka|PROKKA_01451
Description: ER03864_3B_prokka|PROKKA_01451
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01471
Name: ER03864_3B_prokka|PROKKA_01471
Description: ER03864_3B_prokka|PROKKA_01471
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01485
Name: ER03864_3B_prokka|PROKKA_01485
Description: ER03864_3B_prokka|PROKKA_01485
Number of features: 0
Seq('MTIKELEEKFNISRYFVVKHDRDWETGEIIDTCIVLDEYADHINIEVEEVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01491
Name: ER03864_3B_prokka|PROKKA_01491
Description: ER03864_3B_prokka|PROKKA_01491
Number of features: 0
Seq('MSDTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYGE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01499
Name: ER03864_3B_prokka|PROKKA_01499
Description: ER03864_3B_prokka|PROKKA_01499
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01504
Name: ER03864_3B_prokka|PROKKA_01504
Description: ER03864_3B_prokka|PROKKA_01504
Number of features: 0
Seq('MVDKNKKQEATRSNPLNKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01530
Name: ER03864_3B_prokka|PROKKA_01530
Description: ER03864_3B_prokka|PROKKA_01530
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01567
Name: ER03864_3B_prokka|PROKKA_01567
Description: ER03864_3B_prokka|PROKKA_01567
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01638
Name: ER03864_3B_prokka|PROKKA_01638
Description: ER03864_3B_prokka|PROKKA_01638
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01810
Name: ER03864_3B_prokka|PROKKA_01810
Description: ER03864_3B_prokka|PROKKA_01810
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01829
Name: ER03864_3B_prokka|PROKKA_01829
Description: ER03864_3B_prokka|PROKKA_01829
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01864
Name: ER03864_3B_prokka|PROKKA_01864
Description: ER03864_3B_prokka|PROKKA_01864
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01914
Name: ER03864_3B_prokka|PROKKA_01914
Description: ER03864_3B_prokka|PROKKA_01914
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01986
Name: ER03864_3B_prokka|PROKKA_01986
Description: ER03864_3B_prokka|PROKKA_01986
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01996
Name: ER03864_3B_prokka|PROKKA_01996
Description: ER03864_3B_prokka|PROKKA_01996
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02007
Name: ER03864_3B_prokka|PROKKA_02007
Description: ER03864_3B_prokka|PROKKA_02007
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02025
Name: ER03864_3B_prokka|PROKKA_02025
Description: ER03864_3B_prokka|PROKKA_02025
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02029
Name: ER03864_3B_prokka|PROKKA_02029
Description: ER03864_3B_prokka|PROKKA_02029
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02035
Name: ER03864_3B_prokka|PROKKA_02035
Description: ER03864_3B_prokka|PROKKA_02035
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02038
Name: ER03864_3B_prokka|PROKKA_02038
Description: ER03864_3B_prokka|PROKKA_02038
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02045
Name: ER03864_3B_prokka|PROKKA_02045
Description: ER03864_3B_prokka|PROKKA_02045
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02047
Name: ER03864_3B_prokka|PROKKA_02047
Description: ER03864_3B_prokka|PROKKA_02047
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02055
Name: ER03864_3B_prokka|PROKKA_02055
Description: ER03864_3B_prokka|PROKKA_02055
Number of features: 0
Seq('MKQLVGIPESMLIPLIARAKEYENEKPIIKDALSKKYLMV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02067
Name: ER03864_3B_prokka|PROKKA_02067
Description: ER03864_3B_prokka|PROKKA_02067
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02069
Name: ER03864_3B_prokka|PROKKA_02069
Description: ER03864_3B_prokka|PROKKA_02069
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02118
Name: ER03864_3B_prokka|PROKKA_02118
Description: ER03864_3B_prokka|PROKKA_02118
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02237
Name: ER03864_3B_prokka|PROKKA_02237
Description: ER03864_3B_prokka|PROKKA_02237
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02261
Name: ER03864_3B_prokka|PROKKA_02261
Description: ER03864_3B_prokka|PROKKA_02261
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02292
Name: ER03864_3B_prokka|PROKKA_02292
Description: ER03864_3B_prokka|PROKKA_02292
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02447
Name: ER03864_3B_prokka|PROKKA_02447
Description: ER03864_3B_prokka|PROKKA_02447
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02655
Name: ER03864_3B_prokka|PROKKA_02655
Description: ER03864_3B_prokka|PROKKA_02655
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02742
Name: ER03864_3B_prokka|PROKKA_02742
Description: ER03864_3B_prokka|PROKKA_02742
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00006
Name: ER03868_3B_prokka|PROKKA_00006
Description: ER03868_3B_prokka|PROKKA_00006
Number of features: 0
Seq('MGKLAIKAGKIIGGGIASALGWAAGEKAVGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00007
Name: ER03868_3B_prokka|PROKKA_00007
Description: ER03868_3B_prokka|PROKKA_00007
Number of features: 0
Seq('MGAVAKFLGKAALGGAAGGATYAGLKKIFG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00008
Name: ER03868_3B_prokka|PROKKA_00008
Description: ER03868_3B_prokka|PROKKA_00008
Number of features: 0
Seq('MGALIKTGAKIIGSGAAGGLGTYIGHKILGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00009
Name: ER03868_3B_prokka|PROKKA_00009
Description: ER03868_3B_prokka|PROKKA_00009
Number of features: 0
Seq('MGAVIKVGAKVIGWGAASGAGLYGLEKIFKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00044
Name: ER03868_3B_prokka|PROKKA_00044
Description: ER03868_3B_prokka|PROKKA_00044
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00047
Name: ER03868_3B_prokka|PROKKA_00047
Description: ER03868_3B_prokka|PROKKA_00047
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00051
Name: ER03868_3B_prokka|PROKKA_00051
Description: ER03868_3B_prokka|PROKKA_00051
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00055
Name: ER03868_3B_prokka|PROKKA_00055
Description: ER03868_3B_prokka|PROKKA_00055
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDMSEILRERGVNVHHLTV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00064
Name: ER03868_3B_prokka|PROKKA_00064
Description: ER03868_3B_prokka|PROKKA_00064
Number of features: 0
Seq('MNWIKVAQLSVTVINEVIEIMKEKQNGEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00070
Name: ER03868_3B_prokka|PROKKA_00070
Description: ER03868_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MKFREAFENFITSKYVLGVLVVLTVYQIIQMLK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00120
Name: ER03868_3B_prokka|PROKKA_00120
Description: ER03868_3B_prokka|PROKKA_00120
Number of features: 0
Seq('MMKFSVIVPTYNSEKYITELLNSLAKQDFPKTEFEVIVVDDC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00129
Name: ER03868_3B_prokka|PROKKA_00129
Description: ER03868_3B_prokka|PROKKA_00129
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00206
Name: ER03868_3B_prokka|PROKKA_00206
Description: ER03868_3B_prokka|PROKKA_00206
Number of features: 0
Seq('MTKIIAVGWFLIANHLTAVFNYANLRCGYYKDRVVYELW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00270
Name: ER03868_3B_prokka|PROKKA_00270
Description: ER03868_3B_prokka|PROKKA_00270
Number of features: 0
Seq('MGIPDPLSNPMSDPLLGDSWMVGDLKKRQEKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00275
Name: ER03868_3B_prokka|PROKKA_00275
Description: ER03868_3B_prokka|PROKKA_00275
Number of features: 0
Seq('MMKRLNKLVLGISFLMLAISITAGCGIGKEAEIKKSFEKF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00291
Name: ER03868_3B_prokka|PROKKA_00291
Description: ER03868_3B_prokka|PROKKA_00291
Number of features: 0
Seq('MITIDSKINKQIAKNLSLEGMYVTREQQIQILHAINNEKEITNELIRKIAFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00311
Name: ER03868_3B_prokka|PROKKA_00311
Description: ER03868_3B_prokka|PROKKA_00311
Number of features: 0
Seq('MQNLWWGAGYNIVAVPLAAGILAFIGLILSPAIGAILMSLSTVIVAINAFTLKLK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00317
Name: ER03868_3B_prokka|PROKKA_00317
Description: ER03868_3B_prokka|PROKKA_00317
Number of features: 0
Seq('MDMENKKTEWKALYDISKESEMGVAERVSEYG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00416
Name: ER03868_3B_prokka|PROKKA_00416
Description: ER03868_3B_prokka|PROKKA_00416
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00584
Name: ER03868_3B_prokka|PROKKA_00584
Description: ER03868_3B_prokka|PROKKA_00584
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00827
Name: ER03868_3B_prokka|PROKKA_00827
Description: ER03868_3B_prokka|PROKKA_00827
Number of features: 0
Seq('MKMYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00843
Name: ER03868_3B_prokka|PROKKA_00843
Description: ER03868_3B_prokka|PROKKA_00843
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00844
Name: ER03868_3B_prokka|PROKKA_00844
Description: ER03868_3B_prokka|PROKKA_00844
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00865
Name: ER03868_3B_prokka|PROKKA_00865
Description: ER03868_3B_prokka|PROKKA_00865
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00976
Name: ER03868_3B_prokka|PROKKA_00976
Description: ER03868_3B_prokka|PROKKA_00976
Number of features: 0
Seq('MRQFIKRIVKTILVGYVIKFIRNKLSGKSSHPTDNKHK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01016
Name: ER03868_3B_prokka|PROKKA_01016
Description: ER03868_3B_prokka|PROKKA_01016
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01094
Name: ER03868_3B_prokka|PROKKA_01094
Description: ER03868_3B_prokka|PROKKA_01094
Number of features: 0
Seq('MKLFYIAFLIILWLNIFLGNEVIHTLTVLITTLYIVNRRKRVKNDTVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01106
Name: ER03868_3B_prokka|PROKKA_01106
Description: ER03868_3B_prokka|PROKKA_01106
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01107
Name: ER03868_3B_prokka|PROKKA_01107
Description: ER03868_3B_prokka|PROKKA_01107
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01252
Name: ER03868_3B_prokka|PROKKA_01252
Description: ER03868_3B_prokka|PROKKA_01252
Number of features: 0
Seq('MSNTYKSYIIAVMCITILAICLMPFLYFTTAWVIAASTGIAIFIFYDEYFFRE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01278
Name: ER03868_3B_prokka|PROKKA_01278
Description: ER03868_3B_prokka|PROKKA_01278
Number of features: 0
Seq('MYFAQLDGEITNKQSQELLDKEYKKAIELENKNKEQKLEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01280
Name: ER03868_3B_prokka|PROKKA_01280
Description: ER03868_3B_prokka|PROKKA_01280
Number of features: 0
Seq('MSIQHLDGYISIEDFFKHMEELSKKEELEKEINQSKSKYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01301
Name: ER03868_3B_prokka|PROKKA_01301
Description: ER03868_3B_prokka|PROKKA_01301
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01406
Name: ER03868_3B_prokka|PROKKA_01406
Description: ER03868_3B_prokka|PROKKA_01406
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01469
Name: ER03868_3B_prokka|PROKKA_01469
Description: ER03868_3B_prokka|PROKKA_01469
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01506
Name: ER03868_3B_prokka|PROKKA_01506
Description: ER03868_3B_prokka|PROKKA_01506
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01577
Name: ER03868_3B_prokka|PROKKA_01577
Description: ER03868_3B_prokka|PROKKA_01577
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01755
Name: ER03868_3B_prokka|PROKKA_01755
Description: ER03868_3B_prokka|PROKKA_01755
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01798
Name: ER03868_3B_prokka|PROKKA_01798
Description: ER03868_3B_prokka|PROKKA_01798
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVNDFEDLKELGKEMEQISDQNDQEKNSEEESQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01849
Name: ER03868_3B_prokka|PROKKA_01849
Description: ER03868_3B_prokka|PROKKA_01849
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01921
Name: ER03868_3B_prokka|PROKKA_01921
Description: ER03868_3B_prokka|PROKKA_01921
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01925
Name: ER03868_3B_prokka|PROKKA_01925
Description: ER03868_3B_prokka|PROKKA_01925
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLYIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01941
Name: ER03868_3B_prokka|PROKKA_01941
Description: ER03868_3B_prokka|PROKKA_01941
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01960
Name: ER03868_3B_prokka|PROKKA_01960
Description: ER03868_3B_prokka|PROKKA_01960
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01969
Name: ER03868_3B_prokka|PROKKA_01969
Description: ER03868_3B_prokka|PROKKA_01969
Number of features: 0
Seq('MNLKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01999
Name: ER03868_3B_prokka|PROKKA_01999
Description: ER03868_3B_prokka|PROKKA_01999
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02010
Name: ER03868_3B_prokka|PROKKA_02010
Description: ER03868_3B_prokka|PROKKA_02010
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02012
Name: ER03868_3B_prokka|PROKKA_02012
Description: ER03868_3B_prokka|PROKKA_02012
Number of features: 0
Seq('MNTLLNIFFDFITGVLKNIGSVASYSTCYFIMDEVEIPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02062
Name: ER03868_3B_prokka|PROKKA_02062
Description: ER03868_3B_prokka|PROKKA_02062
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02174
Name: ER03868_3B_prokka|PROKKA_02174
Description: ER03868_3B_prokka|PROKKA_02174
Number of features: 0
Seq('MIEIFKSFIFILFAWVIFYWIIPYGMYLTLKHKNMEKESIMRHDVY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02176
Name: ER03868_3B_prokka|PROKKA_02176
Description: ER03868_3B_prokka|PROKKA_02176
Number of features: 0
Seq('MFVLNCIASLFILFLSIKRIKYLLDKEENRHKVEINKIKTNIFKNIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02197
Name: ER03868_3B_prokka|PROKKA_02197
Description: ER03868_3B_prokka|PROKKA_02197
Number of features: 0
Seq('MTYIPFSIITLNTGIIMHMTMYFVPFECRKMPLFMAIIVTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02220
Name: ER03868_3B_prokka|PROKKA_02220
Description: ER03868_3B_prokka|PROKKA_02220
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02251
Name: ER03868_3B_prokka|PROKKA_02251
Description: ER03868_3B_prokka|PROKKA_02251
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02406
Name: ER03868_3B_prokka|PROKKA_02406
Description: ER03868_3B_prokka|PROKKA_02406
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02442
Name: ER03868_3B_prokka|PROKKA_02442
Description: ER03868_3B_prokka|PROKKA_02442
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02446
Name: ER03868_3B_prokka|PROKKA_02446
Description: ER03868_3B_prokka|PROKKA_02446
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02480
Name: ER03868_3B_prokka|PROKKA_02480
Description: ER03868_3B_prokka|PROKKA_02480
Number of features: 0
Seq('MKKKFVSSCIASTILFGTLLGVTYKAEAATVHVAGGVWSHGIGKHYV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02485
Name: ER03868_3B_prokka|PROKKA_02485
Description: ER03868_3B_prokka|PROKKA_02485
Number of features: 0
Seq('MKTGPLKCPKCNQDLYIKKVRYPISDIETLC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02513
Name: ER03868_3B_prokka|PROKKA_02513
Description: ER03868_3B_prokka|PROKKA_02513
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02655
Name: ER03868_3B_prokka|PROKKA_02655
Description: ER03868_3B_prokka|PROKKA_02655
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02726
Name: ER03868_3B_prokka|PROKKA_02726
Description: ER03868_3B_prokka|PROKKA_02726
Number of features: 0
Seq('MTVTWYNVIALTILVIVLSSFTTPIIGIPAGLLGGAYYLKRREEKGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02736
Name: ER03868_3B_prokka|PROKKA_02736
Description: ER03868_3B_prokka|PROKKA_02736
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00030
Name: ER03910_3B_prokka|PROKKA_00030
Description: ER03910_3B_prokka|PROKKA_00030
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00034
Name: ER03910_3B_prokka|PROKKA_00034
Description: ER03910_3B_prokka|PROKKA_00034
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00043
Name: ER03910_3B_prokka|PROKKA_00043
Description: ER03910_3B_prokka|PROKKA_00043
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00056
Name: ER03910_3B_prokka|PROKKA_00056
Description: ER03910_3B_prokka|PROKKA_00056
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00059
Name: ER03910_3B_prokka|PROKKA_00059
Description: ER03910_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00224
Name: ER03910_3B_prokka|PROKKA_00224
Description: ER03910_3B_prokka|PROKKA_00224
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00320
Name: ER03910_3B_prokka|PROKKA_00320
Description: ER03910_3B_prokka|PROKKA_00320
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00326
Name: ER03910_3B_prokka|PROKKA_00326
Description: ER03910_3B_prokka|PROKKA_00326
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00370
Name: ER03910_3B_prokka|PROKKA_00370
Description: ER03910_3B_prokka|PROKKA_00370
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00388
Name: ER03910_3B_prokka|PROKKA_00388
Description: ER03910_3B_prokka|PROKKA_00388
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00553
Name: ER03910_3B_prokka|PROKKA_00553
Description: ER03910_3B_prokka|PROKKA_00553
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00805
Name: ER03910_3B_prokka|PROKKA_00805
Description: ER03910_3B_prokka|PROKKA_00805
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00832
Name: ER03910_3B_prokka|PROKKA_00832
Description: ER03910_3B_prokka|PROKKA_00832
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00940
Name: ER03910_3B_prokka|PROKKA_00940
Description: ER03910_3B_prokka|PROKKA_00940
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00980
Name: ER03910_3B_prokka|PROKKA_00980
Description: ER03910_3B_prokka|PROKKA_00980
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01061
Name: ER03910_3B_prokka|PROKKA_01061
Description: ER03910_3B_prokka|PROKKA_01061
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01073
Name: ER03910_3B_prokka|PROKKA_01073
Description: ER03910_3B_prokka|PROKKA_01073
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01074
Name: ER03910_3B_prokka|PROKKA_01074
Description: ER03910_3B_prokka|PROKKA_01074
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01209
Name: ER03910_3B_prokka|PROKKA_01209
Description: ER03910_3B_prokka|PROKKA_01209
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01213
Name: ER03910_3B_prokka|PROKKA_01213
Description: ER03910_3B_prokka|PROKKA_01213
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01237
Name: ER03910_3B_prokka|PROKKA_01237
Description: ER03910_3B_prokka|PROKKA_01237
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01332
Name: ER03910_3B_prokka|PROKKA_01332
Description: ER03910_3B_prokka|PROKKA_01332
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01344
Name: ER03910_3B_prokka|PROKKA_01344
Description: ER03910_3B_prokka|PROKKA_01344
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01411
Name: ER03910_3B_prokka|PROKKA_01411
Description: ER03910_3B_prokka|PROKKA_01411
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01414
Name: ER03910_3B_prokka|PROKKA_01414
Description: ER03910_3B_prokka|PROKKA_01414
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01449
Name: ER03910_3B_prokka|PROKKA_01449
Description: ER03910_3B_prokka|PROKKA_01449
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01522
Name: ER03910_3B_prokka|PROKKA_01522
Description: ER03910_3B_prokka|PROKKA_01522
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01685
Name: ER03910_3B_prokka|PROKKA_01685
Description: ER03910_3B_prokka|PROKKA_01685
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01700
Name: ER03910_3B_prokka|PROKKA_01700
Description: ER03910_3B_prokka|PROKKA_01700
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01742
Name: ER03910_3B_prokka|PROKKA_01742
Description: ER03910_3B_prokka|PROKKA_01742
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01794
Name: ER03910_3B_prokka|PROKKA_01794
Description: ER03910_3B_prokka|PROKKA_01794
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01867
Name: ER03910_3B_prokka|PROKKA_01867
Description: ER03910_3B_prokka|PROKKA_01867
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01877
Name: ER03910_3B_prokka|PROKKA_01877
Description: ER03910_3B_prokka|PROKKA_01877
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01888
Name: ER03910_3B_prokka|PROKKA_01888
Description: ER03910_3B_prokka|PROKKA_01888
Number of features: 0
Seq('MTKQILRLLFLLAMYELGKYVTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01892
Name: ER03910_3B_prokka|PROKKA_01892
Description: ER03910_3B_prokka|PROKKA_01892
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSESEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01907
Name: ER03910_3B_prokka|PROKKA_01907
Description: ER03910_3B_prokka|PROKKA_01907
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01910
Name: ER03910_3B_prokka|PROKKA_01910
Description: ER03910_3B_prokka|PROKKA_01910
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01917
Name: ER03910_3B_prokka|PROKKA_01917
Description: ER03910_3B_prokka|PROKKA_01917
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01919
Name: ER03910_3B_prokka|PROKKA_01919
Description: ER03910_3B_prokka|PROKKA_01919
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01946
Name: ER03910_3B_prokka|PROKKA_01946
Description: ER03910_3B_prokka|PROKKA_01946
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01957
Name: ER03910_3B_prokka|PROKKA_01957
Description: ER03910_3B_prokka|PROKKA_01957
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01959
Name: ER03910_3B_prokka|PROKKA_01959
Description: ER03910_3B_prokka|PROKKA_01959
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02009
Name: ER03910_3B_prokka|PROKKA_02009
Description: ER03910_3B_prokka|PROKKA_02009
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02135
Name: ER03910_3B_prokka|PROKKA_02135
Description: ER03910_3B_prokka|PROKKA_02135
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02148
Name: ER03910_3B_prokka|PROKKA_02148
Description: ER03910_3B_prokka|PROKKA_02148
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02179
Name: ER03910_3B_prokka|PROKKA_02179
Description: ER03910_3B_prokka|PROKKA_02179
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02333
Name: ER03910_3B_prokka|PROKKA_02333
Description: ER03910_3B_prokka|PROKKA_02333
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02397
Name: ER03910_3B_prokka|PROKKA_02397
Description: ER03910_3B_prokka|PROKKA_02397
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02515
Name: ER03910_3B_prokka|PROKKA_02515
Description: ER03910_3B_prokka|PROKKA_02515
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02528
Name: ER03910_3B_prokka|PROKKA_02528
Description: ER03910_3B_prokka|PROKKA_02528
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02530
Name: ER03910_3B_prokka|PROKKA_02530
Description: ER03910_3B_prokka|PROKKA_02530
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02533
Name: ER03910_3B_prokka|PROKKA_02533
Description: ER03910_3B_prokka|PROKKA_02533
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02540
Name: ER03910_3B_prokka|PROKKA_02540
Description: ER03910_3B_prokka|PROKKA_02540
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02578
Name: ER03910_3B_prokka|PROKKA_02578
Description: ER03910_3B_prokka|PROKKA_02578
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02657
Name: ER03910_3B_prokka|PROKKA_02657
Description: ER03910_3B_prokka|PROKKA_02657
Number of features: 0
Seq('MIFSQNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEHRTLIYVPA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02663
Name: ER03910_3B_prokka|PROKKA_02663
Description: ER03910_3B_prokka|PROKKA_02663
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02666
Name: ER03910_3B_prokka|PROKKA_02666
Description: ER03910_3B_prokka|PROKKA_02666
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00005
Name: ER03913_3B_prokka|PROKKA_00005
Description: ER03913_3B_prokka|PROKKA_00005
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALTEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00039
Name: ER03913_3B_prokka|PROKKA_00039
Description: ER03913_3B_prokka|PROKKA_00039
Number of features: 0
Seq('MKRLGSLVVVLMLAACSGHSEDTENQEAVSPEEDNQEVVDNEADVCQRK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00104
Name: ER03913_3B_prokka|PROKKA_00104
Description: ER03913_3B_prokka|PROKKA_00104
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00113
Name: ER03913_3B_prokka|PROKKA_00113
Description: ER03913_3B_prokka|PROKKA_00113
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00134
Name: ER03913_3B_prokka|PROKKA_00134
Description: ER03913_3B_prokka|PROKKA_00134
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00225
Name: ER03913_3B_prokka|PROKKA_00225
Description: ER03913_3B_prokka|PROKKA_00225
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00324
Name: ER03913_3B_prokka|PROKKA_00324
Description: ER03913_3B_prokka|PROKKA_00324
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00376
Name: ER03913_3B_prokka|PROKKA_00376
Description: ER03913_3B_prokka|PROKKA_00376
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00475
Name: ER03913_3B_prokka|PROKKA_00475
Description: ER03913_3B_prokka|PROKKA_00475
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00513
Name: ER03913_3B_prokka|PROKKA_00513
Description: ER03913_3B_prokka|PROKKA_00513
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00642
Name: ER03913_3B_prokka|PROKKA_00642
Description: ER03913_3B_prokka|PROKKA_00642
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00678
Name: ER03913_3B_prokka|PROKKA_00678
Description: ER03913_3B_prokka|PROKKA_00678
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00896
Name: ER03913_3B_prokka|PROKKA_00896
Description: ER03913_3B_prokka|PROKKA_00896
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00940
Name: ER03913_3B_prokka|PROKKA_00940
Description: ER03913_3B_prokka|PROKKA_00940
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01048
Name: ER03913_3B_prokka|PROKKA_01048
Description: ER03913_3B_prokka|PROKKA_01048
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01087
Name: ER03913_3B_prokka|PROKKA_01087
Description: ER03913_3B_prokka|PROKKA_01087
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01088
Name: ER03913_3B_prokka|PROKKA_01088
Description: ER03913_3B_prokka|PROKKA_01088
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01168
Name: ER03913_3B_prokka|PROKKA_01168
Description: ER03913_3B_prokka|PROKKA_01168
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01181
Name: ER03913_3B_prokka|PROKKA_01181
Description: ER03913_3B_prokka|PROKKA_01181
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01182
Name: ER03913_3B_prokka|PROKKA_01182
Description: ER03913_3B_prokka|PROKKA_01182
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01317
Name: ER03913_3B_prokka|PROKKA_01317
Description: ER03913_3B_prokka|PROKKA_01317
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01321
Name: ER03913_3B_prokka|PROKKA_01321
Description: ER03913_3B_prokka|PROKKA_01321
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01325
Name: ER03913_3B_prokka|PROKKA_01325
Description: ER03913_3B_prokka|PROKKA_01325
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01327
Name: ER03913_3B_prokka|PROKKA_01327
Description: ER03913_3B_prokka|PROKKA_01327
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01351
Name: ER03913_3B_prokka|PROKKA_01351
Description: ER03913_3B_prokka|PROKKA_01351
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01446
Name: ER03913_3B_prokka|PROKKA_01446
Description: ER03913_3B_prokka|PROKKA_01446
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01459
Name: ER03913_3B_prokka|PROKKA_01459
Description: ER03913_3B_prokka|PROKKA_01459
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01514
Name: ER03913_3B_prokka|PROKKA_01514
Description: ER03913_3B_prokka|PROKKA_01514
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01522
Name: ER03913_3B_prokka|PROKKA_01522
Description: ER03913_3B_prokka|PROKKA_01522
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01542
Name: ER03913_3B_prokka|PROKKA_01542
Description: ER03913_3B_prokka|PROKKA_01542
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01571
Name: ER03913_3B_prokka|PROKKA_01571
Description: ER03913_3B_prokka|PROKKA_01571
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01598
Name: ER03913_3B_prokka|PROKKA_01598
Description: ER03913_3B_prokka|PROKKA_01598
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01635
Name: ER03913_3B_prokka|PROKKA_01635
Description: ER03913_3B_prokka|PROKKA_01635
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01706
Name: ER03913_3B_prokka|PROKKA_01706
Description: ER03913_3B_prokka|PROKKA_01706
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01871
Name: ER03913_3B_prokka|PROKKA_01871
Description: ER03913_3B_prokka|PROKKA_01871
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01878
Name: ER03913_3B_prokka|PROKKA_01878
Description: ER03913_3B_prokka|PROKKA_01878
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01897
Name: ER03913_3B_prokka|PROKKA_01897
Description: ER03913_3B_prokka|PROKKA_01897
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01932
Name: ER03913_3B_prokka|PROKKA_01932
Description: ER03913_3B_prokka|PROKKA_01932
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01984
Name: ER03913_3B_prokka|PROKKA_01984
Description: ER03913_3B_prokka|PROKKA_01984
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01986
Name: ER03913_3B_prokka|PROKKA_01986
Description: ER03913_3B_prokka|PROKKA_01986
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01987
Name: ER03913_3B_prokka|PROKKA_01987
Description: ER03913_3B_prokka|PROKKA_01987
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02017
Name: ER03913_3B_prokka|PROKKA_02017
Description: ER03913_3B_prokka|PROKKA_02017
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02026
Name: ER03913_3B_prokka|PROKKA_02026
Description: ER03913_3B_prokka|PROKKA_02026
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02033
Name: ER03913_3B_prokka|PROKKA_02033
Description: ER03913_3B_prokka|PROKKA_02033
Number of features: 0
Seq('MVTKEFLKTKLECSDIYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02049
Name: ER03913_3B_prokka|PROKKA_02049
Description: ER03913_3B_prokka|PROKKA_02049
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKLDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02124
Name: ER03913_3B_prokka|PROKKA_02124
Description: ER03913_3B_prokka|PROKKA_02124
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02128
Name: ER03913_3B_prokka|PROKKA_02128
Description: ER03913_3B_prokka|PROKKA_02128
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02144
Name: ER03913_3B_prokka|PROKKA_02144
Description: ER03913_3B_prokka|PROKKA_02144
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02164
Name: ER03913_3B_prokka|PROKKA_02164
Description: ER03913_3B_prokka|PROKKA_02164
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02194
Name: ER03913_3B_prokka|PROKKA_02194
Description: ER03913_3B_prokka|PROKKA_02194
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02196
Name: ER03913_3B_prokka|PROKKA_02196
Description: ER03913_3B_prokka|PROKKA_02196
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02245
Name: ER03913_3B_prokka|PROKKA_02245
Description: ER03913_3B_prokka|PROKKA_02245
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02372
Name: ER03913_3B_prokka|PROKKA_02372
Description: ER03913_3B_prokka|PROKKA_02372
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02396
Name: ER03913_3B_prokka|PROKKA_02396
Description: ER03913_3B_prokka|PROKKA_02396
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02427
Name: ER03913_3B_prokka|PROKKA_02427
Description: ER03913_3B_prokka|PROKKA_02427
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02582
Name: ER03913_3B_prokka|PROKKA_02582
Description: ER03913_3B_prokka|PROKKA_02582
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02710
Name: ER03913_3B_prokka|PROKKA_02710
Description: ER03913_3B_prokka|PROKKA_02710
Number of features: 0
Seq('MITVAVIDTGVDIYHNKLYKYINLSKSFC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02792
Name: ER03913_3B_prokka|PROKKA_02792
Description: ER03913_3B_prokka|PROKKA_02792
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02879
Name: ER03913_3B_prokka|PROKKA_02879
Description: ER03913_3B_prokka|PROKKA_02879
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02899
Name: ER03913_3B_prokka|PROKKA_02899
Description: ER03913_3B_prokka|PROKKA_02899
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00029
Name: ER03928_3B_prokka|PROKKA_00029
Description: ER03928_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00038
Name: ER03928_3B_prokka|PROKKA_00038
Description: ER03928_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00059
Name: ER03928_3B_prokka|PROKKA_00059
Description: ER03928_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00147
Name: ER03928_3B_prokka|PROKKA_00147
Description: ER03928_3B_prokka|PROKKA_00147
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00248
Name: ER03928_3B_prokka|PROKKA_00248
Description: ER03928_3B_prokka|PROKKA_00248
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00300
Name: ER03928_3B_prokka|PROKKA_00300
Description: ER03928_3B_prokka|PROKKA_00300
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00398
Name: ER03928_3B_prokka|PROKKA_00398
Description: ER03928_3B_prokka|PROKKA_00398
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00436
Name: ER03928_3B_prokka|PROKKA_00436
Description: ER03928_3B_prokka|PROKKA_00436
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00565
Name: ER03928_3B_prokka|PROKKA_00565
Description: ER03928_3B_prokka|PROKKA_00565
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00601
Name: ER03928_3B_prokka|PROKKA_00601
Description: ER03928_3B_prokka|PROKKA_00601
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00820
Name: ER03928_3B_prokka|PROKKA_00820
Description: ER03928_3B_prokka|PROKKA_00820
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00864
Name: ER03928_3B_prokka|PROKKA_00864
Description: ER03928_3B_prokka|PROKKA_00864
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00972
Name: ER03928_3B_prokka|PROKKA_00972
Description: ER03928_3B_prokka|PROKKA_00972
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01011
Name: ER03928_3B_prokka|PROKKA_01011
Description: ER03928_3B_prokka|PROKKA_01011
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01068
Name: ER03928_3B_prokka|PROKKA_01068
Description: ER03928_3B_prokka|PROKKA_01068
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01069
Name: ER03928_3B_prokka|PROKKA_01069
Description: ER03928_3B_prokka|PROKKA_01069
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01088
Name: ER03928_3B_prokka|PROKKA_01088
Description: ER03928_3B_prokka|PROKKA_01088
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01119
Name: ER03928_3B_prokka|PROKKA_01119
Description: ER03928_3B_prokka|PROKKA_01119
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01120
Name: ER03928_3B_prokka|PROKKA_01120
Description: ER03928_3B_prokka|PROKKA_01120
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01154
Name: ER03928_3B_prokka|PROKKA_01154
Description: ER03928_3B_prokka|PROKKA_01154
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01167
Name: ER03928_3B_prokka|PROKKA_01167
Description: ER03928_3B_prokka|PROKKA_01167
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01168
Name: ER03928_3B_prokka|PROKKA_01168
Description: ER03928_3B_prokka|PROKKA_01168
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01303
Name: ER03928_3B_prokka|PROKKA_01303
Description: ER03928_3B_prokka|PROKKA_01303
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01307
Name: ER03928_3B_prokka|PROKKA_01307
Description: ER03928_3B_prokka|PROKKA_01307
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01311
Name: ER03928_3B_prokka|PROKKA_01311
Description: ER03928_3B_prokka|PROKKA_01311
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01313
Name: ER03928_3B_prokka|PROKKA_01313
Description: ER03928_3B_prokka|PROKKA_01313
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01337
Name: ER03928_3B_prokka|PROKKA_01337
Description: ER03928_3B_prokka|PROKKA_01337
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01432
Name: ER03928_3B_prokka|PROKKA_01432
Description: ER03928_3B_prokka|PROKKA_01432
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01444
Name: ER03928_3B_prokka|PROKKA_01444
Description: ER03928_3B_prokka|PROKKA_01444
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01494
Name: ER03928_3B_prokka|PROKKA_01494
Description: ER03928_3B_prokka|PROKKA_01494
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01502
Name: ER03928_3B_prokka|PROKKA_01502
Description: ER03928_3B_prokka|PROKKA_01502
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01522
Name: ER03928_3B_prokka|PROKKA_01522
Description: ER03928_3B_prokka|PROKKA_01522
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01550
Name: ER03928_3B_prokka|PROKKA_01550
Description: ER03928_3B_prokka|PROKKA_01550
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01577
Name: ER03928_3B_prokka|PROKKA_01577
Description: ER03928_3B_prokka|PROKKA_01577
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01614
Name: ER03928_3B_prokka|PROKKA_01614
Description: ER03928_3B_prokka|PROKKA_01614
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01685
Name: ER03928_3B_prokka|PROKKA_01685
Description: ER03928_3B_prokka|PROKKA_01685
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01850
Name: ER03928_3B_prokka|PROKKA_01850
Description: ER03928_3B_prokka|PROKKA_01850
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01857
Name: ER03928_3B_prokka|PROKKA_01857
Description: ER03928_3B_prokka|PROKKA_01857
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01876
Name: ER03928_3B_prokka|PROKKA_01876
Description: ER03928_3B_prokka|PROKKA_01876
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01911
Name: ER03928_3B_prokka|PROKKA_01911
Description: ER03928_3B_prokka|PROKKA_01911
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01963
Name: ER03928_3B_prokka|PROKKA_01963
Description: ER03928_3B_prokka|PROKKA_01963
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02035
Name: ER03928_3B_prokka|PROKKA_02035
Description: ER03928_3B_prokka|PROKKA_02035
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02039
Name: ER03928_3B_prokka|PROKKA_02039
Description: ER03928_3B_prokka|PROKKA_02039
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02050
Name: ER03928_3B_prokka|PROKKA_02050
Description: ER03928_3B_prokka|PROKKA_02050
Number of features: 0
Seq('MVIKNILKKIKNRRKTDGFMAFVHALYRADDIVDKDMSKALDALMSIDF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02056
Name: ER03928_3B_prokka|PROKKA_02056
Description: ER03928_3B_prokka|PROKKA_02056
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02076
Name: ER03928_3B_prokka|PROKKA_02076
Description: ER03928_3B_prokka|PROKKA_02076
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02106
Name: ER03928_3B_prokka|PROKKA_02106
Description: ER03928_3B_prokka|PROKKA_02106
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02108
Name: ER03928_3B_prokka|PROKKA_02108
Description: ER03928_3B_prokka|PROKKA_02108
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02158
Name: ER03928_3B_prokka|PROKKA_02158
Description: ER03928_3B_prokka|PROKKA_02158
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02278
Name: ER03928_3B_prokka|PROKKA_02278
Description: ER03928_3B_prokka|PROKKA_02278
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02302
Name: ER03928_3B_prokka|PROKKA_02302
Description: ER03928_3B_prokka|PROKKA_02302
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02333
Name: ER03928_3B_prokka|PROKKA_02333
Description: ER03928_3B_prokka|PROKKA_02333
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02488
Name: ER03928_3B_prokka|PROKKA_02488
Description: ER03928_3B_prokka|PROKKA_02488
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02692
Name: ER03928_3B_prokka|PROKKA_02692
Description: ER03928_3B_prokka|PROKKA_02692
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02779
Name: ER03928_3B_prokka|PROKKA_02779
Description: ER03928_3B_prokka|PROKKA_02779
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02809
Name: ER03928_3B_prokka|PROKKA_02809
Description: ER03928_3B_prokka|PROKKA_02809
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00039
Name: ER03930_3B_prokka|PROKKA_00039
Description: ER03930_3B_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00042
Name: ER03930_3B_prokka|PROKKA_00042
Description: ER03930_3B_prokka|PROKKA_00042
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00046
Name: ER03930_3B_prokka|PROKKA_00046
Description: ER03930_3B_prokka|PROKKA_00046
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00067
Name: ER03930_3B_prokka|PROKKA_00067
Description: ER03930_3B_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00085
Name: ER03930_3B_prokka|PROKKA_00085
Description: ER03930_3B_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00252
Name: ER03930_3B_prokka|PROKKA_00252
Description: ER03930_3B_prokka|PROKKA_00252
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00376
Name: ER03930_3B_prokka|PROKKA_00376
Description: ER03930_3B_prokka|PROKKA_00376
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00393
Name: ER03930_3B_prokka|PROKKA_00393
Description: ER03930_3B_prokka|PROKKA_00393
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00559
Name: ER03930_3B_prokka|PROKKA_00559
Description: ER03930_3B_prokka|PROKKA_00559
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00788
Name: ER03930_3B_prokka|PROKKA_00788
Description: ER03930_3B_prokka|PROKKA_00788
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00819
Name: ER03930_3B_prokka|PROKKA_00819
Description: ER03930_3B_prokka|PROKKA_00819
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00823
Name: ER03930_3B_prokka|PROKKA_00823
Description: ER03930_3B_prokka|PROKKA_00823
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00839
Name: ER03930_3B_prokka|PROKKA_00839
Description: ER03930_3B_prokka|PROKKA_00839
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00869
Name: ER03930_3B_prokka|PROKKA_00869
Description: ER03930_3B_prokka|PROKKA_00869
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00870
Name: ER03930_3B_prokka|PROKKA_00870
Description: ER03930_3B_prokka|PROKKA_00870
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00872
Name: ER03930_3B_prokka|PROKKA_00872
Description: ER03930_3B_prokka|PROKKA_00872
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00924
Name: ER03930_3B_prokka|PROKKA_00924
Description: ER03930_3B_prokka|PROKKA_00924
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00966
Name: ER03930_3B_prokka|PROKKA_00966
Description: ER03930_3B_prokka|PROKKA_00966
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00980
Name: ER03930_3B_prokka|PROKKA_00980
Description: ER03930_3B_prokka|PROKKA_00980
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01149
Name: ER03930_3B_prokka|PROKKA_01149
Description: ER03930_3B_prokka|PROKKA_01149
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01223
Name: ER03930_3B_prokka|PROKKA_01223
Description: ER03930_3B_prokka|PROKKA_01223
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01258
Name: ER03930_3B_prokka|PROKKA_01258
Description: ER03930_3B_prokka|PROKKA_01258
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01261
Name: ER03930_3B_prokka|PROKKA_01261
Description: ER03930_3B_prokka|PROKKA_01261
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01288
Name: ER03930_3B_prokka|PROKKA_01288
Description: ER03930_3B_prokka|PROKKA_01288
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01293
Name: ER03930_3B_prokka|PROKKA_01293
Description: ER03930_3B_prokka|PROKKA_01293
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01301
Name: ER03930_3B_prokka|PROKKA_01301
Description: ER03930_3B_prokka|PROKKA_01301
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01316
Name: ER03930_3B_prokka|PROKKA_01316
Description: ER03930_3B_prokka|PROKKA_01316
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01335
Name: ER03930_3B_prokka|PROKKA_01335
Description: ER03930_3B_prokka|PROKKA_01335
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01343
Name: ER03930_3B_prokka|PROKKA_01343
Description: ER03930_3B_prokka|PROKKA_01343
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01390
Name: ER03930_3B_prokka|PROKKA_01390
Description: ER03930_3B_prokka|PROKKA_01390
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01402
Name: ER03930_3B_prokka|PROKKA_01402
Description: ER03930_3B_prokka|PROKKA_01402
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01496
Name: ER03930_3B_prokka|PROKKA_01496
Description: ER03930_3B_prokka|PROKKA_01496
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01520
Name: ER03930_3B_prokka|PROKKA_01520
Description: ER03930_3B_prokka|PROKKA_01520
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01524
Name: ER03930_3B_prokka|PROKKA_01524
Description: ER03930_3B_prokka|PROKKA_01524
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01660
Name: ER03930_3B_prokka|PROKKA_01660
Description: ER03930_3B_prokka|PROKKA_01660
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01661
Name: ER03930_3B_prokka|PROKKA_01661
Description: ER03930_3B_prokka|PROKKA_01661
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01673
Name: ER03930_3B_prokka|PROKKA_01673
Description: ER03930_3B_prokka|PROKKA_01673
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01755
Name: ER03930_3B_prokka|PROKKA_01755
Description: ER03930_3B_prokka|PROKKA_01755
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01756
Name: ER03930_3B_prokka|PROKKA_01756
Description: ER03930_3B_prokka|PROKKA_01756
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01773
Name: ER03930_3B_prokka|PROKKA_01773
Description: ER03930_3B_prokka|PROKKA_01773
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01796
Name: ER03930_3B_prokka|PROKKA_01796
Description: ER03930_3B_prokka|PROKKA_01796
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01902
Name: ER03930_3B_prokka|PROKKA_01902
Description: ER03930_3B_prokka|PROKKA_01902
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01917
Name: ER03930_3B_prokka|PROKKA_01917
Description: ER03930_3B_prokka|PROKKA_01917
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01918
Name: ER03930_3B_prokka|PROKKA_01918
Description: ER03930_3B_prokka|PROKKA_01918
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01949
Name: ER03930_3B_prokka|PROKKA_01949
Description: ER03930_3B_prokka|PROKKA_01949
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01971
Name: ER03930_3B_prokka|PROKKA_01971
Description: ER03930_3B_prokka|PROKKA_01971
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01976
Name: ER03930_3B_prokka|PROKKA_01976
Description: ER03930_3B_prokka|PROKKA_01976
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02050
Name: ER03930_3B_prokka|PROKKA_02050
Description: ER03930_3B_prokka|PROKKA_02050
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02054
Name: ER03930_3B_prokka|PROKKA_02054
Description: ER03930_3B_prokka|PROKKA_02054
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02070
Name: ER03930_3B_prokka|PROKKA_02070
Description: ER03930_3B_prokka|PROKKA_02070
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02088
Name: ER03930_3B_prokka|PROKKA_02088
Description: ER03930_3B_prokka|PROKKA_02088
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02094
Name: ER03930_3B_prokka|PROKKA_02094
Description: ER03930_3B_prokka|PROKKA_02094
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02099
Name: ER03930_3B_prokka|PROKKA_02099
Description: ER03930_3B_prokka|PROKKA_02099
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02115
Name: ER03930_3B_prokka|PROKKA_02115
Description: ER03930_3B_prokka|PROKKA_02115
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02117
Name: ER03930_3B_prokka|PROKKA_02117
Description: ER03930_3B_prokka|PROKKA_02117
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02170
Name: ER03930_3B_prokka|PROKKA_02170
Description: ER03930_3B_prokka|PROKKA_02170
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02278
Name: ER03930_3B_prokka|PROKKA_02278
Description: ER03930_3B_prokka|PROKKA_02278
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02297
Name: ER03930_3B_prokka|PROKKA_02297
Description: ER03930_3B_prokka|PROKKA_02297
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02310
Name: ER03930_3B_prokka|PROKKA_02310
Description: ER03930_3B_prokka|PROKKA_02310
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02342
Name: ER03930_3B_prokka|PROKKA_02342
Description: ER03930_3B_prokka|PROKKA_02342
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02487
Name: ER03930_3B_prokka|PROKKA_02487
Description: ER03930_3B_prokka|PROKKA_02487
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02496
Name: ER03930_3B_prokka|PROKKA_02496
Description: ER03930_3B_prokka|PROKKA_02496
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02560
Name: ER03930_3B_prokka|PROKKA_02560
Description: ER03930_3B_prokka|PROKKA_02560
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02668
Name: ER03930_3B_prokka|PROKKA_02668
Description: ER03930_3B_prokka|PROKKA_02668
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02706
Name: ER03930_3B_prokka|PROKKA_02706
Description: ER03930_3B_prokka|PROKKA_02706
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02790
Name: ER03930_3B_prokka|PROKKA_02790
Description: ER03930_3B_prokka|PROKKA_02790
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02860
Name: ER03930_3B_prokka|PROKKA_02860
Description: ER03930_3B_prokka|PROKKA_02860
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00016
Name: ER03947_3B_prokka|PROKKA_00016
Description: ER03947_3B_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00031
Name: ER03947_3B_prokka|PROKKA_00031
Description: ER03947_3B_prokka|PROKKA_00031
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00046
Name: ER03947_3B_prokka|PROKKA_00046
Description: ER03947_3B_prokka|PROKKA_00046
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00054
Name: ER03947_3B_prokka|PROKKA_00054
Description: ER03947_3B_prokka|PROKKA_00054
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00059
Name: ER03947_3B_prokka|PROKKA_00059
Description: ER03947_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00062
Name: ER03947_3B_prokka|PROKKA_00062
Description: ER03947_3B_prokka|PROKKA_00062
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00069
Name: ER03947_3B_prokka|PROKKA_00069
Description: ER03947_3B_prokka|PROKKA_00069
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00088
Name: ER03947_3B_prokka|PROKKA_00088
Description: ER03947_3B_prokka|PROKKA_00088
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00101
Name: ER03947_3B_prokka|PROKKA_00101
Description: ER03947_3B_prokka|PROKKA_00101
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00133
Name: ER03947_3B_prokka|PROKKA_00133
Description: ER03947_3B_prokka|PROKKA_00133
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00278
Name: ER03947_3B_prokka|PROKKA_00278
Description: ER03947_3B_prokka|PROKKA_00278
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00287
Name: ER03947_3B_prokka|PROKKA_00287
Description: ER03947_3B_prokka|PROKKA_00287
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00351
Name: ER03947_3B_prokka|PROKKA_00351
Description: ER03947_3B_prokka|PROKKA_00351
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00459
Name: ER03947_3B_prokka|PROKKA_00459
Description: ER03947_3B_prokka|PROKKA_00459
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00497
Name: ER03947_3B_prokka|PROKKA_00497
Description: ER03947_3B_prokka|PROKKA_00497
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00581
Name: ER03947_3B_prokka|PROKKA_00581
Description: ER03947_3B_prokka|PROKKA_00581
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00620
Name: ER03947_3B_prokka|PROKKA_00620
Description: ER03947_3B_prokka|PROKKA_00620
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00626
Name: ER03947_3B_prokka|PROKKA_00626
Description: ER03947_3B_prokka|PROKKA_00626
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00647
Name: ER03947_3B_prokka|PROKKA_00647
Description: ER03947_3B_prokka|PROKKA_00647
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00665
Name: ER03947_3B_prokka|PROKKA_00665
Description: ER03947_3B_prokka|PROKKA_00665
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00832
Name: ER03947_3B_prokka|PROKKA_00832
Description: ER03947_3B_prokka|PROKKA_00832
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00956
Name: ER03947_3B_prokka|PROKKA_00956
Description: ER03947_3B_prokka|PROKKA_00956
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00973
Name: ER03947_3B_prokka|PROKKA_00973
Description: ER03947_3B_prokka|PROKKA_00973
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01139
Name: ER03947_3B_prokka|PROKKA_01139
Description: ER03947_3B_prokka|PROKKA_01139
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01258
Name: ER03947_3B_prokka|PROKKA_01258
Description: ER03947_3B_prokka|PROKKA_01258
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01369
Name: ER03947_3B_prokka|PROKKA_01369
Description: ER03947_3B_prokka|PROKKA_01369
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01396
Name: ER03947_3B_prokka|PROKKA_01396
Description: ER03947_3B_prokka|PROKKA_01396
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01501
Name: ER03947_3B_prokka|PROKKA_01501
Description: ER03947_3B_prokka|PROKKA_01501
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01540
Name: ER03947_3B_prokka|PROKKA_01540
Description: ER03947_3B_prokka|PROKKA_01540
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01541
Name: ER03947_3B_prokka|PROKKA_01541
Description: ER03947_3B_prokka|PROKKA_01541
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01624
Name: ER03947_3B_prokka|PROKKA_01624
Description: ER03947_3B_prokka|PROKKA_01624
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01636
Name: ER03947_3B_prokka|PROKKA_01636
Description: ER03947_3B_prokka|PROKKA_01636
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01637
Name: ER03947_3B_prokka|PROKKA_01637
Description: ER03947_3B_prokka|PROKKA_01637
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01773
Name: ER03947_3B_prokka|PROKKA_01773
Description: ER03947_3B_prokka|PROKKA_01773
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01777
Name: ER03947_3B_prokka|PROKKA_01777
Description: ER03947_3B_prokka|PROKKA_01777
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01801
Name: ER03947_3B_prokka|PROKKA_01801
Description: ER03947_3B_prokka|PROKKA_01801
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01905
Name: ER03947_3B_prokka|PROKKA_01905
Description: ER03947_3B_prokka|PROKKA_01905
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01952
Name: ER03947_3B_prokka|PROKKA_01952
Description: ER03947_3B_prokka|PROKKA_01952
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01960
Name: ER03947_3B_prokka|PROKKA_01960
Description: ER03947_3B_prokka|PROKKA_01960
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01979
Name: ER03947_3B_prokka|PROKKA_01979
Description: ER03947_3B_prokka|PROKKA_01979
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01994
Name: ER03947_3B_prokka|PROKKA_01994
Description: ER03947_3B_prokka|PROKKA_01994
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02002
Name: ER03947_3B_prokka|PROKKA_02002
Description: ER03947_3B_prokka|PROKKA_02002
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02007
Name: ER03947_3B_prokka|PROKKA_02007
Description: ER03947_3B_prokka|PROKKA_02007
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02034
Name: ER03947_3B_prokka|PROKKA_02034
Description: ER03947_3B_prokka|PROKKA_02034
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02037
Name: ER03947_3B_prokka|PROKKA_02037
Description: ER03947_3B_prokka|PROKKA_02037
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02072
Name: ER03947_3B_prokka|PROKKA_02072
Description: ER03947_3B_prokka|PROKKA_02072
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02146
Name: ER03947_3B_prokka|PROKKA_02146
Description: ER03947_3B_prokka|PROKKA_02146
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02315
Name: ER03947_3B_prokka|PROKKA_02315
Description: ER03947_3B_prokka|PROKKA_02315
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02329
Name: ER03947_3B_prokka|PROKKA_02329
Description: ER03947_3B_prokka|PROKKA_02329
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02371
Name: ER03947_3B_prokka|PROKKA_02371
Description: ER03947_3B_prokka|PROKKA_02371
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02423
Name: ER03947_3B_prokka|PROKKA_02423
Description: ER03947_3B_prokka|PROKKA_02423
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02425
Name: ER03947_3B_prokka|PROKKA_02425
Description: ER03947_3B_prokka|PROKKA_02425
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02426
Name: ER03947_3B_prokka|PROKKA_02426
Description: ER03947_3B_prokka|PROKKA_02426
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02456
Name: ER03947_3B_prokka|PROKKA_02456
Description: ER03947_3B_prokka|PROKKA_02456
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02478
Name: ER03947_3B_prokka|PROKKA_02478
Description: ER03947_3B_prokka|PROKKA_02478
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02483
Name: ER03947_3B_prokka|PROKKA_02483
Description: ER03947_3B_prokka|PROKKA_02483
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02559
Name: ER03947_3B_prokka|PROKKA_02559
Description: ER03947_3B_prokka|PROKKA_02559
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02561
Name: ER03947_3B_prokka|PROKKA_02561
Description: ER03947_3B_prokka|PROKKA_02561
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02612
Name: ER03947_3B_prokka|PROKKA_02612
Description: ER03947_3B_prokka|PROKKA_02612
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02720
Name: ER03947_3B_prokka|PROKKA_02720
Description: ER03947_3B_prokka|PROKKA_02720
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00078
Name: ER03967_3A_prokka|PROKKA_00078
Description: ER03967_3A_prokka|PROKKA_00078
Number of features: 0
Seq('MHFLKEGDLTIYFYIWNKKEYLTSDLFDLTESEKQEINHQVIDEIEEEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00079
Name: ER03967_3A_prokka|PROKKA_00079
Description: ER03967_3A_prokka|PROKKA_00079
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00086
Name: ER03967_3A_prokka|PROKKA_00086
Description: ER03967_3A_prokka|PROKKA_00086
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00095
Name: ER03967_3A_prokka|PROKKA_00095
Description: ER03967_3A_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00117
Name: ER03967_3A_prokka|PROKKA_00117
Description: ER03967_3A_prokka|PROKKA_00117
Number of features: 0
Seq('MKKCIKTLFLSIILVVMGGWYHSAHASDSLSKSPENWMSKLDESKHLTEINMPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00271
Name: ER03967_3A_prokka|PROKKA_00271
Description: ER03967_3A_prokka|PROKKA_00271
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00396
Name: ER03967_3A_prokka|PROKKA_00396
Description: ER03967_3A_prokka|PROKKA_00396
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00413
Name: ER03967_3A_prokka|PROKKA_00413
Description: ER03967_3A_prokka|PROKKA_00413
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00580
Name: ER03967_3A_prokka|PROKKA_00580
Description: ER03967_3A_prokka|PROKKA_00580
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00698
Name: ER03967_3A_prokka|PROKKA_00698
Description: ER03967_3A_prokka|PROKKA_00698
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00811
Name: ER03967_3A_prokka|PROKKA_00811
Description: ER03967_3A_prokka|PROKKA_00811
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00838
Name: ER03967_3A_prokka|PROKKA_00838
Description: ER03967_3A_prokka|PROKKA_00838
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00943
Name: ER03967_3A_prokka|PROKKA_00943
Description: ER03967_3A_prokka|PROKKA_00943
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00983
Name: ER03967_3A_prokka|PROKKA_00983
Description: ER03967_3A_prokka|PROKKA_00983
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01066
Name: ER03967_3A_prokka|PROKKA_01066
Description: ER03967_3A_prokka|PROKKA_01066
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01078
Name: ER03967_3A_prokka|PROKKA_01078
Description: ER03967_3A_prokka|PROKKA_01078
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01079
Name: ER03967_3A_prokka|PROKKA_01079
Description: ER03967_3A_prokka|PROKKA_01079
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01214
Name: ER03967_3A_prokka|PROKKA_01214
Description: ER03967_3A_prokka|PROKKA_01214
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01218
Name: ER03967_3A_prokka|PROKKA_01218
Description: ER03967_3A_prokka|PROKKA_01218
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01242
Name: ER03967_3A_prokka|PROKKA_01242
Description: ER03967_3A_prokka|PROKKA_01242
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01336
Name: ER03967_3A_prokka|PROKKA_01336
Description: ER03967_3A_prokka|PROKKA_01336
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01348
Name: ER03967_3A_prokka|PROKKA_01348
Description: ER03967_3A_prokka|PROKKA_01348
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01415
Name: ER03967_3A_prokka|PROKKA_01415
Description: ER03967_3A_prokka|PROKKA_01415
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01418
Name: ER03967_3A_prokka|PROKKA_01418
Description: ER03967_3A_prokka|PROKKA_01418
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01453
Name: ER03967_3A_prokka|PROKKA_01453
Description: ER03967_3A_prokka|PROKKA_01453
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01525
Name: ER03967_3A_prokka|PROKKA_01525
Description: ER03967_3A_prokka|PROKKA_01525
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01688
Name: ER03967_3A_prokka|PROKKA_01688
Description: ER03967_3A_prokka|PROKKA_01688
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01703
Name: ER03967_3A_prokka|PROKKA_01703
Description: ER03967_3A_prokka|PROKKA_01703
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01745
Name: ER03967_3A_prokka|PROKKA_01745
Description: ER03967_3A_prokka|PROKKA_01745
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01797
Name: ER03967_3A_prokka|PROKKA_01797
Description: ER03967_3A_prokka|PROKKA_01797
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01799
Name: ER03967_3A_prokka|PROKKA_01799
Description: ER03967_3A_prokka|PROKKA_01799
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01800
Name: ER03967_3A_prokka|PROKKA_01800
Description: ER03967_3A_prokka|PROKKA_01800
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01831
Name: ER03967_3A_prokka|PROKKA_01831
Description: ER03967_3A_prokka|PROKKA_01831
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01838
Name: ER03967_3A_prokka|PROKKA_01838
Description: ER03967_3A_prokka|PROKKA_01838
Number of features: 0
Seq('MTVTLSDEQYKNLCTKLNKLLGKLHKALKQRDEYKKQRDELIGDIAEVKRT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01848
Name: ER03967_3A_prokka|PROKKA_01848
Description: ER03967_3A_prokka|PROKKA_01848
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01867
Name: ER03967_3A_prokka|PROKKA_01867
Description: ER03967_3A_prokka|PROKKA_01867
Number of features: 0
Seq('MRKYNFDKFFLYMAVLSLPIVIFFPLMLSIPIIFFIFSIRKKED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01945
Name: ER03967_3A_prokka|PROKKA_01945
Description: ER03967_3A_prokka|PROKKA_01945
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01949
Name: ER03967_3A_prokka|PROKKA_01949
Description: ER03967_3A_prokka|PROKKA_01949
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01965
Name: ER03967_3A_prokka|PROKKA_01965
Description: ER03967_3A_prokka|PROKKA_01965
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01983
Name: ER03967_3A_prokka|PROKKA_01983
Description: ER03967_3A_prokka|PROKKA_01983
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02009
Name: ER03967_3A_prokka|PROKKA_02009
Description: ER03967_3A_prokka|PROKKA_02009
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02011
Name: ER03967_3A_prokka|PROKKA_02011
Description: ER03967_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02061
Name: ER03967_3A_prokka|PROKKA_02061
Description: ER03967_3A_prokka|PROKKA_02061
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02187
Name: ER03967_3A_prokka|PROKKA_02187
Description: ER03967_3A_prokka|PROKKA_02187
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02215
Name: ER03967_3A_prokka|PROKKA_02215
Description: ER03967_3A_prokka|PROKKA_02215
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02246
Name: ER03967_3A_prokka|PROKKA_02246
Description: ER03967_3A_prokka|PROKKA_02246
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02399
Name: ER03967_3A_prokka|PROKKA_02399
Description: ER03967_3A_prokka|PROKKA_02399
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02463
Name: ER03967_3A_prokka|PROKKA_02463
Description: ER03967_3A_prokka|PROKKA_02463
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02579
Name: ER03967_3A_prokka|PROKKA_02579
Description: ER03967_3A_prokka|PROKKA_02579
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02617
Name: ER03967_3A_prokka|PROKKA_02617
Description: ER03967_3A_prokka|PROKKA_02617
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02701
Name: ER03967_3A_prokka|PROKKA_02701
Description: ER03967_3A_prokka|PROKKA_02701
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02708
Name: ER03967_3A_prokka|PROKKA_02708
Description: ER03967_3A_prokka|PROKKA_02708
Number of features: 0
Seq('MVKAIAVDMDGTFLDSKKTYDKPRFEAILLNLEIEILHLLLRVAINMRS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02712
Name: ER03967_3A_prokka|PROKKA_02712
Description: ER03967_3A_prokka|PROKKA_02712
Number of features: 0
Seq('MSNMNQTIMDAFHFRHATKQFDPQKKVSKEDFETILESGRLSPSSLG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02714
Name: ER03967_3A_prokka|PROKKA_02714
Description: ER03967_3A_prokka|PROKKA_02714
Number of features: 0
Seq('MTDILANKGILDTEQFGLSVMVAFGYRQQDPPKNKTRQAYEDVIEWVGPKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02721
Name: ER03967_3A_prokka|PROKKA_02721
Description: ER03967_3A_prokka|PROKKA_02721
Number of features: 0
Seq('MSFRVKDHDAIEAWATKYKEVGINNSGIVNRFYFEALYARVGIF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02722
Name: ER03967_3A_prokka|PROKKA_02722
Description: ER03967_3A_prokka|PROKKA_02722
Number of features: 0
Seq('MEDEPYETLGEGLSLPPFLENKREYIESEIRPFNTKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02727
Name: ER03967_3A_prokka|PROKKA_02727
Description: ER03967_3A_prokka|PROKKA_02727
Number of features: 0
Seq('MQYNTTRYIDENQDNKTLKDMMKNGKQRPWREKKVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02732
Name: ER03967_3A_prokka|PROKKA_02732
Description: ER03967_3A_prokka|PROKKA_02732
Number of features: 0
Seq('MNYFRYKQFDKDVITVAVGYYLRYALSYRDISEILRERGIYVHHSTIYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02733
Name: ER03967_3A_prokka|PROKKA_02733
Description: ER03967_3A_prokka|PROKKA_02733
Number of features: 0
Seq('MQDNHTKYIDGNQDNETLKDVTKSGKQRPWREKKIDNLRFCCKVRNIV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02745
Name: ER03967_3A_prokka|PROKKA_02745
Description: ER03967_3A_prokka|PROKKA_02745
Number of features: 0
Seq('MLEEGQAISKIAKEVNITRQTVYRIKHDKGLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02749
Name: ER03967_3A_prokka|PROKKA_02749
Description: ER03967_3A_prokka|PROKKA_02749
Number of features: 0
Seq('MKTGPLKCPKCNQDLYIKKVRYPISDIETLC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02753
Name: ER03967_3A_prokka|PROKKA_02753
Description: ER03967_3A_prokka|PROKKA_02753
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02757
Name: ER03967_3A_prokka|PROKKA_02757
Description: ER03967_3A_prokka|PROKKA_02757
Number of features: 0
Seq('MQYNTTRYIDENQDNKTLKDMMKNGKQRPWREKKVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02762
Name: ER03967_3A_prokka|PROKKA_02762
Description: ER03967_3A_prokka|PROKKA_02762
Number of features: 0
Seq('MNYFRYKQFDKDVITVAVGYYLRYALSYRDISEILRERGIYVHHSTIYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02763
Name: ER03967_3A_prokka|PROKKA_02763
Description: ER03967_3A_prokka|PROKKA_02763
Number of features: 0
Seq('MQDNHTKYIDGNQDNETLKDVTKSGKQRPWREKKIDNLRFCCKVRNIV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02791
Name: ER03967_3A_prokka|PROKKA_02791
Description: ER03967_3A_prokka|PROKKA_02791
Number of features: 0
Seq('MKHKSVYLLCFLILPILLLTSVSAYAVSNPVGEPSHAVKPKIEKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02793
Name: ER03967_3A_prokka|PROKKA_02793
Description: ER03967_3A_prokka|PROKKA_02793
Number of features: 0
Seq('MCLIGFGVGILANAGNIIRGTNNIGKDLNNIIMNSTSTIDGNIDYIS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00030
Name: ER03996_3B_prokka|PROKKA_00030
Description: ER03996_3B_prokka|PROKKA_00030
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00061
Name: ER03996_3B_prokka|PROKKA_00061
Description: ER03996_3B_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00070
Name: ER03996_3B_prokka|PROKKA_00070
Description: ER03996_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00090
Name: ER03996_3B_prokka|PROKKA_00090
Description: ER03996_3B_prokka|PROKKA_00090
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00179
Name: ER03996_3B_prokka|PROKKA_00179
Description: ER03996_3B_prokka|PROKKA_00179
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00277
Name: ER03996_3B_prokka|PROKKA_00277
Description: ER03996_3B_prokka|PROKKA_00277
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00329
Name: ER03996_3B_prokka|PROKKA_00329
Description: ER03996_3B_prokka|PROKKA_00329
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00427
Name: ER03996_3B_prokka|PROKKA_00427
Description: ER03996_3B_prokka|PROKKA_00427
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00465
Name: ER03996_3B_prokka|PROKKA_00465
Description: ER03996_3B_prokka|PROKKA_00465
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00595
Name: ER03996_3B_prokka|PROKKA_00595
Description: ER03996_3B_prokka|PROKKA_00595
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00631
Name: ER03996_3B_prokka|PROKKA_00631
Description: ER03996_3B_prokka|PROKKA_00631
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00850
Name: ER03996_3B_prokka|PROKKA_00850
Description: ER03996_3B_prokka|PROKKA_00850
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00894
Name: ER03996_3B_prokka|PROKKA_00894
Description: ER03996_3B_prokka|PROKKA_00894
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01002
Name: ER03996_3B_prokka|PROKKA_01002
Description: ER03996_3B_prokka|PROKKA_01002
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01041
Name: ER03996_3B_prokka|PROKKA_01041
Description: ER03996_3B_prokka|PROKKA_01041
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01121
Name: ER03996_3B_prokka|PROKKA_01121
Description: ER03996_3B_prokka|PROKKA_01121
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01134
Name: ER03996_3B_prokka|PROKKA_01134
Description: ER03996_3B_prokka|PROKKA_01134
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01135
Name: ER03996_3B_prokka|PROKKA_01135
Description: ER03996_3B_prokka|PROKKA_01135
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01270
Name: ER03996_3B_prokka|PROKKA_01270
Description: ER03996_3B_prokka|PROKKA_01270
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01274
Name: ER03996_3B_prokka|PROKKA_01274
Description: ER03996_3B_prokka|PROKKA_01274
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01278
Name: ER03996_3B_prokka|PROKKA_01278
Description: ER03996_3B_prokka|PROKKA_01278
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01280
Name: ER03996_3B_prokka|PROKKA_01280
Description: ER03996_3B_prokka|PROKKA_01280
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01304
Name: ER03996_3B_prokka|PROKKA_01304
Description: ER03996_3B_prokka|PROKKA_01304
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01398
Name: ER03996_3B_prokka|PROKKA_01398
Description: ER03996_3B_prokka|PROKKA_01398
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01410
Name: ER03996_3B_prokka|PROKKA_01410
Description: ER03996_3B_prokka|PROKKA_01410
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01459
Name: ER03996_3B_prokka|PROKKA_01459
Description: ER03996_3B_prokka|PROKKA_01459
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01467
Name: ER03996_3B_prokka|PROKKA_01467
Description: ER03996_3B_prokka|PROKKA_01467
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01487
Name: ER03996_3B_prokka|PROKKA_01487
Description: ER03996_3B_prokka|PROKKA_01487
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01515
Name: ER03996_3B_prokka|PROKKA_01515
Description: ER03996_3B_prokka|PROKKA_01515
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01542
Name: ER03996_3B_prokka|PROKKA_01542
Description: ER03996_3B_prokka|PROKKA_01542
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01579
Name: ER03996_3B_prokka|PROKKA_01579
Description: ER03996_3B_prokka|PROKKA_01579
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01650
Name: ER03996_3B_prokka|PROKKA_01650
Description: ER03996_3B_prokka|PROKKA_01650
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01815
Name: ER03996_3B_prokka|PROKKA_01815
Description: ER03996_3B_prokka|PROKKA_01815
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01822
Name: ER03996_3B_prokka|PROKKA_01822
Description: ER03996_3B_prokka|PROKKA_01822
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01842
Name: ER03996_3B_prokka|PROKKA_01842
Description: ER03996_3B_prokka|PROKKA_01842
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01877
Name: ER03996_3B_prokka|PROKKA_01877
Description: ER03996_3B_prokka|PROKKA_01877
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01929
Name: ER03996_3B_prokka|PROKKA_01929
Description: ER03996_3B_prokka|PROKKA_01929
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01931
Name: ER03996_3B_prokka|PROKKA_01931
Description: ER03996_3B_prokka|PROKKA_01931
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01932
Name: ER03996_3B_prokka|PROKKA_01932
Description: ER03996_3B_prokka|PROKKA_01932
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01962
Name: ER03996_3B_prokka|PROKKA_01962
Description: ER03996_3B_prokka|PROKKA_01962
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01971
Name: ER03996_3B_prokka|PROKKA_01971
Description: ER03996_3B_prokka|PROKKA_01971
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01978
Name: ER03996_3B_prokka|PROKKA_01978
Description: ER03996_3B_prokka|PROKKA_01978
Number of features: 0
Seq('MVTKEFLKTKLECSDIYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01994
Name: ER03996_3B_prokka|PROKKA_01994
Description: ER03996_3B_prokka|PROKKA_01994
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKLDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02069
Name: ER03996_3B_prokka|PROKKA_02069
Description: ER03996_3B_prokka|PROKKA_02069
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02073
Name: ER03996_3B_prokka|PROKKA_02073
Description: ER03996_3B_prokka|PROKKA_02073
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02089
Name: ER03996_3B_prokka|PROKKA_02089
Description: ER03996_3B_prokka|PROKKA_02089
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02109
Name: ER03996_3B_prokka|PROKKA_02109
Description: ER03996_3B_prokka|PROKKA_02109
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02139
Name: ER03996_3B_prokka|PROKKA_02139
Description: ER03996_3B_prokka|PROKKA_02139
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02141
Name: ER03996_3B_prokka|PROKKA_02141
Description: ER03996_3B_prokka|PROKKA_02141
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02190
Name: ER03996_3B_prokka|PROKKA_02190
Description: ER03996_3B_prokka|PROKKA_02190
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02310
Name: ER03996_3B_prokka|PROKKA_02310
Description: ER03996_3B_prokka|PROKKA_02310
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02334
Name: ER03996_3B_prokka|PROKKA_02334
Description: ER03996_3B_prokka|PROKKA_02334
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02365
Name: ER03996_3B_prokka|PROKKA_02365
Description: ER03996_3B_prokka|PROKKA_02365
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02520
Name: ER03996_3B_prokka|PROKKA_02520
Description: ER03996_3B_prokka|PROKKA_02520
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02729
Name: ER03996_3B_prokka|PROKKA_02729
Description: ER03996_3B_prokka|PROKKA_02729
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02816
Name: ER03996_3B_prokka|PROKKA_02816
Description: ER03996_3B_prokka|PROKKA_02816
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00031
Name: ER04013_3A_prokka|PROKKA_00031
Description: ER04013_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALSEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00074
Name: ER04013_3A_prokka|PROKKA_00074
Description: ER04013_3A_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00083
Name: ER04013_3A_prokka|PROKKA_00083
Description: ER04013_3A_prokka|PROKKA_00083
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00171
Name: ER04013_3A_prokka|PROKKA_00171
Description: ER04013_3A_prokka|PROKKA_00171
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00272
Name: ER04013_3A_prokka|PROKKA_00272
Description: ER04013_3A_prokka|PROKKA_00272
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00324
Name: ER04013_3A_prokka|PROKKA_00324
Description: ER04013_3A_prokka|PROKKA_00324
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00421
Name: ER04013_3A_prokka|PROKKA_00421
Description: ER04013_3A_prokka|PROKKA_00421
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00458
Name: ER04013_3A_prokka|PROKKA_00458
Description: ER04013_3A_prokka|PROKKA_00458
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00588
Name: ER04013_3A_prokka|PROKKA_00588
Description: ER04013_3A_prokka|PROKKA_00588
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00624
Name: ER04013_3A_prokka|PROKKA_00624
Description: ER04013_3A_prokka|PROKKA_00624
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00824
Name: ER04013_3A_prokka|PROKKA_00824
Description: ER04013_3A_prokka|PROKKA_00824
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00839
Name: ER04013_3A_prokka|PROKKA_00839
Description: ER04013_3A_prokka|PROKKA_00839
Number of features: 0
Seq('MKMYLAYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00855
Name: ER04013_3A_prokka|PROKKA_00855
Description: ER04013_3A_prokka|PROKKA_00855
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00856
Name: ER04013_3A_prokka|PROKKA_00856
Description: ER04013_3A_prokka|PROKKA_00856
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIGRKTHFYCLDKKNGCR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00877
Name: ER04013_3A_prokka|PROKKA_00877
Description: ER04013_3A_prokka|PROKKA_00877
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00985
Name: ER04013_3A_prokka|PROKKA_00985
Description: ER04013_3A_prokka|PROKKA_00985
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01024
Name: ER04013_3A_prokka|PROKKA_01024
Description: ER04013_3A_prokka|PROKKA_01024
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01104
Name: ER04013_3A_prokka|PROKKA_01104
Description: ER04013_3A_prokka|PROKKA_01104
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01116
Name: ER04013_3A_prokka|PROKKA_01116
Description: ER04013_3A_prokka|PROKKA_01116
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01117
Name: ER04013_3A_prokka|PROKKA_01117
Description: ER04013_3A_prokka|PROKKA_01117
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01252
Name: ER04013_3A_prokka|PROKKA_01252
Description: ER04013_3A_prokka|PROKKA_01252
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01256
Name: ER04013_3A_prokka|PROKKA_01256
Description: ER04013_3A_prokka|PROKKA_01256
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01260
Name: ER04013_3A_prokka|PROKKA_01260
Description: ER04013_3A_prokka|PROKKA_01260
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01262
Name: ER04013_3A_prokka|PROKKA_01262
Description: ER04013_3A_prokka|PROKKA_01262
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01286
Name: ER04013_3A_prokka|PROKKA_01286
Description: ER04013_3A_prokka|PROKKA_01286
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01381
Name: ER04013_3A_prokka|PROKKA_01381
Description: ER04013_3A_prokka|PROKKA_01381
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01393
Name: ER04013_3A_prokka|PROKKA_01393
Description: ER04013_3A_prokka|PROKKA_01393
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01440
Name: ER04013_3A_prokka|PROKKA_01440
Description: ER04013_3A_prokka|PROKKA_01440
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01448
Name: ER04013_3A_prokka|PROKKA_01448
Description: ER04013_3A_prokka|PROKKA_01448
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01469
Name: ER04013_3A_prokka|PROKKA_01469
Description: ER04013_3A_prokka|PROKKA_01469
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01489
Name: ER04013_3A_prokka|PROKKA_01489
Description: ER04013_3A_prokka|PROKKA_01489
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01499
Name: ER04013_3A_prokka|PROKKA_01499
Description: ER04013_3A_prokka|PROKKA_01499
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01525
Name: ER04013_3A_prokka|PROKKA_01525
Description: ER04013_3A_prokka|PROKKA_01525
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01562
Name: ER04013_3A_prokka|PROKKA_01562
Description: ER04013_3A_prokka|PROKKA_01562
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01633
Name: ER04013_3A_prokka|PROKKA_01633
Description: ER04013_3A_prokka|PROKKA_01633
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01805
Name: ER04013_3A_prokka|PROKKA_01805
Description: ER04013_3A_prokka|PROKKA_01805
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01824
Name: ER04013_3A_prokka|PROKKA_01824
Description: ER04013_3A_prokka|PROKKA_01824
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01859
Name: ER04013_3A_prokka|PROKKA_01859
Description: ER04013_3A_prokka|PROKKA_01859
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01910
Name: ER04013_3A_prokka|PROKKA_01910
Description: ER04013_3A_prokka|PROKKA_01910
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01982
Name: ER04013_3A_prokka|PROKKA_01982
Description: ER04013_3A_prokka|PROKKA_01982
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01992
Name: ER04013_3A_prokka|PROKKA_01992
Description: ER04013_3A_prokka|PROKKA_01992
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02003
Name: ER04013_3A_prokka|PROKKA_02003
Description: ER04013_3A_prokka|PROKKA_02003
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02021
Name: ER04013_3A_prokka|PROKKA_02021
Description: ER04013_3A_prokka|PROKKA_02021
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02025
Name: ER04013_3A_prokka|PROKKA_02025
Description: ER04013_3A_prokka|PROKKA_02025
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02031
Name: ER04013_3A_prokka|PROKKA_02031
Description: ER04013_3A_prokka|PROKKA_02031
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02034
Name: ER04013_3A_prokka|PROKKA_02034
Description: ER04013_3A_prokka|PROKKA_02034
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02041
Name: ER04013_3A_prokka|PROKKA_02041
Description: ER04013_3A_prokka|PROKKA_02041
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02043
Name: ER04013_3A_prokka|PROKKA_02043
Description: ER04013_3A_prokka|PROKKA_02043
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02062
Name: ER04013_3A_prokka|PROKKA_02062
Description: ER04013_3A_prokka|PROKKA_02062
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02064
Name: ER04013_3A_prokka|PROKKA_02064
Description: ER04013_3A_prokka|PROKKA_02064
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02114
Name: ER04013_3A_prokka|PROKKA_02114
Description: ER04013_3A_prokka|PROKKA_02114
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02233
Name: ER04013_3A_prokka|PROKKA_02233
Description: ER04013_3A_prokka|PROKKA_02233
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02257
Name: ER04013_3A_prokka|PROKKA_02257
Description: ER04013_3A_prokka|PROKKA_02257
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02288
Name: ER04013_3A_prokka|PROKKA_02288
Description: ER04013_3A_prokka|PROKKA_02288
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02443
Name: ER04013_3A_prokka|PROKKA_02443
Description: ER04013_3A_prokka|PROKKA_02443
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02650
Name: ER04013_3A_prokka|PROKKA_02650
Description: ER04013_3A_prokka|PROKKA_02650
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02737
Name: ER04013_3A_prokka|PROKKA_02737
Description: ER04013_3A_prokka|PROKKA_02737
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02738
Name: ER04013_3A_prokka|PROKKA_02738
Description: ER04013_3A_prokka|PROKKA_02738
Number of features: 0
Seq('MGAVAKFLGKAALGGAAGGATYAGLKKIFG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02739
Name: ER04013_3A_prokka|PROKKA_02739
Description: ER04013_3A_prokka|PROKKA_02739
Number of features: 0
Seq('MGALIKTGAKIIGSGAAGGLGTYIGHKILGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02740
Name: ER04013_3A_prokka|PROKKA_02740
Description: ER04013_3A_prokka|PROKKA_02740
Number of features: 0
Seq('MGAVIKVGAKVIGWGAASGAGLYGLEKIFKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02764
Name: ER04013_3A_prokka|PROKKA_02764
Description: ER04013_3A_prokka|PROKKA_02764
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00065
Name: ER04020_4A_prokka|PROKKA_00065
Description: ER04020_4A_prokka|PROKKA_00065
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00112
Name: ER04020_4A_prokka|PROKKA_00112
Description: ER04020_4A_prokka|PROKKA_00112
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00115
Name: ER04020_4A_prokka|PROKKA_00115
Description: ER04020_4A_prokka|PROKKA_00115
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00119
Name: ER04020_4A_prokka|PROKKA_00119
Description: ER04020_4A_prokka|PROKKA_00119
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00140
Name: ER04020_4A_prokka|PROKKA_00140
Description: ER04020_4A_prokka|PROKKA_00140
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00158
Name: ER04020_4A_prokka|PROKKA_00158
Description: ER04020_4A_prokka|PROKKA_00158
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00281
Name: ER04020_4A_prokka|PROKKA_00281
Description: ER04020_4A_prokka|PROKKA_00281
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00325
Name: ER04020_4A_prokka|PROKKA_00325
Description: ER04020_4A_prokka|PROKKA_00325
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00449
Name: ER04020_4A_prokka|PROKKA_00449
Description: ER04020_4A_prokka|PROKKA_00449
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00466
Name: ER04020_4A_prokka|PROKKA_00466
Description: ER04020_4A_prokka|PROKKA_00466
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00632
Name: ER04020_4A_prokka|PROKKA_00632
Description: ER04020_4A_prokka|PROKKA_00632
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00861
Name: ER04020_4A_prokka|PROKKA_00861
Description: ER04020_4A_prokka|PROKKA_00861
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00892
Name: ER04020_4A_prokka|PROKKA_00892
Description: ER04020_4A_prokka|PROKKA_00892
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00896
Name: ER04020_4A_prokka|PROKKA_00896
Description: ER04020_4A_prokka|PROKKA_00896
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00912
Name: ER04020_4A_prokka|PROKKA_00912
Description: ER04020_4A_prokka|PROKKA_00912
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00942
Name: ER04020_4A_prokka|PROKKA_00942
Description: ER04020_4A_prokka|PROKKA_00942
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00943
Name: ER04020_4A_prokka|PROKKA_00943
Description: ER04020_4A_prokka|PROKKA_00943
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00945
Name: ER04020_4A_prokka|PROKKA_00945
Description: ER04020_4A_prokka|PROKKA_00945
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00997
Name: ER04020_4A_prokka|PROKKA_00997
Description: ER04020_4A_prokka|PROKKA_00997
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01039
Name: ER04020_4A_prokka|PROKKA_01039
Description: ER04020_4A_prokka|PROKKA_01039
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01053
Name: ER04020_4A_prokka|PROKKA_01053
Description: ER04020_4A_prokka|PROKKA_01053
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01222
Name: ER04020_4A_prokka|PROKKA_01222
Description: ER04020_4A_prokka|PROKKA_01222
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01296
Name: ER04020_4A_prokka|PROKKA_01296
Description: ER04020_4A_prokka|PROKKA_01296
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01331
Name: ER04020_4A_prokka|PROKKA_01331
Description: ER04020_4A_prokka|PROKKA_01331
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01334
Name: ER04020_4A_prokka|PROKKA_01334
Description: ER04020_4A_prokka|PROKKA_01334
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01361
Name: ER04020_4A_prokka|PROKKA_01361
Description: ER04020_4A_prokka|PROKKA_01361
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01366
Name: ER04020_4A_prokka|PROKKA_01366
Description: ER04020_4A_prokka|PROKKA_01366
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01374
Name: ER04020_4A_prokka|PROKKA_01374
Description: ER04020_4A_prokka|PROKKA_01374
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01389
Name: ER04020_4A_prokka|PROKKA_01389
Description: ER04020_4A_prokka|PROKKA_01389
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01408
Name: ER04020_4A_prokka|PROKKA_01408
Description: ER04020_4A_prokka|PROKKA_01408
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01416
Name: ER04020_4A_prokka|PROKKA_01416
Description: ER04020_4A_prokka|PROKKA_01416
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01463
Name: ER04020_4A_prokka|PROKKA_01463
Description: ER04020_4A_prokka|PROKKA_01463
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01475
Name: ER04020_4A_prokka|PROKKA_01475
Description: ER04020_4A_prokka|PROKKA_01475
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01568
Name: ER04020_4A_prokka|PROKKA_01568
Description: ER04020_4A_prokka|PROKKA_01568
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01592
Name: ER04020_4A_prokka|PROKKA_01592
Description: ER04020_4A_prokka|PROKKA_01592
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01596
Name: ER04020_4A_prokka|PROKKA_01596
Description: ER04020_4A_prokka|PROKKA_01596
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01732
Name: ER04020_4A_prokka|PROKKA_01732
Description: ER04020_4A_prokka|PROKKA_01732
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01733
Name: ER04020_4A_prokka|PROKKA_01733
Description: ER04020_4A_prokka|PROKKA_01733
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01745
Name: ER04020_4A_prokka|PROKKA_01745
Description: ER04020_4A_prokka|PROKKA_01745
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01827
Name: ER04020_4A_prokka|PROKKA_01827
Description: ER04020_4A_prokka|PROKKA_01827
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01828
Name: ER04020_4A_prokka|PROKKA_01828
Description: ER04020_4A_prokka|PROKKA_01828
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01845
Name: ER04020_4A_prokka|PROKKA_01845
Description: ER04020_4A_prokka|PROKKA_01845
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01868
Name: ER04020_4A_prokka|PROKKA_01868
Description: ER04020_4A_prokka|PROKKA_01868
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01974
Name: ER04020_4A_prokka|PROKKA_01974
Description: ER04020_4A_prokka|PROKKA_01974
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01989
Name: ER04020_4A_prokka|PROKKA_01989
Description: ER04020_4A_prokka|PROKKA_01989
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01990
Name: ER04020_4A_prokka|PROKKA_01990
Description: ER04020_4A_prokka|PROKKA_01990
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02021
Name: ER04020_4A_prokka|PROKKA_02021
Description: ER04020_4A_prokka|PROKKA_02021
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02043
Name: ER04020_4A_prokka|PROKKA_02043
Description: ER04020_4A_prokka|PROKKA_02043
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02048
Name: ER04020_4A_prokka|PROKKA_02048
Description: ER04020_4A_prokka|PROKKA_02048
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02124
Name: ER04020_4A_prokka|PROKKA_02124
Description: ER04020_4A_prokka|PROKKA_02124
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02128
Name: ER04020_4A_prokka|PROKKA_02128
Description: ER04020_4A_prokka|PROKKA_02128
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02144
Name: ER04020_4A_prokka|PROKKA_02144
Description: ER04020_4A_prokka|PROKKA_02144
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02162
Name: ER04020_4A_prokka|PROKKA_02162
Description: ER04020_4A_prokka|PROKKA_02162
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02188
Name: ER04020_4A_prokka|PROKKA_02188
Description: ER04020_4A_prokka|PROKKA_02188
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02190
Name: ER04020_4A_prokka|PROKKA_02190
Description: ER04020_4A_prokka|PROKKA_02190
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02242
Name: ER04020_4A_prokka|PROKKA_02242
Description: ER04020_4A_prokka|PROKKA_02242
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02350
Name: ER04020_4A_prokka|PROKKA_02350
Description: ER04020_4A_prokka|PROKKA_02350
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02369
Name: ER04020_4A_prokka|PROKKA_02369
Description: ER04020_4A_prokka|PROKKA_02369
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02382
Name: ER04020_4A_prokka|PROKKA_02382
Description: ER04020_4A_prokka|PROKKA_02382
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02414
Name: ER04020_4A_prokka|PROKKA_02414
Description: ER04020_4A_prokka|PROKKA_02414
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02559
Name: ER04020_4A_prokka|PROKKA_02559
Description: ER04020_4A_prokka|PROKKA_02559
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02568
Name: ER04020_4A_prokka|PROKKA_02568
Description: ER04020_4A_prokka|PROKKA_02568
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02632
Name: ER04020_4A_prokka|PROKKA_02632
Description: ER04020_4A_prokka|PROKKA_02632
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02740
Name: ER04020_4A_prokka|PROKKA_02740
Description: ER04020_4A_prokka|PROKKA_02740
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02778
Name: ER04020_4A_prokka|PROKKA_02778
Description: ER04020_4A_prokka|PROKKA_02778
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02862
Name: ER04020_4A_prokka|PROKKA_02862
Description: ER04020_4A_prokka|PROKKA_02862
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00024
Name: ER04041_3A_prokka|PROKKA_00024
Description: ER04041_3A_prokka|PROKKA_00024
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00064
Name: ER04041_3A_prokka|PROKKA_00064
Description: ER04041_3A_prokka|PROKKA_00064
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00073
Name: ER04041_3A_prokka|PROKKA_00073
Description: ER04041_3A_prokka|PROKKA_00073
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00093
Name: ER04041_3A_prokka|PROKKA_00093
Description: ER04041_3A_prokka|PROKKA_00093
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00182
Name: ER04041_3A_prokka|PROKKA_00182
Description: ER04041_3A_prokka|PROKKA_00182
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00281
Name: ER04041_3A_prokka|PROKKA_00281
Description: ER04041_3A_prokka|PROKKA_00281
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00333
Name: ER04041_3A_prokka|PROKKA_00333
Description: ER04041_3A_prokka|PROKKA_00333
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00431
Name: ER04041_3A_prokka|PROKKA_00431
Description: ER04041_3A_prokka|PROKKA_00431
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00469
Name: ER04041_3A_prokka|PROKKA_00469
Description: ER04041_3A_prokka|PROKKA_00469
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00599
Name: ER04041_3A_prokka|PROKKA_00599
Description: ER04041_3A_prokka|PROKKA_00599
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00635
Name: ER04041_3A_prokka|PROKKA_00635
Description: ER04041_3A_prokka|PROKKA_00635
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00853
Name: ER04041_3A_prokka|PROKKA_00853
Description: ER04041_3A_prokka|PROKKA_00853
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00897
Name: ER04041_3A_prokka|PROKKA_00897
Description: ER04041_3A_prokka|PROKKA_00897
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01005
Name: ER04041_3A_prokka|PROKKA_01005
Description: ER04041_3A_prokka|PROKKA_01005
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01044
Name: ER04041_3A_prokka|PROKKA_01044
Description: ER04041_3A_prokka|PROKKA_01044
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01124
Name: ER04041_3A_prokka|PROKKA_01124
Description: ER04041_3A_prokka|PROKKA_01124
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01137
Name: ER04041_3A_prokka|PROKKA_01137
Description: ER04041_3A_prokka|PROKKA_01137
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01138
Name: ER04041_3A_prokka|PROKKA_01138
Description: ER04041_3A_prokka|PROKKA_01138
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01273
Name: ER04041_3A_prokka|PROKKA_01273
Description: ER04041_3A_prokka|PROKKA_01273
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01277
Name: ER04041_3A_prokka|PROKKA_01277
Description: ER04041_3A_prokka|PROKKA_01277
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01281
Name: ER04041_3A_prokka|PROKKA_01281
Description: ER04041_3A_prokka|PROKKA_01281
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01283
Name: ER04041_3A_prokka|PROKKA_01283
Description: ER04041_3A_prokka|PROKKA_01283
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01307
Name: ER04041_3A_prokka|PROKKA_01307
Description: ER04041_3A_prokka|PROKKA_01307
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01403
Name: ER04041_3A_prokka|PROKKA_01403
Description: ER04041_3A_prokka|PROKKA_01403
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01415
Name: ER04041_3A_prokka|PROKKA_01415
Description: ER04041_3A_prokka|PROKKA_01415
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01464
Name: ER04041_3A_prokka|PROKKA_01464
Description: ER04041_3A_prokka|PROKKA_01464
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01472
Name: ER04041_3A_prokka|PROKKA_01472
Description: ER04041_3A_prokka|PROKKA_01472
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01492
Name: ER04041_3A_prokka|PROKKA_01492
Description: ER04041_3A_prokka|PROKKA_01492
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01520
Name: ER04041_3A_prokka|PROKKA_01520
Description: ER04041_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01547
Name: ER04041_3A_prokka|PROKKA_01547
Description: ER04041_3A_prokka|PROKKA_01547
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01584
Name: ER04041_3A_prokka|PROKKA_01584
Description: ER04041_3A_prokka|PROKKA_01584
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01655
Name: ER04041_3A_prokka|PROKKA_01655
Description: ER04041_3A_prokka|PROKKA_01655
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01819
Name: ER04041_3A_prokka|PROKKA_01819
Description: ER04041_3A_prokka|PROKKA_01819
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01826
Name: ER04041_3A_prokka|PROKKA_01826
Description: ER04041_3A_prokka|PROKKA_01826
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01846
Name: ER04041_3A_prokka|PROKKA_01846
Description: ER04041_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01881
Name: ER04041_3A_prokka|PROKKA_01881
Description: ER04041_3A_prokka|PROKKA_01881
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01933
Name: ER04041_3A_prokka|PROKKA_01933
Description: ER04041_3A_prokka|PROKKA_01933
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01935
Name: ER04041_3A_prokka|PROKKA_01935
Description: ER04041_3A_prokka|PROKKA_01935
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01936
Name: ER04041_3A_prokka|PROKKA_01936
Description: ER04041_3A_prokka|PROKKA_01936
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01966
Name: ER04041_3A_prokka|PROKKA_01966
Description: ER04041_3A_prokka|PROKKA_01966
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01975
Name: ER04041_3A_prokka|PROKKA_01975
Description: ER04041_3A_prokka|PROKKA_01975
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01982
Name: ER04041_3A_prokka|PROKKA_01982
Description: ER04041_3A_prokka|PROKKA_01982
Number of features: 0
Seq('MVTKEFLKTKLECSDIYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01998
Name: ER04041_3A_prokka|PROKKA_01998
Description: ER04041_3A_prokka|PROKKA_01998
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKLDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02073
Name: ER04041_3A_prokka|PROKKA_02073
Description: ER04041_3A_prokka|PROKKA_02073
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02077
Name: ER04041_3A_prokka|PROKKA_02077
Description: ER04041_3A_prokka|PROKKA_02077
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02093
Name: ER04041_3A_prokka|PROKKA_02093
Description: ER04041_3A_prokka|PROKKA_02093
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02113
Name: ER04041_3A_prokka|PROKKA_02113
Description: ER04041_3A_prokka|PROKKA_02113
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02144
Name: ER04041_3A_prokka|PROKKA_02144
Description: ER04041_3A_prokka|PROKKA_02144
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02146
Name: ER04041_3A_prokka|PROKKA_02146
Description: ER04041_3A_prokka|PROKKA_02146
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02195
Name: ER04041_3A_prokka|PROKKA_02195
Description: ER04041_3A_prokka|PROKKA_02195
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02315
Name: ER04041_3A_prokka|PROKKA_02315
Description: ER04041_3A_prokka|PROKKA_02315
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02339
Name: ER04041_3A_prokka|PROKKA_02339
Description: ER04041_3A_prokka|PROKKA_02339
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02370
Name: ER04041_3A_prokka|PROKKA_02370
Description: ER04041_3A_prokka|PROKKA_02370
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02526
Name: ER04041_3A_prokka|PROKKA_02526
Description: ER04041_3A_prokka|PROKKA_02526
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02736
Name: ER04041_3A_prokka|PROKKA_02736
Description: ER04041_3A_prokka|PROKKA_02736
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02823
Name: ER04041_3A_prokka|PROKKA_02823
Description: ER04041_3A_prokka|PROKKA_02823
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00031
Name: ER04060_3A_prokka|PROKKA_00031
Description: ER04060_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00040
Name: ER04060_3A_prokka|PROKKA_00040
Description: ER04060_3A_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00128
Name: ER04060_3A_prokka|PROKKA_00128
Description: ER04060_3A_prokka|PROKKA_00128
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00229
Name: ER04060_3A_prokka|PROKKA_00229
Description: ER04060_3A_prokka|PROKKA_00229
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00281
Name: ER04060_3A_prokka|PROKKA_00281
Description: ER04060_3A_prokka|PROKKA_00281
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00378
Name: ER04060_3A_prokka|PROKKA_00378
Description: ER04060_3A_prokka|PROKKA_00378
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00415
Name: ER04060_3A_prokka|PROKKA_00415
Description: ER04060_3A_prokka|PROKKA_00415
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00545
Name: ER04060_3A_prokka|PROKKA_00545
Description: ER04060_3A_prokka|PROKKA_00545
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00581
Name: ER04060_3A_prokka|PROKKA_00581
Description: ER04060_3A_prokka|PROKKA_00581
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00781
Name: ER04060_3A_prokka|PROKKA_00781
Description: ER04060_3A_prokka|PROKKA_00781
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00807
Name: ER04060_3A_prokka|PROKKA_00807
Description: ER04060_3A_prokka|PROKKA_00807
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00915
Name: ER04060_3A_prokka|PROKKA_00915
Description: ER04060_3A_prokka|PROKKA_00915
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00954
Name: ER04060_3A_prokka|PROKKA_00954
Description: ER04060_3A_prokka|PROKKA_00954
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00955
Name: ER04060_3A_prokka|PROKKA_00955
Description: ER04060_3A_prokka|PROKKA_00955
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01004
Name: ER04060_3A_prokka|PROKKA_01004
Description: ER04060_3A_prokka|PROKKA_01004
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01013
Name: ER04060_3A_prokka|PROKKA_01013
Description: ER04060_3A_prokka|PROKKA_01013
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01014
Name: ER04060_3A_prokka|PROKKA_01014
Description: ER04060_3A_prokka|PROKKA_01014
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01021
Name: ER04060_3A_prokka|PROKKA_01021
Description: ER04060_3A_prokka|PROKKA_01021
Number of features: 0
Seq('MNKILIRFAINYIKYQQKQLREKEARIKYLEGFLKGKGY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01025
Name: ER04060_3A_prokka|PROKKA_01025
Description: ER04060_3A_prokka|PROKKA_01025
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01040
Name: ER04060_3A_prokka|PROKKA_01040
Description: ER04060_3A_prokka|PROKKA_01040
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01104
Name: ER04060_3A_prokka|PROKKA_01104
Description: ER04060_3A_prokka|PROKKA_01104
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01117
Name: ER04060_3A_prokka|PROKKA_01117
Description: ER04060_3A_prokka|PROKKA_01117
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01118
Name: ER04060_3A_prokka|PROKKA_01118
Description: ER04060_3A_prokka|PROKKA_01118
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01253
Name: ER04060_3A_prokka|PROKKA_01253
Description: ER04060_3A_prokka|PROKKA_01253
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01257
Name: ER04060_3A_prokka|PROKKA_01257
Description: ER04060_3A_prokka|PROKKA_01257
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01261
Name: ER04060_3A_prokka|PROKKA_01261
Description: ER04060_3A_prokka|PROKKA_01261
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01263
Name: ER04060_3A_prokka|PROKKA_01263
Description: ER04060_3A_prokka|PROKKA_01263
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01287
Name: ER04060_3A_prokka|PROKKA_01287
Description: ER04060_3A_prokka|PROKKA_01287
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01382
Name: ER04060_3A_prokka|PROKKA_01382
Description: ER04060_3A_prokka|PROKKA_01382
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01394
Name: ER04060_3A_prokka|PROKKA_01394
Description: ER04060_3A_prokka|PROKKA_01394
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01460
Name: ER04060_3A_prokka|PROKKA_01460
Description: ER04060_3A_prokka|PROKKA_01460
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01497
Name: ER04060_3A_prokka|PROKKA_01497
Description: ER04060_3A_prokka|PROKKA_01497
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01568
Name: ER04060_3A_prokka|PROKKA_01568
Description: ER04060_3A_prokka|PROKKA_01568
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01740
Name: ER04060_3A_prokka|PROKKA_01740
Description: ER04060_3A_prokka|PROKKA_01740
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01759
Name: ER04060_3A_prokka|PROKKA_01759
Description: ER04060_3A_prokka|PROKKA_01759
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01794
Name: ER04060_3A_prokka|PROKKA_01794
Description: ER04060_3A_prokka|PROKKA_01794
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01844
Name: ER04060_3A_prokka|PROKKA_01844
Description: ER04060_3A_prokka|PROKKA_01844
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01916
Name: ER04060_3A_prokka|PROKKA_01916
Description: ER04060_3A_prokka|PROKKA_01916
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01926
Name: ER04060_3A_prokka|PROKKA_01926
Description: ER04060_3A_prokka|PROKKA_01926
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01937
Name: ER04060_3A_prokka|PROKKA_01937
Description: ER04060_3A_prokka|PROKKA_01937
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01955
Name: ER04060_3A_prokka|PROKKA_01955
Description: ER04060_3A_prokka|PROKKA_01955
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01959
Name: ER04060_3A_prokka|PROKKA_01959
Description: ER04060_3A_prokka|PROKKA_01959
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01965
Name: ER04060_3A_prokka|PROKKA_01965
Description: ER04060_3A_prokka|PROKKA_01965
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01968
Name: ER04060_3A_prokka|PROKKA_01968
Description: ER04060_3A_prokka|PROKKA_01968
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01975
Name: ER04060_3A_prokka|PROKKA_01975
Description: ER04060_3A_prokka|PROKKA_01975
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01977
Name: ER04060_3A_prokka|PROKKA_01977
Description: ER04060_3A_prokka|PROKKA_01977
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01996
Name: ER04060_3A_prokka|PROKKA_01996
Description: ER04060_3A_prokka|PROKKA_01996
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01998
Name: ER04060_3A_prokka|PROKKA_01998
Description: ER04060_3A_prokka|PROKKA_01998
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_02047
Name: ER04060_3A_prokka|PROKKA_02047
Description: ER04060_3A_prokka|PROKKA_02047
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_02166
Name: ER04060_3A_prokka|PROKKA_02166
Description: ER04060_3A_prokka|PROKKA_02166
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_02190
Name: ER04060_3A_prokka|PROKKA_02190
Description: ER04060_3A_prokka|PROKKA_02190
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_02221
Name: ER04060_3A_prokka|PROKKA_02221
Description: ER04060_3A_prokka|PROKKA_02221
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_02377
Name: ER04060_3A_prokka|PROKKA_02377
Description: ER04060_3A_prokka|PROKKA_02377
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_02585
Name: ER04060_3A_prokka|PROKKA_02585
Description: ER04060_3A_prokka|PROKKA_02585
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_02672
Name: ER04060_3A_prokka|PROKKA_02672
Description: ER04060_3A_prokka|PROKKA_02672
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00031
Name: ER04069_3A_prokka|PROKKA_00031
Description: ER04069_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00040
Name: ER04069_3A_prokka|PROKKA_00040
Description: ER04069_3A_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00124
Name: ER04069_3A_prokka|PROKKA_00124
Description: ER04069_3A_prokka|PROKKA_00124
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00227
Name: ER04069_3A_prokka|PROKKA_00227
Description: ER04069_3A_prokka|PROKKA_00227
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00279
Name: ER04069_3A_prokka|PROKKA_00279
Description: ER04069_3A_prokka|PROKKA_00279
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00377
Name: ER04069_3A_prokka|PROKKA_00377
Description: ER04069_3A_prokka|PROKKA_00377
Number of features: 0
Seq('MKLYLVYVTLTSFLTILLLAISNMYVAFSVYGMMATYGFNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00398
Name: ER04069_3A_prokka|PROKKA_00398
Description: ER04069_3A_prokka|PROKKA_00398
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00435
Name: ER04069_3A_prokka|PROKKA_00435
Description: ER04069_3A_prokka|PROKKA_00435
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00560
Name: ER04069_3A_prokka|PROKKA_00560
Description: ER04069_3A_prokka|PROKKA_00560
Number of features: 0
Seq('MDFNKENINMVDAKKAKKTVVATGIGNAM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00566
Name: ER04069_3A_prokka|PROKKA_00566
Description: ER04069_3A_prokka|PROKKA_00566
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00602
Name: ER04069_3A_prokka|PROKKA_00602
Description: ER04069_3A_prokka|PROKKA_00602
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00804
Name: ER04069_3A_prokka|PROKKA_00804
Description: ER04069_3A_prokka|PROKKA_00804
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00830
Name: ER04069_3A_prokka|PROKKA_00830
Description: ER04069_3A_prokka|PROKKA_00830
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00938
Name: ER04069_3A_prokka|PROKKA_00938
Description: ER04069_3A_prokka|PROKKA_00938
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00967
Name: ER04069_3A_prokka|PROKKA_00967
Description: ER04069_3A_prokka|PROKKA_00967
Number of features: 0
Seq('MKFAVLVFPGSNCDRDMFNAAIKSGVEAEYVDYRETSLSGFDGVLIPGGFSFGIT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00978
Name: ER04069_3A_prokka|PROKKA_00978
Description: ER04069_3A_prokka|PROKKA_00978
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00979
Name: ER04069_3A_prokka|PROKKA_00979
Description: ER04069_3A_prokka|PROKKA_00979
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01033
Name: ER04069_3A_prokka|PROKKA_01033
Description: ER04069_3A_prokka|PROKKA_01033
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01039
Name: ER04069_3A_prokka|PROKKA_01039
Description: ER04069_3A_prokka|PROKKA_01039
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01040
Name: ER04069_3A_prokka|PROKKA_01040
Description: ER04069_3A_prokka|PROKKA_01040
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFMYYKECFFKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01050
Name: ER04069_3A_prokka|PROKKA_01050
Description: ER04069_3A_prokka|PROKKA_01050
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01064
Name: ER04069_3A_prokka|PROKKA_01064
Description: ER04069_3A_prokka|PROKKA_01064
Number of features: 0
Seq('MMWLVIVIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01128
Name: ER04069_3A_prokka|PROKKA_01128
Description: ER04069_3A_prokka|PROKKA_01128
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01140
Name: ER04069_3A_prokka|PROKKA_01140
Description: ER04069_3A_prokka|PROKKA_01140
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01141
Name: ER04069_3A_prokka|PROKKA_01141
Description: ER04069_3A_prokka|PROKKA_01141
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01276
Name: ER04069_3A_prokka|PROKKA_01276
Description: ER04069_3A_prokka|PROKKA_01276
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01280
Name: ER04069_3A_prokka|PROKKA_01280
Description: ER04069_3A_prokka|PROKKA_01280
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01284
Name: ER04069_3A_prokka|PROKKA_01284
Description: ER04069_3A_prokka|PROKKA_01284
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01286
Name: ER04069_3A_prokka|PROKKA_01286
Description: ER04069_3A_prokka|PROKKA_01286
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01310
Name: ER04069_3A_prokka|PROKKA_01310
Description: ER04069_3A_prokka|PROKKA_01310
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01405
Name: ER04069_3A_prokka|PROKKA_01405
Description: ER04069_3A_prokka|PROKKA_01405
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01417
Name: ER04069_3A_prokka|PROKKA_01417
Description: ER04069_3A_prokka|PROKKA_01417
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01464
Name: ER04069_3A_prokka|PROKKA_01464
Description: ER04069_3A_prokka|PROKKA_01464
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01472
Name: ER04069_3A_prokka|PROKKA_01472
Description: ER04069_3A_prokka|PROKKA_01472
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01492
Name: ER04069_3A_prokka|PROKKA_01492
Description: ER04069_3A_prokka|PROKKA_01492
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01506
Name: ER04069_3A_prokka|PROKKA_01506
Description: ER04069_3A_prokka|PROKKA_01506
Number of features: 0
Seq('MTIKELEEKFNISRYFVVKHDRDWETGEIIDTCIVLDEYADHINIEVEEVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01512
Name: ER04069_3A_prokka|PROKKA_01512
Description: ER04069_3A_prokka|PROKKA_01512
Number of features: 0
Seq('MSDTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYGE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01520
Name: ER04069_3A_prokka|PROKKA_01520
Description: ER04069_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01525
Name: ER04069_3A_prokka|PROKKA_01525
Description: ER04069_3A_prokka|PROKKA_01525
Number of features: 0
Seq('MVDKNKKQEATRSNPLNKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01551
Name: ER04069_3A_prokka|PROKKA_01551
Description: ER04069_3A_prokka|PROKKA_01551
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01588
Name: ER04069_3A_prokka|PROKKA_01588
Description: ER04069_3A_prokka|PROKKA_01588
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01659
Name: ER04069_3A_prokka|PROKKA_01659
Description: ER04069_3A_prokka|PROKKA_01659
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01831
Name: ER04069_3A_prokka|PROKKA_01831
Description: ER04069_3A_prokka|PROKKA_01831
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01850
Name: ER04069_3A_prokka|PROKKA_01850
Description: ER04069_3A_prokka|PROKKA_01850
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01885
Name: ER04069_3A_prokka|PROKKA_01885
Description: ER04069_3A_prokka|PROKKA_01885
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01936
Name: ER04069_3A_prokka|PROKKA_01936
Description: ER04069_3A_prokka|PROKKA_01936
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02008
Name: ER04069_3A_prokka|PROKKA_02008
Description: ER04069_3A_prokka|PROKKA_02008
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02018
Name: ER04069_3A_prokka|PROKKA_02018
Description: ER04069_3A_prokka|PROKKA_02018
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02029
Name: ER04069_3A_prokka|PROKKA_02029
Description: ER04069_3A_prokka|PROKKA_02029
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02047
Name: ER04069_3A_prokka|PROKKA_02047
Description: ER04069_3A_prokka|PROKKA_02047
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02051
Name: ER04069_3A_prokka|PROKKA_02051
Description: ER04069_3A_prokka|PROKKA_02051
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02057
Name: ER04069_3A_prokka|PROKKA_02057
Description: ER04069_3A_prokka|PROKKA_02057
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02060
Name: ER04069_3A_prokka|PROKKA_02060
Description: ER04069_3A_prokka|PROKKA_02060
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02067
Name: ER04069_3A_prokka|PROKKA_02067
Description: ER04069_3A_prokka|PROKKA_02067
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02069
Name: ER04069_3A_prokka|PROKKA_02069
Description: ER04069_3A_prokka|PROKKA_02069
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02088
Name: ER04069_3A_prokka|PROKKA_02088
Description: ER04069_3A_prokka|PROKKA_02088
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02090
Name: ER04069_3A_prokka|PROKKA_02090
Description: ER04069_3A_prokka|PROKKA_02090
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02139
Name: ER04069_3A_prokka|PROKKA_02139
Description: ER04069_3A_prokka|PROKKA_02139
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02258
Name: ER04069_3A_prokka|PROKKA_02258
Description: ER04069_3A_prokka|PROKKA_02258
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02283
Name: ER04069_3A_prokka|PROKKA_02283
Description: ER04069_3A_prokka|PROKKA_02283
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02314
Name: ER04069_3A_prokka|PROKKA_02314
Description: ER04069_3A_prokka|PROKKA_02314
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02469
Name: ER04069_3A_prokka|PROKKA_02469
Description: ER04069_3A_prokka|PROKKA_02469
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02682
Name: ER04069_3A_prokka|PROKKA_02682
Description: ER04069_3A_prokka|PROKKA_02682
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02768
Name: ER04069_3A_prokka|PROKKA_02768
Description: ER04069_3A_prokka|PROKKA_02768
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00027
Name: ER04085_3B_prokka|PROKKA_00027
Description: ER04085_3B_prokka|PROKKA_00027
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00067
Name: ER04085_3B_prokka|PROKKA_00067
Description: ER04085_3B_prokka|PROKKA_00067
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00070
Name: ER04085_3B_prokka|PROKKA_00070
Description: ER04085_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00074
Name: ER04085_3B_prokka|PROKKA_00074
Description: ER04085_3B_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00095
Name: ER04085_3B_prokka|PROKKA_00095
Description: ER04085_3B_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00113
Name: ER04085_3B_prokka|PROKKA_00113
Description: ER04085_3B_prokka|PROKKA_00113
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00236
Name: ER04085_3B_prokka|PROKKA_00236
Description: ER04085_3B_prokka|PROKKA_00236
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00280
Name: ER04085_3B_prokka|PROKKA_00280
Description: ER04085_3B_prokka|PROKKA_00280
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00404
Name: ER04085_3B_prokka|PROKKA_00404
Description: ER04085_3B_prokka|PROKKA_00404
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00421
Name: ER04085_3B_prokka|PROKKA_00421
Description: ER04085_3B_prokka|PROKKA_00421
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00587
Name: ER04085_3B_prokka|PROKKA_00587
Description: ER04085_3B_prokka|PROKKA_00587
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00816
Name: ER04085_3B_prokka|PROKKA_00816
Description: ER04085_3B_prokka|PROKKA_00816
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00847
Name: ER04085_3B_prokka|PROKKA_00847
Description: ER04085_3B_prokka|PROKKA_00847
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00851
Name: ER04085_3B_prokka|PROKKA_00851
Description: ER04085_3B_prokka|PROKKA_00851
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00867
Name: ER04085_3B_prokka|PROKKA_00867
Description: ER04085_3B_prokka|PROKKA_00867
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00899
Name: ER04085_3B_prokka|PROKKA_00899
Description: ER04085_3B_prokka|PROKKA_00899
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00900
Name: ER04085_3B_prokka|PROKKA_00900
Description: ER04085_3B_prokka|PROKKA_00900
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00915
Name: ER04085_3B_prokka|PROKKA_00915
Description: ER04085_3B_prokka|PROKKA_00915
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01021
Name: ER04085_3B_prokka|PROKKA_01021
Description: ER04085_3B_prokka|PROKKA_01021
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01060
Name: ER04085_3B_prokka|PROKKA_01060
Description: ER04085_3B_prokka|PROKKA_01060
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01061
Name: ER04085_3B_prokka|PROKKA_01061
Description: ER04085_3B_prokka|PROKKA_01061
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01143
Name: ER04085_3B_prokka|PROKKA_01143
Description: ER04085_3B_prokka|PROKKA_01143
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01155
Name: ER04085_3B_prokka|PROKKA_01155
Description: ER04085_3B_prokka|PROKKA_01155
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01156
Name: ER04085_3B_prokka|PROKKA_01156
Description: ER04085_3B_prokka|PROKKA_01156
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01292
Name: ER04085_3B_prokka|PROKKA_01292
Description: ER04085_3B_prokka|PROKKA_01292
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01296
Name: ER04085_3B_prokka|PROKKA_01296
Description: ER04085_3B_prokka|PROKKA_01296
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01320
Name: ER04085_3B_prokka|PROKKA_01320
Description: ER04085_3B_prokka|PROKKA_01320
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01414
Name: ER04085_3B_prokka|PROKKA_01414
Description: ER04085_3B_prokka|PROKKA_01414
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01426
Name: ER04085_3B_prokka|PROKKA_01426
Description: ER04085_3B_prokka|PROKKA_01426
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01473
Name: ER04085_3B_prokka|PROKKA_01473
Description: ER04085_3B_prokka|PROKKA_01473
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01481
Name: ER04085_3B_prokka|PROKKA_01481
Description: ER04085_3B_prokka|PROKKA_01481
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01500
Name: ER04085_3B_prokka|PROKKA_01500
Description: ER04085_3B_prokka|PROKKA_01500
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01515
Name: ER04085_3B_prokka|PROKKA_01515
Description: ER04085_3B_prokka|PROKKA_01515
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01523
Name: ER04085_3B_prokka|PROKKA_01523
Description: ER04085_3B_prokka|PROKKA_01523
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01528
Name: ER04085_3B_prokka|PROKKA_01528
Description: ER04085_3B_prokka|PROKKA_01528
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01555
Name: ER04085_3B_prokka|PROKKA_01555
Description: ER04085_3B_prokka|PROKKA_01555
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01558
Name: ER04085_3B_prokka|PROKKA_01558
Description: ER04085_3B_prokka|PROKKA_01558
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01593
Name: ER04085_3B_prokka|PROKKA_01593
Description: ER04085_3B_prokka|PROKKA_01593
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01667
Name: ER04085_3B_prokka|PROKKA_01667
Description: ER04085_3B_prokka|PROKKA_01667
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01836
Name: ER04085_3B_prokka|PROKKA_01836
Description: ER04085_3B_prokka|PROKKA_01836
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01850
Name: ER04085_3B_prokka|PROKKA_01850
Description: ER04085_3B_prokka|PROKKA_01850
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01892
Name: ER04085_3B_prokka|PROKKA_01892
Description: ER04085_3B_prokka|PROKKA_01892
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01944
Name: ER04085_3B_prokka|PROKKA_01944
Description: ER04085_3B_prokka|PROKKA_01944
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01946
Name: ER04085_3B_prokka|PROKKA_01946
Description: ER04085_3B_prokka|PROKKA_01946
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01947
Name: ER04085_3B_prokka|PROKKA_01947
Description: ER04085_3B_prokka|PROKKA_01947
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01977
Name: ER04085_3B_prokka|PROKKA_01977
Description: ER04085_3B_prokka|PROKKA_01977
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01999
Name: ER04085_3B_prokka|PROKKA_01999
Description: ER04085_3B_prokka|PROKKA_01999
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02004
Name: ER04085_3B_prokka|PROKKA_02004
Description: ER04085_3B_prokka|PROKKA_02004
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02080
Name: ER04085_3B_prokka|PROKKA_02080
Description: ER04085_3B_prokka|PROKKA_02080
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02084
Name: ER04085_3B_prokka|PROKKA_02084
Description: ER04085_3B_prokka|PROKKA_02084
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02100
Name: ER04085_3B_prokka|PROKKA_02100
Description: ER04085_3B_prokka|PROKKA_02100
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02118
Name: ER04085_3B_prokka|PROKKA_02118
Description: ER04085_3B_prokka|PROKKA_02118
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02144
Name: ER04085_3B_prokka|PROKKA_02144
Description: ER04085_3B_prokka|PROKKA_02144
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02146
Name: ER04085_3B_prokka|PROKKA_02146
Description: ER04085_3B_prokka|PROKKA_02146
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02198
Name: ER04085_3B_prokka|PROKKA_02198
Description: ER04085_3B_prokka|PROKKA_02198
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02306
Name: ER04085_3B_prokka|PROKKA_02306
Description: ER04085_3B_prokka|PROKKA_02306
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02325
Name: ER04085_3B_prokka|PROKKA_02325
Description: ER04085_3B_prokka|PROKKA_02325
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02338
Name: ER04085_3B_prokka|PROKKA_02338
Description: ER04085_3B_prokka|PROKKA_02338
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02370
Name: ER04085_3B_prokka|PROKKA_02370
Description: ER04085_3B_prokka|PROKKA_02370
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02515
Name: ER04085_3B_prokka|PROKKA_02515
Description: ER04085_3B_prokka|PROKKA_02515
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02524
Name: ER04085_3B_prokka|PROKKA_02524
Description: ER04085_3B_prokka|PROKKA_02524
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02588
Name: ER04085_3B_prokka|PROKKA_02588
Description: ER04085_3B_prokka|PROKKA_02588
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02696
Name: ER04085_3B_prokka|PROKKA_02696
Description: ER04085_3B_prokka|PROKKA_02696
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02734
Name: ER04085_3B_prokka|PROKKA_02734
Description: ER04085_3B_prokka|PROKKA_02734
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02818
Name: ER04085_3B_prokka|PROKKA_02818
Description: ER04085_3B_prokka|PROKKA_02818
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00005
Name: ER04086_3B_prokka|PROKKA_00005
Description: ER04086_3B_prokka|PROKKA_00005
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00050
Name: ER04086_3B_prokka|PROKKA_00050
Description: ER04086_3B_prokka|PROKKA_00050
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00059
Name: ER04086_3B_prokka|PROKKA_00059
Description: ER04086_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00080
Name: ER04086_3B_prokka|PROKKA_00080
Description: ER04086_3B_prokka|PROKKA_00080
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00168
Name: ER04086_3B_prokka|PROKKA_00168
Description: ER04086_3B_prokka|PROKKA_00168
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00266
Name: ER04086_3B_prokka|PROKKA_00266
Description: ER04086_3B_prokka|PROKKA_00266
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00319
Name: ER04086_3B_prokka|PROKKA_00319
Description: ER04086_3B_prokka|PROKKA_00319
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00417
Name: ER04086_3B_prokka|PROKKA_00417
Description: ER04086_3B_prokka|PROKKA_00417
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00455
Name: ER04086_3B_prokka|PROKKA_00455
Description: ER04086_3B_prokka|PROKKA_00455
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00585
Name: ER04086_3B_prokka|PROKKA_00585
Description: ER04086_3B_prokka|PROKKA_00585
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00621
Name: ER04086_3B_prokka|PROKKA_00621
Description: ER04086_3B_prokka|PROKKA_00621
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00839
Name: ER04086_3B_prokka|PROKKA_00839
Description: ER04086_3B_prokka|PROKKA_00839
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00883
Name: ER04086_3B_prokka|PROKKA_00883
Description: ER04086_3B_prokka|PROKKA_00883
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00991
Name: ER04086_3B_prokka|PROKKA_00991
Description: ER04086_3B_prokka|PROKKA_00991
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01030
Name: ER04086_3B_prokka|PROKKA_01030
Description: ER04086_3B_prokka|PROKKA_01030
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01122
Name: ER04086_3B_prokka|PROKKA_01122
Description: ER04086_3B_prokka|PROKKA_01122
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01123
Name: ER04086_3B_prokka|PROKKA_01123
Description: ER04086_3B_prokka|PROKKA_01123
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01258
Name: ER04086_3B_prokka|PROKKA_01258
Description: ER04086_3B_prokka|PROKKA_01258
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01262
Name: ER04086_3B_prokka|PROKKA_01262
Description: ER04086_3B_prokka|PROKKA_01262
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01266
Name: ER04086_3B_prokka|PROKKA_01266
Description: ER04086_3B_prokka|PROKKA_01266
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01268
Name: ER04086_3B_prokka|PROKKA_01268
Description: ER04086_3B_prokka|PROKKA_01268
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01292
Name: ER04086_3B_prokka|PROKKA_01292
Description: ER04086_3B_prokka|PROKKA_01292
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01387
Name: ER04086_3B_prokka|PROKKA_01387
Description: ER04086_3B_prokka|PROKKA_01387
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01399
Name: ER04086_3B_prokka|PROKKA_01399
Description: ER04086_3B_prokka|PROKKA_01399
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01448
Name: ER04086_3B_prokka|PROKKA_01448
Description: ER04086_3B_prokka|PROKKA_01448
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01456
Name: ER04086_3B_prokka|PROKKA_01456
Description: ER04086_3B_prokka|PROKKA_01456
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01476
Name: ER04086_3B_prokka|PROKKA_01476
Description: ER04086_3B_prokka|PROKKA_01476
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01504
Name: ER04086_3B_prokka|PROKKA_01504
Description: ER04086_3B_prokka|PROKKA_01504
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01531
Name: ER04086_3B_prokka|PROKKA_01531
Description: ER04086_3B_prokka|PROKKA_01531
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01568
Name: ER04086_3B_prokka|PROKKA_01568
Description: ER04086_3B_prokka|PROKKA_01568
Number of features: 0
Seq('MRVNITLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01639
Name: ER04086_3B_prokka|PROKKA_01639
Description: ER04086_3B_prokka|PROKKA_01639
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01805
Name: ER04086_3B_prokka|PROKKA_01805
Description: ER04086_3B_prokka|PROKKA_01805
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01812
Name: ER04086_3B_prokka|PROKKA_01812
Description: ER04086_3B_prokka|PROKKA_01812
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01831
Name: ER04086_3B_prokka|PROKKA_01831
Description: ER04086_3B_prokka|PROKKA_01831
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01866
Name: ER04086_3B_prokka|PROKKA_01866
Description: ER04086_3B_prokka|PROKKA_01866
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01918
Name: ER04086_3B_prokka|PROKKA_01918
Description: ER04086_3B_prokka|PROKKA_01918
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01990
Name: ER04086_3B_prokka|PROKKA_01990
Description: ER04086_3B_prokka|PROKKA_01990
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01994
Name: ER04086_3B_prokka|PROKKA_01994
Description: ER04086_3B_prokka|PROKKA_01994
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_02010
Name: ER04086_3B_prokka|PROKKA_02010
Description: ER04086_3B_prokka|PROKKA_02010
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_02030
Name: ER04086_3B_prokka|PROKKA_02030
Description: ER04086_3B_prokka|PROKKA_02030
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_02060
Name: ER04086_3B_prokka|PROKKA_02060
Description: ER04086_3B_prokka|PROKKA_02060
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_02062
Name: ER04086_3B_prokka|PROKKA_02062
Description: ER04086_3B_prokka|PROKKA_02062
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_02111
Name: ER04086_3B_prokka|PROKKA_02111
Description: ER04086_3B_prokka|PROKKA_02111
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_02231
Name: ER04086_3B_prokka|PROKKA_02231
Description: ER04086_3B_prokka|PROKKA_02231
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_02255
Name: ER04086_3B_prokka|PROKKA_02255
Description: ER04086_3B_prokka|PROKKA_02255
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_02286
Name: ER04086_3B_prokka|PROKKA_02286
Description: ER04086_3B_prokka|PROKKA_02286
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_02441
Name: ER04086_3B_prokka|PROKKA_02441
Description: ER04086_3B_prokka|PROKKA_02441
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_02650
Name: ER04086_3B_prokka|PROKKA_02650
Description: ER04086_3B_prokka|PROKKA_02650
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_02737
Name: ER04086_3B_prokka|PROKKA_02737
Description: ER04086_3B_prokka|PROKKA_02737
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00016
Name: ER04115_3B_prokka|PROKKA_00016
Description: ER04115_3B_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00067
Name: ER04115_3B_prokka|PROKKA_00067
Description: ER04115_3B_prokka|PROKKA_00067
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00070
Name: ER04115_3B_prokka|PROKKA_00070
Description: ER04115_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00074
Name: ER04115_3B_prokka|PROKKA_00074
Description: ER04115_3B_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00095
Name: ER04115_3B_prokka|PROKKA_00095
Description: ER04115_3B_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00113
Name: ER04115_3B_prokka|PROKKA_00113
Description: ER04115_3B_prokka|PROKKA_00113
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00281
Name: ER04115_3B_prokka|PROKKA_00281
Description: ER04115_3B_prokka|PROKKA_00281
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00405
Name: ER04115_3B_prokka|PROKKA_00405
Description: ER04115_3B_prokka|PROKKA_00405
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00422
Name: ER04115_3B_prokka|PROKKA_00422
Description: ER04115_3B_prokka|PROKKA_00422
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00588
Name: ER04115_3B_prokka|PROKKA_00588
Description: ER04115_3B_prokka|PROKKA_00588
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00817
Name: ER04115_3B_prokka|PROKKA_00817
Description: ER04115_3B_prokka|PROKKA_00817
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00848
Name: ER04115_3B_prokka|PROKKA_00848
Description: ER04115_3B_prokka|PROKKA_00848
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00852
Name: ER04115_3B_prokka|PROKKA_00852
Description: ER04115_3B_prokka|PROKKA_00852
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00868
Name: ER04115_3B_prokka|PROKKA_00868
Description: ER04115_3B_prokka|PROKKA_00868
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00898
Name: ER04115_3B_prokka|PROKKA_00898
Description: ER04115_3B_prokka|PROKKA_00898
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00899
Name: ER04115_3B_prokka|PROKKA_00899
Description: ER04115_3B_prokka|PROKKA_00899
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00901
Name: ER04115_3B_prokka|PROKKA_00901
Description: ER04115_3B_prokka|PROKKA_00901
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00953
Name: ER04115_3B_prokka|PROKKA_00953
Description: ER04115_3B_prokka|PROKKA_00953
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00995
Name: ER04115_3B_prokka|PROKKA_00995
Description: ER04115_3B_prokka|PROKKA_00995
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01009
Name: ER04115_3B_prokka|PROKKA_01009
Description: ER04115_3B_prokka|PROKKA_01009
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01178
Name: ER04115_3B_prokka|PROKKA_01178
Description: ER04115_3B_prokka|PROKKA_01178
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01252
Name: ER04115_3B_prokka|PROKKA_01252
Description: ER04115_3B_prokka|PROKKA_01252
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01287
Name: ER04115_3B_prokka|PROKKA_01287
Description: ER04115_3B_prokka|PROKKA_01287
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01290
Name: ER04115_3B_prokka|PROKKA_01290
Description: ER04115_3B_prokka|PROKKA_01290
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01317
Name: ER04115_3B_prokka|PROKKA_01317
Description: ER04115_3B_prokka|PROKKA_01317
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01322
Name: ER04115_3B_prokka|PROKKA_01322
Description: ER04115_3B_prokka|PROKKA_01322
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01330
Name: ER04115_3B_prokka|PROKKA_01330
Description: ER04115_3B_prokka|PROKKA_01330
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01345
Name: ER04115_3B_prokka|PROKKA_01345
Description: ER04115_3B_prokka|PROKKA_01345
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01364
Name: ER04115_3B_prokka|PROKKA_01364
Description: ER04115_3B_prokka|PROKKA_01364
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01372
Name: ER04115_3B_prokka|PROKKA_01372
Description: ER04115_3B_prokka|PROKKA_01372
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01419
Name: ER04115_3B_prokka|PROKKA_01419
Description: ER04115_3B_prokka|PROKKA_01419
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01431
Name: ER04115_3B_prokka|PROKKA_01431
Description: ER04115_3B_prokka|PROKKA_01431
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01524
Name: ER04115_3B_prokka|PROKKA_01524
Description: ER04115_3B_prokka|PROKKA_01524
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01548
Name: ER04115_3B_prokka|PROKKA_01548
Description: ER04115_3B_prokka|PROKKA_01548
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01552
Name: ER04115_3B_prokka|PROKKA_01552
Description: ER04115_3B_prokka|PROKKA_01552
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01689
Name: ER04115_3B_prokka|PROKKA_01689
Description: ER04115_3B_prokka|PROKKA_01689
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01690
Name: ER04115_3B_prokka|PROKKA_01690
Description: ER04115_3B_prokka|PROKKA_01690
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01702
Name: ER04115_3B_prokka|PROKKA_01702
Description: ER04115_3B_prokka|PROKKA_01702
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01784
Name: ER04115_3B_prokka|PROKKA_01784
Description: ER04115_3B_prokka|PROKKA_01784
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01785
Name: ER04115_3B_prokka|PROKKA_01785
Description: ER04115_3B_prokka|PROKKA_01785
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01802
Name: ER04115_3B_prokka|PROKKA_01802
Description: ER04115_3B_prokka|PROKKA_01802
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01825
Name: ER04115_3B_prokka|PROKKA_01825
Description: ER04115_3B_prokka|PROKKA_01825
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01931
Name: ER04115_3B_prokka|PROKKA_01931
Description: ER04115_3B_prokka|PROKKA_01931
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01946
Name: ER04115_3B_prokka|PROKKA_01946
Description: ER04115_3B_prokka|PROKKA_01946
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01947
Name: ER04115_3B_prokka|PROKKA_01947
Description: ER04115_3B_prokka|PROKKA_01947
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01978
Name: ER04115_3B_prokka|PROKKA_01978
Description: ER04115_3B_prokka|PROKKA_01978
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02000
Name: ER04115_3B_prokka|PROKKA_02000
Description: ER04115_3B_prokka|PROKKA_02000
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02005
Name: ER04115_3B_prokka|PROKKA_02005
Description: ER04115_3B_prokka|PROKKA_02005
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02080
Name: ER04115_3B_prokka|PROKKA_02080
Description: ER04115_3B_prokka|PROKKA_02080
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02084
Name: ER04115_3B_prokka|PROKKA_02084
Description: ER04115_3B_prokka|PROKKA_02084
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02100
Name: ER04115_3B_prokka|PROKKA_02100
Description: ER04115_3B_prokka|PROKKA_02100
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02118
Name: ER04115_3B_prokka|PROKKA_02118
Description: ER04115_3B_prokka|PROKKA_02118
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02144
Name: ER04115_3B_prokka|PROKKA_02144
Description: ER04115_3B_prokka|PROKKA_02144
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02146
Name: ER04115_3B_prokka|PROKKA_02146
Description: ER04115_3B_prokka|PROKKA_02146
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02198
Name: ER04115_3B_prokka|PROKKA_02198
Description: ER04115_3B_prokka|PROKKA_02198
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02306
Name: ER04115_3B_prokka|PROKKA_02306
Description: ER04115_3B_prokka|PROKKA_02306
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02325
Name: ER04115_3B_prokka|PROKKA_02325
Description: ER04115_3B_prokka|PROKKA_02325
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02338
Name: ER04115_3B_prokka|PROKKA_02338
Description: ER04115_3B_prokka|PROKKA_02338
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02370
Name: ER04115_3B_prokka|PROKKA_02370
Description: ER04115_3B_prokka|PROKKA_02370
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02515
Name: ER04115_3B_prokka|PROKKA_02515
Description: ER04115_3B_prokka|PROKKA_02515
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02524
Name: ER04115_3B_prokka|PROKKA_02524
Description: ER04115_3B_prokka|PROKKA_02524
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02588
Name: ER04115_3B_prokka|PROKKA_02588
Description: ER04115_3B_prokka|PROKKA_02588
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02696
Name: ER04115_3B_prokka|PROKKA_02696
Description: ER04115_3B_prokka|PROKKA_02696
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02734
Name: ER04115_3B_prokka|PROKKA_02734
Description: ER04115_3B_prokka|PROKKA_02734
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02818
Name: ER04115_3B_prokka|PROKKA_02818
Description: ER04115_3B_prokka|PROKKA_02818
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00083
Name: ER04119_3B_prokka|PROKKA_00083
Description: ER04119_3B_prokka|PROKKA_00083
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00086
Name: ER04119_3B_prokka|PROKKA_00086
Description: ER04119_3B_prokka|PROKKA_00086
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00090
Name: ER04119_3B_prokka|PROKKA_00090
Description: ER04119_3B_prokka|PROKKA_00090
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00111
Name: ER04119_3B_prokka|PROKKA_00111
Description: ER04119_3B_prokka|PROKKA_00111
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00129
Name: ER04119_3B_prokka|PROKKA_00129
Description: ER04119_3B_prokka|PROKKA_00129
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00295
Name: ER04119_3B_prokka|PROKKA_00295
Description: ER04119_3B_prokka|PROKKA_00295
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00419
Name: ER04119_3B_prokka|PROKKA_00419
Description: ER04119_3B_prokka|PROKKA_00419
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00436
Name: ER04119_3B_prokka|PROKKA_00436
Description: ER04119_3B_prokka|PROKKA_00436
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00602
Name: ER04119_3B_prokka|PROKKA_00602
Description: ER04119_3B_prokka|PROKKA_00602
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00831
Name: ER04119_3B_prokka|PROKKA_00831
Description: ER04119_3B_prokka|PROKKA_00831
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00862
Name: ER04119_3B_prokka|PROKKA_00862
Description: ER04119_3B_prokka|PROKKA_00862
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00866
Name: ER04119_3B_prokka|PROKKA_00866
Description: ER04119_3B_prokka|PROKKA_00866
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00882
Name: ER04119_3B_prokka|PROKKA_00882
Description: ER04119_3B_prokka|PROKKA_00882
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00912
Name: ER04119_3B_prokka|PROKKA_00912
Description: ER04119_3B_prokka|PROKKA_00912
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00913
Name: ER04119_3B_prokka|PROKKA_00913
Description: ER04119_3B_prokka|PROKKA_00913
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00915
Name: ER04119_3B_prokka|PROKKA_00915
Description: ER04119_3B_prokka|PROKKA_00915
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00967
Name: ER04119_3B_prokka|PROKKA_00967
Description: ER04119_3B_prokka|PROKKA_00967
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01009
Name: ER04119_3B_prokka|PROKKA_01009
Description: ER04119_3B_prokka|PROKKA_01009
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01023
Name: ER04119_3B_prokka|PROKKA_01023
Description: ER04119_3B_prokka|PROKKA_01023
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01192
Name: ER04119_3B_prokka|PROKKA_01192
Description: ER04119_3B_prokka|PROKKA_01192
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01266
Name: ER04119_3B_prokka|PROKKA_01266
Description: ER04119_3B_prokka|PROKKA_01266
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01301
Name: ER04119_3B_prokka|PROKKA_01301
Description: ER04119_3B_prokka|PROKKA_01301
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01304
Name: ER04119_3B_prokka|PROKKA_01304
Description: ER04119_3B_prokka|PROKKA_01304
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01331
Name: ER04119_3B_prokka|PROKKA_01331
Description: ER04119_3B_prokka|PROKKA_01331
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01336
Name: ER04119_3B_prokka|PROKKA_01336
Description: ER04119_3B_prokka|PROKKA_01336
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01344
Name: ER04119_3B_prokka|PROKKA_01344
Description: ER04119_3B_prokka|PROKKA_01344
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01359
Name: ER04119_3B_prokka|PROKKA_01359
Description: ER04119_3B_prokka|PROKKA_01359
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01378
Name: ER04119_3B_prokka|PROKKA_01378
Description: ER04119_3B_prokka|PROKKA_01378
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01386
Name: ER04119_3B_prokka|PROKKA_01386
Description: ER04119_3B_prokka|PROKKA_01386
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01433
Name: ER04119_3B_prokka|PROKKA_01433
Description: ER04119_3B_prokka|PROKKA_01433
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01445
Name: ER04119_3B_prokka|PROKKA_01445
Description: ER04119_3B_prokka|PROKKA_01445
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01537
Name: ER04119_3B_prokka|PROKKA_01537
Description: ER04119_3B_prokka|PROKKA_01537
Number of features: 0
Seq('MFVEHKGSLMDTLKEMQQDLQSSISYAGGKDLKSLRTVDYVIVRNSIFNGDRD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01540
Name: ER04119_3B_prokka|PROKKA_01540
Description: ER04119_3B_prokka|PROKKA_01540
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01564
Name: ER04119_3B_prokka|PROKKA_01564
Description: ER04119_3B_prokka|PROKKA_01564
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01568
Name: ER04119_3B_prokka|PROKKA_01568
Description: ER04119_3B_prokka|PROKKA_01568
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01704
Name: ER04119_3B_prokka|PROKKA_01704
Description: ER04119_3B_prokka|PROKKA_01704
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01705
Name: ER04119_3B_prokka|PROKKA_01705
Description: ER04119_3B_prokka|PROKKA_01705
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01717
Name: ER04119_3B_prokka|PROKKA_01717
Description: ER04119_3B_prokka|PROKKA_01717
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01799
Name: ER04119_3B_prokka|PROKKA_01799
Description: ER04119_3B_prokka|PROKKA_01799
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01800
Name: ER04119_3B_prokka|PROKKA_01800
Description: ER04119_3B_prokka|PROKKA_01800
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01817
Name: ER04119_3B_prokka|PROKKA_01817
Description: ER04119_3B_prokka|PROKKA_01817
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01840
Name: ER04119_3B_prokka|PROKKA_01840
Description: ER04119_3B_prokka|PROKKA_01840
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01946
Name: ER04119_3B_prokka|PROKKA_01946
Description: ER04119_3B_prokka|PROKKA_01946
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01961
Name: ER04119_3B_prokka|PROKKA_01961
Description: ER04119_3B_prokka|PROKKA_01961
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01962
Name: ER04119_3B_prokka|PROKKA_01962
Description: ER04119_3B_prokka|PROKKA_01962
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01993
Name: ER04119_3B_prokka|PROKKA_01993
Description: ER04119_3B_prokka|PROKKA_01993
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02015
Name: ER04119_3B_prokka|PROKKA_02015
Description: ER04119_3B_prokka|PROKKA_02015
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02020
Name: ER04119_3B_prokka|PROKKA_02020
Description: ER04119_3B_prokka|PROKKA_02020
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02096
Name: ER04119_3B_prokka|PROKKA_02096
Description: ER04119_3B_prokka|PROKKA_02096
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02100
Name: ER04119_3B_prokka|PROKKA_02100
Description: ER04119_3B_prokka|PROKKA_02100
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02116
Name: ER04119_3B_prokka|PROKKA_02116
Description: ER04119_3B_prokka|PROKKA_02116
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02134
Name: ER04119_3B_prokka|PROKKA_02134
Description: ER04119_3B_prokka|PROKKA_02134
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02160
Name: ER04119_3B_prokka|PROKKA_02160
Description: ER04119_3B_prokka|PROKKA_02160
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02162
Name: ER04119_3B_prokka|PROKKA_02162
Description: ER04119_3B_prokka|PROKKA_02162
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02214
Name: ER04119_3B_prokka|PROKKA_02214
Description: ER04119_3B_prokka|PROKKA_02214
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02322
Name: ER04119_3B_prokka|PROKKA_02322
Description: ER04119_3B_prokka|PROKKA_02322
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02341
Name: ER04119_3B_prokka|PROKKA_02341
Description: ER04119_3B_prokka|PROKKA_02341
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02355
Name: ER04119_3B_prokka|PROKKA_02355
Description: ER04119_3B_prokka|PROKKA_02355
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02387
Name: ER04119_3B_prokka|PROKKA_02387
Description: ER04119_3B_prokka|PROKKA_02387
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02532
Name: ER04119_3B_prokka|PROKKA_02532
Description: ER04119_3B_prokka|PROKKA_02532
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02541
Name: ER04119_3B_prokka|PROKKA_02541
Description: ER04119_3B_prokka|PROKKA_02541
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02605
Name: ER04119_3B_prokka|PROKKA_02605
Description: ER04119_3B_prokka|PROKKA_02605
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02713
Name: ER04119_3B_prokka|PROKKA_02713
Description: ER04119_3B_prokka|PROKKA_02713
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02751
Name: ER04119_3B_prokka|PROKKA_02751
Description: ER04119_3B_prokka|PROKKA_02751
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02835
Name: ER04119_3B_prokka|PROKKA_02835
Description: ER04119_3B_prokka|PROKKA_02835
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02862
Name: ER04119_3B_prokka|PROKKA_02862
Description: ER04119_3B_prokka|PROKKA_02862
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00029
Name: ER04127_3A_prokka|PROKKA_00029
Description: ER04127_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00038
Name: ER04127_3A_prokka|PROKKA_00038
Description: ER04127_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00059
Name: ER04127_3A_prokka|PROKKA_00059
Description: ER04127_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00079
Name: ER04127_3A_prokka|PROKKA_00079
Description: ER04127_3A_prokka|PROKKA_00079
Number of features: 0
Seq('MIKKLFFMILGSLLILSACSNNDEKDKDTND', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00149
Name: ER04127_3A_prokka|PROKKA_00149
Description: ER04127_3A_prokka|PROKKA_00149
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00248
Name: ER04127_3A_prokka|PROKKA_00248
Description: ER04127_3A_prokka|PROKKA_00248
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00300
Name: ER04127_3A_prokka|PROKKA_00300
Description: ER04127_3A_prokka|PROKKA_00300
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00398
Name: ER04127_3A_prokka|PROKKA_00398
Description: ER04127_3A_prokka|PROKKA_00398
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00421
Name: ER04127_3A_prokka|PROKKA_00421
Description: ER04127_3A_prokka|PROKKA_00421
Number of features: 0
Seq('MEYLKRLALLISVIILTIFIMGCDSQSDTAENPKEGSKEAQIKKSFFENVRYVSN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00430
Name: ER04127_3A_prokka|PROKKA_00430
Description: ER04127_3A_prokka|PROKKA_00430
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELSKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00438
Name: ER04127_3A_prokka|PROKKA_00438
Description: ER04127_3A_prokka|PROKKA_00438
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00447
Name: ER04127_3A_prokka|PROKKA_00447
Description: ER04127_3A_prokka|PROKKA_00447
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00462
Name: ER04127_3A_prokka|PROKKA_00462
Description: ER04127_3A_prokka|PROKKA_00462
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00494
Name: ER04127_3A_prokka|PROKKA_00494
Description: ER04127_3A_prokka|PROKKA_00494
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00495
Name: ER04127_3A_prokka|PROKKA_00495
Description: ER04127_3A_prokka|PROKKA_00495
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00507
Name: ER04127_3A_prokka|PROKKA_00507
Description: ER04127_3A_prokka|PROKKA_00507
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00637
Name: ER04127_3A_prokka|PROKKA_00637
Description: ER04127_3A_prokka|PROKKA_00637
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00673
Name: ER04127_3A_prokka|PROKKA_00673
Description: ER04127_3A_prokka|PROKKA_00673
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00892
Name: ER04127_3A_prokka|PROKKA_00892
Description: ER04127_3A_prokka|PROKKA_00892
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00936
Name: ER04127_3A_prokka|PROKKA_00936
Description: ER04127_3A_prokka|PROKKA_00936
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01044
Name: ER04127_3A_prokka|PROKKA_01044
Description: ER04127_3A_prokka|PROKKA_01044
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01083
Name: ER04127_3A_prokka|PROKKA_01083
Description: ER04127_3A_prokka|PROKKA_01083
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01163
Name: ER04127_3A_prokka|PROKKA_01163
Description: ER04127_3A_prokka|PROKKA_01163
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01176
Name: ER04127_3A_prokka|PROKKA_01176
Description: ER04127_3A_prokka|PROKKA_01176
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01177
Name: ER04127_3A_prokka|PROKKA_01177
Description: ER04127_3A_prokka|PROKKA_01177
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01313
Name: ER04127_3A_prokka|PROKKA_01313
Description: ER04127_3A_prokka|PROKKA_01313
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01317
Name: ER04127_3A_prokka|PROKKA_01317
Description: ER04127_3A_prokka|PROKKA_01317
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01321
Name: ER04127_3A_prokka|PROKKA_01321
Description: ER04127_3A_prokka|PROKKA_01321
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01323
Name: ER04127_3A_prokka|PROKKA_01323
Description: ER04127_3A_prokka|PROKKA_01323
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01347
Name: ER04127_3A_prokka|PROKKA_01347
Description: ER04127_3A_prokka|PROKKA_01347
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01441
Name: ER04127_3A_prokka|PROKKA_01441
Description: ER04127_3A_prokka|PROKKA_01441
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01453
Name: ER04127_3A_prokka|PROKKA_01453
Description: ER04127_3A_prokka|PROKKA_01453
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01502
Name: ER04127_3A_prokka|PROKKA_01502
Description: ER04127_3A_prokka|PROKKA_01502
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01510
Name: ER04127_3A_prokka|PROKKA_01510
Description: ER04127_3A_prokka|PROKKA_01510
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01530
Name: ER04127_3A_prokka|PROKKA_01530
Description: ER04127_3A_prokka|PROKKA_01530
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01558
Name: ER04127_3A_prokka|PROKKA_01558
Description: ER04127_3A_prokka|PROKKA_01558
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01585
Name: ER04127_3A_prokka|PROKKA_01585
Description: ER04127_3A_prokka|PROKKA_01585
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01622
Name: ER04127_3A_prokka|PROKKA_01622
Description: ER04127_3A_prokka|PROKKA_01622
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01693
Name: ER04127_3A_prokka|PROKKA_01693
Description: ER04127_3A_prokka|PROKKA_01693
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01858
Name: ER04127_3A_prokka|PROKKA_01858
Description: ER04127_3A_prokka|PROKKA_01858
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01866
Name: ER04127_3A_prokka|PROKKA_01866
Description: ER04127_3A_prokka|PROKKA_01866
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01885
Name: ER04127_3A_prokka|PROKKA_01885
Description: ER04127_3A_prokka|PROKKA_01885
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01920
Name: ER04127_3A_prokka|PROKKA_01920
Description: ER04127_3A_prokka|PROKKA_01920
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01972
Name: ER04127_3A_prokka|PROKKA_01972
Description: ER04127_3A_prokka|PROKKA_01972
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02003
Name: ER04127_3A_prokka|PROKKA_02003
Description: ER04127_3A_prokka|PROKKA_02003
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQPEQLKGDVKVKEREIEILRSRLRHFEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02015
Name: ER04127_3A_prokka|PROKKA_02015
Description: ER04127_3A_prokka|PROKKA_02015
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02033
Name: ER04127_3A_prokka|PROKKA_02033
Description: ER04127_3A_prokka|PROKKA_02033
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELSKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02107
Name: ER04127_3A_prokka|PROKKA_02107
Description: ER04127_3A_prokka|PROKKA_02107
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02111
Name: ER04127_3A_prokka|PROKKA_02111
Description: ER04127_3A_prokka|PROKKA_02111
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02127
Name: ER04127_3A_prokka|PROKKA_02127
Description: ER04127_3A_prokka|PROKKA_02127
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02147
Name: ER04127_3A_prokka|PROKKA_02147
Description: ER04127_3A_prokka|PROKKA_02147
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02177
Name: ER04127_3A_prokka|PROKKA_02177
Description: ER04127_3A_prokka|PROKKA_02177
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02179
Name: ER04127_3A_prokka|PROKKA_02179
Description: ER04127_3A_prokka|PROKKA_02179
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02228
Name: ER04127_3A_prokka|PROKKA_02228
Description: ER04127_3A_prokka|PROKKA_02228
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02284
Name: ER04127_3A_prokka|PROKKA_02284
Description: ER04127_3A_prokka|PROKKA_02284
Number of features: 0
Seq('MTAETNYFWLNCGYNRWNHNEPLVGQTALFESGAHFNPSQGFRAFKKAKVGD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02349
Name: ER04127_3A_prokka|PROKKA_02349
Description: ER04127_3A_prokka|PROKKA_02349
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02373
Name: ER04127_3A_prokka|PROKKA_02373
Description: ER04127_3A_prokka|PROKKA_02373
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02404
Name: ER04127_3A_prokka|PROKKA_02404
Description: ER04127_3A_prokka|PROKKA_02404
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02559
Name: ER04127_3A_prokka|PROKKA_02559
Description: ER04127_3A_prokka|PROKKA_02559
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02768
Name: ER04127_3A_prokka|PROKKA_02768
Description: ER04127_3A_prokka|PROKKA_02768
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02796
Name: ER04127_3A_prokka|PROKKA_02796
Description: ER04127_3A_prokka|PROKKA_02796
Number of features: 0
Seq('MSKRQKAFHDSLANEKTRVRLYKSGKNWVKSGIKEIEMFKIMGYHLLVIV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02856
Name: ER04127_3A_prokka|PROKKA_02856
Description: ER04127_3A_prokka|PROKKA_02856
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02870
Name: ER04127_3A_prokka|PROKKA_02870
Description: ER04127_3A_prokka|PROKKA_02870
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00056
Name: ER04142_3A_prokka|PROKKA_00056
Description: ER04142_3A_prokka|PROKKA_00056
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00074
Name: ER04142_3A_prokka|PROKKA_00074
Description: ER04142_3A_prokka|PROKKA_00074
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00242
Name: ER04142_3A_prokka|PROKKA_00242
Description: ER04142_3A_prokka|PROKKA_00242
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00369
Name: ER04142_3A_prokka|PROKKA_00369
Description: ER04142_3A_prokka|PROKKA_00369
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00386
Name: ER04142_3A_prokka|PROKKA_00386
Description: ER04142_3A_prokka|PROKKA_00386
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00554
Name: ER04142_3A_prokka|PROKKA_00554
Description: ER04142_3A_prokka|PROKKA_00554
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00710
Name: ER04142_3A_prokka|PROKKA_00710
Description: ER04142_3A_prokka|PROKKA_00710
Number of features: 0
Seq('MKKTVLYLVLAVMFLLAACGNNSDKEQSKSEMEGSIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00714
Name: ER04142_3A_prokka|PROKKA_00714
Description: ER04142_3A_prokka|PROKKA_00714
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00717
Name: ER04142_3A_prokka|PROKKA_00717
Description: ER04142_3A_prokka|PROKKA_00717
Number of features: 0
Seq('MEGLQIKNIEATNLDELKKLIESTLKAVEAVEENLEKINNFEIKVIQKSSCQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00723
Name: ER04142_3A_prokka|PROKKA_00723
Description: ER04142_3A_prokka|PROKKA_00723
Number of features: 0
Seq('MSKTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00740
Name: ER04142_3A_prokka|PROKKA_00740
Description: ER04142_3A_prokka|PROKKA_00740
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00756
Name: ER04142_3A_prokka|PROKKA_00756
Description: ER04142_3A_prokka|PROKKA_00756
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00760
Name: ER04142_3A_prokka|PROKKA_00760
Description: ER04142_3A_prokka|PROKKA_00760
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00832
Name: ER04142_3A_prokka|PROKKA_00832
Description: ER04142_3A_prokka|PROKKA_00832
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00884
Name: ER04142_3A_prokka|PROKKA_00884
Description: ER04142_3A_prokka|PROKKA_00884
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00926
Name: ER04142_3A_prokka|PROKKA_00926
Description: ER04142_3A_prokka|PROKKA_00926
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00941
Name: ER04142_3A_prokka|PROKKA_00941
Description: ER04142_3A_prokka|PROKKA_00941
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01110
Name: ER04142_3A_prokka|PROKKA_01110
Description: ER04142_3A_prokka|PROKKA_01110
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01184
Name: ER04142_3A_prokka|PROKKA_01184
Description: ER04142_3A_prokka|PROKKA_01184
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01220
Name: ER04142_3A_prokka|PROKKA_01220
Description: ER04142_3A_prokka|PROKKA_01220
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01223
Name: ER04142_3A_prokka|PROKKA_01223
Description: ER04142_3A_prokka|PROKKA_01223
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01250
Name: ER04142_3A_prokka|PROKKA_01250
Description: ER04142_3A_prokka|PROKKA_01250
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01260
Name: ER04142_3A_prokka|PROKKA_01260
Description: ER04142_3A_prokka|PROKKA_01260
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01279
Name: ER04142_3A_prokka|PROKKA_01279
Description: ER04142_3A_prokka|PROKKA_01279
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01299
Name: ER04142_3A_prokka|PROKKA_01299
Description: ER04142_3A_prokka|PROKKA_01299
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01307
Name: ER04142_3A_prokka|PROKKA_01307
Description: ER04142_3A_prokka|PROKKA_01307
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01356
Name: ER04142_3A_prokka|PROKKA_01356
Description: ER04142_3A_prokka|PROKKA_01356
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01368
Name: ER04142_3A_prokka|PROKKA_01368
Description: ER04142_3A_prokka|PROKKA_01368
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01462
Name: ER04142_3A_prokka|PROKKA_01462
Description: ER04142_3A_prokka|PROKKA_01462
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01486
Name: ER04142_3A_prokka|PROKKA_01486
Description: ER04142_3A_prokka|PROKKA_01486
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01490
Name: ER04142_3A_prokka|PROKKA_01490
Description: ER04142_3A_prokka|PROKKA_01490
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01626
Name: ER04142_3A_prokka|PROKKA_01626
Description: ER04142_3A_prokka|PROKKA_01626
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01627
Name: ER04142_3A_prokka|PROKKA_01627
Description: ER04142_3A_prokka|PROKKA_01627
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01639
Name: ER04142_3A_prokka|PROKKA_01639
Description: ER04142_3A_prokka|PROKKA_01639
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01695
Name: ER04142_3A_prokka|PROKKA_01695
Description: ER04142_3A_prokka|PROKKA_01695
Number of features: 0
Seq('MNNKRHSTNEQLSLDEINNTIKFDHRSSNKQKFLSFLGPGLLVAVGYMDPETG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01722
Name: ER04142_3A_prokka|PROKKA_01722
Description: ER04142_3A_prokka|PROKKA_01722
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01723
Name: ER04142_3A_prokka|PROKKA_01723
Description: ER04142_3A_prokka|PROKKA_01723
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01740
Name: ER04142_3A_prokka|PROKKA_01740
Description: ER04142_3A_prokka|PROKKA_01740
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01763
Name: ER04142_3A_prokka|PROKKA_01763
Description: ER04142_3A_prokka|PROKKA_01763
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01868
Name: ER04142_3A_prokka|PROKKA_01868
Description: ER04142_3A_prokka|PROKKA_01868
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01895
Name: ER04142_3A_prokka|PROKKA_01895
Description: ER04142_3A_prokka|PROKKA_01895
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01971
Name: ER04142_3A_prokka|PROKKA_01971
Description: ER04142_3A_prokka|PROKKA_01971
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01972
Name: ER04142_3A_prokka|PROKKA_01972
Description: ER04142_3A_prokka|PROKKA_01972
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02003
Name: ER04142_3A_prokka|PROKKA_02003
Description: ER04142_3A_prokka|PROKKA_02003
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02023
Name: ER04142_3A_prokka|PROKKA_02023
Description: ER04142_3A_prokka|PROKKA_02023
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02029
Name: ER04142_3A_prokka|PROKKA_02029
Description: ER04142_3A_prokka|PROKKA_02029
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02034
Name: ER04142_3A_prokka|PROKKA_02034
Description: ER04142_3A_prokka|PROKKA_02034
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02050
Name: ER04142_3A_prokka|PROKKA_02050
Description: ER04142_3A_prokka|PROKKA_02050
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02052
Name: ER04142_3A_prokka|PROKKA_02052
Description: ER04142_3A_prokka|PROKKA_02052
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02102
Name: ER04142_3A_prokka|PROKKA_02102
Description: ER04142_3A_prokka|PROKKA_02102
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02215
Name: ER04142_3A_prokka|PROKKA_02215
Description: ER04142_3A_prokka|PROKKA_02215
Number of features: 0
Seq('MAQNLDIFDFELTEEDKQQIATLEESNSQFFSHADPEMIKALTSRELDV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02228
Name: ER04142_3A_prokka|PROKKA_02228
Description: ER04142_3A_prokka|PROKKA_02228
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02241
Name: ER04142_3A_prokka|PROKKA_02241
Description: ER04142_3A_prokka|PROKKA_02241
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02272
Name: ER04142_3A_prokka|PROKKA_02272
Description: ER04142_3A_prokka|PROKKA_02272
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02427
Name: ER04142_3A_prokka|PROKKA_02427
Description: ER04142_3A_prokka|PROKKA_02427
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02431
Name: ER04142_3A_prokka|PROKKA_02431
Description: ER04142_3A_prokka|PROKKA_02431
Number of features: 0
Seq('MNLKLNRKKVISMIKNKILTATLAVGLIAL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02492
Name: ER04142_3A_prokka|PROKKA_02492
Description: ER04142_3A_prokka|PROKKA_02492
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02601
Name: ER04142_3A_prokka|PROKKA_02601
Description: ER04142_3A_prokka|PROKKA_02601
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02639
Name: ER04142_3A_prokka|PROKKA_02639
Description: ER04142_3A_prokka|PROKKA_02639
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02723
Name: ER04142_3A_prokka|PROKKA_02723
Description: ER04142_3A_prokka|PROKKA_02723
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02726
Name: ER04142_3A_prokka|PROKKA_02726
Description: ER04142_3A_prokka|PROKKA_02726
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02736
Name: ER04142_3A_prokka|PROKKA_02736
Description: ER04142_3A_prokka|PROKKA_02736
Number of features: 0
Seq('MSQKYGSNQKGYKSDLNWNYINSKDNVDEFFSELLEEKVPLIDLNYVNLI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02741
Name: ER04142_3A_prokka|PROKKA_02741
Description: ER04142_3A_prokka|PROKKA_02741
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02745
Name: ER04142_3A_prokka|PROKKA_02745
Description: ER04142_3A_prokka|PROKKA_02745
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00014
Name: ER04163_3A_prokka|PROKKA_00014
Description: ER04163_3A_prokka|PROKKA_00014
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00053
Name: ER04163_3A_prokka|PROKKA_00053
Description: ER04163_3A_prokka|PROKKA_00053
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00062
Name: ER04163_3A_prokka|PROKKA_00062
Description: ER04163_3A_prokka|PROKKA_00062
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00083
Name: ER04163_3A_prokka|PROKKA_00083
Description: ER04163_3A_prokka|PROKKA_00083
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00174
Name: ER04163_3A_prokka|PROKKA_00174
Description: ER04163_3A_prokka|PROKKA_00174
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00273
Name: ER04163_3A_prokka|PROKKA_00273
Description: ER04163_3A_prokka|PROKKA_00273
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00325
Name: ER04163_3A_prokka|PROKKA_00325
Description: ER04163_3A_prokka|PROKKA_00325
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00423
Name: ER04163_3A_prokka|PROKKA_00423
Description: ER04163_3A_prokka|PROKKA_00423
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00461
Name: ER04163_3A_prokka|PROKKA_00461
Description: ER04163_3A_prokka|PROKKA_00461
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00592
Name: ER04163_3A_prokka|PROKKA_00592
Description: ER04163_3A_prokka|PROKKA_00592
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00628
Name: ER04163_3A_prokka|PROKKA_00628
Description: ER04163_3A_prokka|PROKKA_00628
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00846
Name: ER04163_3A_prokka|PROKKA_00846
Description: ER04163_3A_prokka|PROKKA_00846
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00884
Name: ER04163_3A_prokka|PROKKA_00884
Description: ER04163_3A_prokka|PROKKA_00884
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00889
Name: ER04163_3A_prokka|PROKKA_00889
Description: ER04163_3A_prokka|PROKKA_00889
Number of features: 0
Seq('MSNIYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00900
Name: ER04163_3A_prokka|PROKKA_00900
Description: ER04163_3A_prokka|PROKKA_00900
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00915
Name: ER04163_3A_prokka|PROKKA_00915
Description: ER04163_3A_prokka|PROKKA_00915
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00921
Name: ER04163_3A_prokka|PROKKA_00921
Description: ER04163_3A_prokka|PROKKA_00921
Number of features: 0
Seq('MSNTDKYLRDIASELKGIRKELQKQNATVFVDTKVDGEKLKVLTNEPLF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00958
Name: ER04163_3A_prokka|PROKKA_00958
Description: ER04163_3A_prokka|PROKKA_00958
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01066
Name: ER04163_3A_prokka|PROKKA_01066
Description: ER04163_3A_prokka|PROKKA_01066
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01105
Name: ER04163_3A_prokka|PROKKA_01105
Description: ER04163_3A_prokka|PROKKA_01105
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01185
Name: ER04163_3A_prokka|PROKKA_01185
Description: ER04163_3A_prokka|PROKKA_01185
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01198
Name: ER04163_3A_prokka|PROKKA_01198
Description: ER04163_3A_prokka|PROKKA_01198
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01199
Name: ER04163_3A_prokka|PROKKA_01199
Description: ER04163_3A_prokka|PROKKA_01199
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01334
Name: ER04163_3A_prokka|PROKKA_01334
Description: ER04163_3A_prokka|PROKKA_01334
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01338
Name: ER04163_3A_prokka|PROKKA_01338
Description: ER04163_3A_prokka|PROKKA_01338
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01342
Name: ER04163_3A_prokka|PROKKA_01342
Description: ER04163_3A_prokka|PROKKA_01342
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01344
Name: ER04163_3A_prokka|PROKKA_01344
Description: ER04163_3A_prokka|PROKKA_01344
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01368
Name: ER04163_3A_prokka|PROKKA_01368
Description: ER04163_3A_prokka|PROKKA_01368
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01463
Name: ER04163_3A_prokka|PROKKA_01463
Description: ER04163_3A_prokka|PROKKA_01463
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01475
Name: ER04163_3A_prokka|PROKKA_01475
Description: ER04163_3A_prokka|PROKKA_01475
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01524
Name: ER04163_3A_prokka|PROKKA_01524
Description: ER04163_3A_prokka|PROKKA_01524
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01533
Name: ER04163_3A_prokka|PROKKA_01533
Description: ER04163_3A_prokka|PROKKA_01533
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01553
Name: ER04163_3A_prokka|PROKKA_01553
Description: ER04163_3A_prokka|PROKKA_01553
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01581
Name: ER04163_3A_prokka|PROKKA_01581
Description: ER04163_3A_prokka|PROKKA_01581
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01608
Name: ER04163_3A_prokka|PROKKA_01608
Description: ER04163_3A_prokka|PROKKA_01608
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01645
Name: ER04163_3A_prokka|PROKKA_01645
Description: ER04163_3A_prokka|PROKKA_01645
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01716
Name: ER04163_3A_prokka|PROKKA_01716
Description: ER04163_3A_prokka|PROKKA_01716
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01880
Name: ER04163_3A_prokka|PROKKA_01880
Description: ER04163_3A_prokka|PROKKA_01880
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01887
Name: ER04163_3A_prokka|PROKKA_01887
Description: ER04163_3A_prokka|PROKKA_01887
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01906
Name: ER04163_3A_prokka|PROKKA_01906
Description: ER04163_3A_prokka|PROKKA_01906
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01941
Name: ER04163_3A_prokka|PROKKA_01941
Description: ER04163_3A_prokka|PROKKA_01941
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01993
Name: ER04163_3A_prokka|PROKKA_01993
Description: ER04163_3A_prokka|PROKKA_01993
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02065
Name: ER04163_3A_prokka|PROKKA_02065
Description: ER04163_3A_prokka|PROKKA_02065
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02069
Name: ER04163_3A_prokka|PROKKA_02069
Description: ER04163_3A_prokka|PROKKA_02069
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02085
Name: ER04163_3A_prokka|PROKKA_02085
Description: ER04163_3A_prokka|PROKKA_02085
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02105
Name: ER04163_3A_prokka|PROKKA_02105
Description: ER04163_3A_prokka|PROKKA_02105
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02135
Name: ER04163_3A_prokka|PROKKA_02135
Description: ER04163_3A_prokka|PROKKA_02135
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02137
Name: ER04163_3A_prokka|PROKKA_02137
Description: ER04163_3A_prokka|PROKKA_02137
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02186
Name: ER04163_3A_prokka|PROKKA_02186
Description: ER04163_3A_prokka|PROKKA_02186
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02306
Name: ER04163_3A_prokka|PROKKA_02306
Description: ER04163_3A_prokka|PROKKA_02306
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02331
Name: ER04163_3A_prokka|PROKKA_02331
Description: ER04163_3A_prokka|PROKKA_02331
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02362
Name: ER04163_3A_prokka|PROKKA_02362
Description: ER04163_3A_prokka|PROKKA_02362
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02517
Name: ER04163_3A_prokka|PROKKA_02517
Description: ER04163_3A_prokka|PROKKA_02517
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02726
Name: ER04163_3A_prokka|PROKKA_02726
Description: ER04163_3A_prokka|PROKKA_02726
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02813
Name: ER04163_3A_prokka|PROKKA_02813
Description: ER04163_3A_prokka|PROKKA_02813
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00003
Name: ER04164_3B_prokka|PROKKA_00003
Description: ER04164_3B_prokka|PROKKA_00003
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00007
Name: ER04164_3B_prokka|PROKKA_00007
Description: ER04164_3B_prokka|PROKKA_00007
Number of features: 0
Seq('MQYNTTRYIDENQDNKTLKDMMKNGKQRPWREKKVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00022
Name: ER04164_3B_prokka|PROKKA_00022
Description: ER04164_3B_prokka|PROKKA_00022
Number of features: 0
Seq('MKTGPLKCPKCNQDLYIKKVRYPISDIETLC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00024
Name: ER04164_3B_prokka|PROKKA_00024
Description: ER04164_3B_prokka|PROKKA_00024
Number of features: 0
Seq('MYLRMNVMKTIKMVADELNVTKQTIVNNAKNLNISFKKKMELIILMIMIV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00102
Name: ER04164_3B_prokka|PROKKA_00102
Description: ER04164_3B_prokka|PROKKA_00102
Number of features: 0
Seq('MHFLKEGDLTIYFYIWNKKEYLTSDLFDLTESEKQEINHQVIDEIEEEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00103
Name: ER04164_3B_prokka|PROKKA_00103
Description: ER04164_3B_prokka|PROKKA_00103
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00110
Name: ER04164_3B_prokka|PROKKA_00110
Description: ER04164_3B_prokka|PROKKA_00110
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00119
Name: ER04164_3B_prokka|PROKKA_00119
Description: ER04164_3B_prokka|PROKKA_00119
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00248
Name: ER04164_3B_prokka|PROKKA_00248
Description: ER04164_3B_prokka|PROKKA_00248
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00292
Name: ER04164_3B_prokka|PROKKA_00292
Description: ER04164_3B_prokka|PROKKA_00292
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00416
Name: ER04164_3B_prokka|PROKKA_00416
Description: ER04164_3B_prokka|PROKKA_00416
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00433
Name: ER04164_3B_prokka|PROKKA_00433
Description: ER04164_3B_prokka|PROKKA_00433
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00599
Name: ER04164_3B_prokka|PROKKA_00599
Description: ER04164_3B_prokka|PROKKA_00599
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00829
Name: ER04164_3B_prokka|PROKKA_00829
Description: ER04164_3B_prokka|PROKKA_00829
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00846
Name: ER04164_3B_prokka|PROKKA_00846
Description: ER04164_3B_prokka|PROKKA_00846
Number of features: 0
Seq('MRKYNFDKFFLYMAVLSLPIVIFFPLMLSIPIIFFIFSIRKKED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00857
Name: ER04164_3B_prokka|PROKKA_00857
Description: ER04164_3B_prokka|PROKKA_00857
Number of features: 0
Seq('MSNIYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00863
Name: ER04164_3B_prokka|PROKKA_00863
Description: ER04164_3B_prokka|PROKKA_00863
Number of features: 0
Seq('MNRLRVIKIALLIVILAEEIRNVRNYKKAVGKPFSRY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00867
Name: ER04164_3B_prokka|PROKKA_00867
Description: ER04164_3B_prokka|PROKKA_00867
Number of features: 0
Seq('MITKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00886
Name: ER04164_3B_prokka|PROKKA_00886
Description: ER04164_3B_prokka|PROKKA_00886
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00908
Name: ER04164_3B_prokka|PROKKA_00908
Description: ER04164_3B_prokka|PROKKA_00908
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00909
Name: ER04164_3B_prokka|PROKKA_00909
Description: ER04164_3B_prokka|PROKKA_00909
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00923
Name: ER04164_3B_prokka|PROKKA_00923
Description: ER04164_3B_prokka|PROKKA_00923
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01028
Name: ER04164_3B_prokka|PROKKA_01028
Description: ER04164_3B_prokka|PROKKA_01028
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01068
Name: ER04164_3B_prokka|PROKKA_01068
Description: ER04164_3B_prokka|PROKKA_01068
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01150
Name: ER04164_3B_prokka|PROKKA_01150
Description: ER04164_3B_prokka|PROKKA_01150
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01162
Name: ER04164_3B_prokka|PROKKA_01162
Description: ER04164_3B_prokka|PROKKA_01162
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01163
Name: ER04164_3B_prokka|PROKKA_01163
Description: ER04164_3B_prokka|PROKKA_01163
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01299
Name: ER04164_3B_prokka|PROKKA_01299
Description: ER04164_3B_prokka|PROKKA_01299
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01303
Name: ER04164_3B_prokka|PROKKA_01303
Description: ER04164_3B_prokka|PROKKA_01303
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01327
Name: ER04164_3B_prokka|PROKKA_01327
Description: ER04164_3B_prokka|PROKKA_01327
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01432
Name: ER04164_3B_prokka|PROKKA_01432
Description: ER04164_3B_prokka|PROKKA_01432
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDREI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01496
Name: ER04164_3B_prokka|PROKKA_01496
Description: ER04164_3B_prokka|PROKKA_01496
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01499
Name: ER04164_3B_prokka|PROKKA_01499
Description: ER04164_3B_prokka|PROKKA_01499
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01534
Name: ER04164_3B_prokka|PROKKA_01534
Description: ER04164_3B_prokka|PROKKA_01534
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01606
Name: ER04164_3B_prokka|PROKKA_01606
Description: ER04164_3B_prokka|PROKKA_01606
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01769
Name: ER04164_3B_prokka|PROKKA_01769
Description: ER04164_3B_prokka|PROKKA_01769
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01783
Name: ER04164_3B_prokka|PROKKA_01783
Description: ER04164_3B_prokka|PROKKA_01783
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01825
Name: ER04164_3B_prokka|PROKKA_01825
Description: ER04164_3B_prokka|PROKKA_01825
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01877
Name: ER04164_3B_prokka|PROKKA_01877
Description: ER04164_3B_prokka|PROKKA_01877
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01951
Name: ER04164_3B_prokka|PROKKA_01951
Description: ER04164_3B_prokka|PROKKA_01951
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01955
Name: ER04164_3B_prokka|PROKKA_01955
Description: ER04164_3B_prokka|PROKKA_01955
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01971
Name: ER04164_3B_prokka|PROKKA_01971
Description: ER04164_3B_prokka|PROKKA_01971
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01989
Name: ER04164_3B_prokka|PROKKA_01989
Description: ER04164_3B_prokka|PROKKA_01989
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_02015
Name: ER04164_3B_prokka|PROKKA_02015
Description: ER04164_3B_prokka|PROKKA_02015
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_02017
Name: ER04164_3B_prokka|PROKKA_02017
Description: ER04164_3B_prokka|PROKKA_02017
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_02067
Name: ER04164_3B_prokka|PROKKA_02067
Description: ER04164_3B_prokka|PROKKA_02067
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_02192
Name: ER04164_3B_prokka|PROKKA_02192
Description: ER04164_3B_prokka|PROKKA_02192
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_02205
Name: ER04164_3B_prokka|PROKKA_02205
Description: ER04164_3B_prokka|PROKKA_02205
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_02236
Name: ER04164_3B_prokka|PROKKA_02236
Description: ER04164_3B_prokka|PROKKA_02236
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_02389
Name: ER04164_3B_prokka|PROKKA_02389
Description: ER04164_3B_prokka|PROKKA_02389
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_02453
Name: ER04164_3B_prokka|PROKKA_02453
Description: ER04164_3B_prokka|PROKKA_02453
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_02561
Name: ER04164_3B_prokka|PROKKA_02561
Description: ER04164_3B_prokka|PROKKA_02561
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_02599
Name: ER04164_3B_prokka|PROKKA_02599
Description: ER04164_3B_prokka|PROKKA_02599
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_02683
Name: ER04164_3B_prokka|PROKKA_02683
Description: ER04164_3B_prokka|PROKKA_02683
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00016
Name: ER04165_3B_prokka|PROKKA_00016
Description: ER04165_3B_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00067
Name: ER04165_3B_prokka|PROKKA_00067
Description: ER04165_3B_prokka|PROKKA_00067
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00070
Name: ER04165_3B_prokka|PROKKA_00070
Description: ER04165_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00074
Name: ER04165_3B_prokka|PROKKA_00074
Description: ER04165_3B_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00095
Name: ER04165_3B_prokka|PROKKA_00095
Description: ER04165_3B_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00113
Name: ER04165_3B_prokka|PROKKA_00113
Description: ER04165_3B_prokka|PROKKA_00113
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00280
Name: ER04165_3B_prokka|PROKKA_00280
Description: ER04165_3B_prokka|PROKKA_00280
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00404
Name: ER04165_3B_prokka|PROKKA_00404
Description: ER04165_3B_prokka|PROKKA_00404
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00421
Name: ER04165_3B_prokka|PROKKA_00421
Description: ER04165_3B_prokka|PROKKA_00421
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00587
Name: ER04165_3B_prokka|PROKKA_00587
Description: ER04165_3B_prokka|PROKKA_00587
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00816
Name: ER04165_3B_prokka|PROKKA_00816
Description: ER04165_3B_prokka|PROKKA_00816
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00847
Name: ER04165_3B_prokka|PROKKA_00847
Description: ER04165_3B_prokka|PROKKA_00847
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00851
Name: ER04165_3B_prokka|PROKKA_00851
Description: ER04165_3B_prokka|PROKKA_00851
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00867
Name: ER04165_3B_prokka|PROKKA_00867
Description: ER04165_3B_prokka|PROKKA_00867
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00897
Name: ER04165_3B_prokka|PROKKA_00897
Description: ER04165_3B_prokka|PROKKA_00897
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00898
Name: ER04165_3B_prokka|PROKKA_00898
Description: ER04165_3B_prokka|PROKKA_00898
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00900
Name: ER04165_3B_prokka|PROKKA_00900
Description: ER04165_3B_prokka|PROKKA_00900
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00952
Name: ER04165_3B_prokka|PROKKA_00952
Description: ER04165_3B_prokka|PROKKA_00952
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00994
Name: ER04165_3B_prokka|PROKKA_00994
Description: ER04165_3B_prokka|PROKKA_00994
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01008
Name: ER04165_3B_prokka|PROKKA_01008
Description: ER04165_3B_prokka|PROKKA_01008
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01177
Name: ER04165_3B_prokka|PROKKA_01177
Description: ER04165_3B_prokka|PROKKA_01177
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01251
Name: ER04165_3B_prokka|PROKKA_01251
Description: ER04165_3B_prokka|PROKKA_01251
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01286
Name: ER04165_3B_prokka|PROKKA_01286
Description: ER04165_3B_prokka|PROKKA_01286
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01289
Name: ER04165_3B_prokka|PROKKA_01289
Description: ER04165_3B_prokka|PROKKA_01289
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01316
Name: ER04165_3B_prokka|PROKKA_01316
Description: ER04165_3B_prokka|PROKKA_01316
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01321
Name: ER04165_3B_prokka|PROKKA_01321
Description: ER04165_3B_prokka|PROKKA_01321
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01329
Name: ER04165_3B_prokka|PROKKA_01329
Description: ER04165_3B_prokka|PROKKA_01329
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01344
Name: ER04165_3B_prokka|PROKKA_01344
Description: ER04165_3B_prokka|PROKKA_01344
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01363
Name: ER04165_3B_prokka|PROKKA_01363
Description: ER04165_3B_prokka|PROKKA_01363
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01371
Name: ER04165_3B_prokka|PROKKA_01371
Description: ER04165_3B_prokka|PROKKA_01371
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01418
Name: ER04165_3B_prokka|PROKKA_01418
Description: ER04165_3B_prokka|PROKKA_01418
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01430
Name: ER04165_3B_prokka|PROKKA_01430
Description: ER04165_3B_prokka|PROKKA_01430
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01523
Name: ER04165_3B_prokka|PROKKA_01523
Description: ER04165_3B_prokka|PROKKA_01523
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01547
Name: ER04165_3B_prokka|PROKKA_01547
Description: ER04165_3B_prokka|PROKKA_01547
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01551
Name: ER04165_3B_prokka|PROKKA_01551
Description: ER04165_3B_prokka|PROKKA_01551
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01687
Name: ER04165_3B_prokka|PROKKA_01687
Description: ER04165_3B_prokka|PROKKA_01687
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01688
Name: ER04165_3B_prokka|PROKKA_01688
Description: ER04165_3B_prokka|PROKKA_01688
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01700
Name: ER04165_3B_prokka|PROKKA_01700
Description: ER04165_3B_prokka|PROKKA_01700
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01782
Name: ER04165_3B_prokka|PROKKA_01782
Description: ER04165_3B_prokka|PROKKA_01782
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01783
Name: ER04165_3B_prokka|PROKKA_01783
Description: ER04165_3B_prokka|PROKKA_01783
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01800
Name: ER04165_3B_prokka|PROKKA_01800
Description: ER04165_3B_prokka|PROKKA_01800
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01823
Name: ER04165_3B_prokka|PROKKA_01823
Description: ER04165_3B_prokka|PROKKA_01823
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01929
Name: ER04165_3B_prokka|PROKKA_01929
Description: ER04165_3B_prokka|PROKKA_01929
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01944
Name: ER04165_3B_prokka|PROKKA_01944
Description: ER04165_3B_prokka|PROKKA_01944
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01945
Name: ER04165_3B_prokka|PROKKA_01945
Description: ER04165_3B_prokka|PROKKA_01945
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01976
Name: ER04165_3B_prokka|PROKKA_01976
Description: ER04165_3B_prokka|PROKKA_01976
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01998
Name: ER04165_3B_prokka|PROKKA_01998
Description: ER04165_3B_prokka|PROKKA_01998
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02003
Name: ER04165_3B_prokka|PROKKA_02003
Description: ER04165_3B_prokka|PROKKA_02003
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02079
Name: ER04165_3B_prokka|PROKKA_02079
Description: ER04165_3B_prokka|PROKKA_02079
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02083
Name: ER04165_3B_prokka|PROKKA_02083
Description: ER04165_3B_prokka|PROKKA_02083
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02099
Name: ER04165_3B_prokka|PROKKA_02099
Description: ER04165_3B_prokka|PROKKA_02099
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02117
Name: ER04165_3B_prokka|PROKKA_02117
Description: ER04165_3B_prokka|PROKKA_02117
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02143
Name: ER04165_3B_prokka|PROKKA_02143
Description: ER04165_3B_prokka|PROKKA_02143
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02145
Name: ER04165_3B_prokka|PROKKA_02145
Description: ER04165_3B_prokka|PROKKA_02145
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02197
Name: ER04165_3B_prokka|PROKKA_02197
Description: ER04165_3B_prokka|PROKKA_02197
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02305
Name: ER04165_3B_prokka|PROKKA_02305
Description: ER04165_3B_prokka|PROKKA_02305
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02324
Name: ER04165_3B_prokka|PROKKA_02324
Description: ER04165_3B_prokka|PROKKA_02324
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02337
Name: ER04165_3B_prokka|PROKKA_02337
Description: ER04165_3B_prokka|PROKKA_02337
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02369
Name: ER04165_3B_prokka|PROKKA_02369
Description: ER04165_3B_prokka|PROKKA_02369
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02514
Name: ER04165_3B_prokka|PROKKA_02514
Description: ER04165_3B_prokka|PROKKA_02514
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02523
Name: ER04165_3B_prokka|PROKKA_02523
Description: ER04165_3B_prokka|PROKKA_02523
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02587
Name: ER04165_3B_prokka|PROKKA_02587
Description: ER04165_3B_prokka|PROKKA_02587
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02695
Name: ER04165_3B_prokka|PROKKA_02695
Description: ER04165_3B_prokka|PROKKA_02695
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02733
Name: ER04165_3B_prokka|PROKKA_02733
Description: ER04165_3B_prokka|PROKKA_02733
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02817
Name: ER04165_3B_prokka|PROKKA_02817
Description: ER04165_3B_prokka|PROKKA_02817
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02839
Name: ER04165_3B_prokka|PROKKA_02839
Description: ER04165_3B_prokka|PROKKA_02839
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILRDVV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00004
Name: ER04166_3B_prokka|PROKKA_00004
Description: ER04166_3B_prokka|PROKKA_00004
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00018
Name: ER04166_3B_prokka|PROKKA_00018
Description: ER04166_3B_prokka|PROKKA_00018
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00022
Name: ER04166_3B_prokka|PROKKA_00022
Description: ER04166_3B_prokka|PROKKA_00022
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00044
Name: ER04166_3B_prokka|PROKKA_00044
Description: ER04166_3B_prokka|PROKKA_00044
Number of features: 0
Seq('MDKQTLIDLIDMMIGLSDSERQALLNMDNRKVEFRYKMALTEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00047
Name: ER04166_3B_prokka|PROKKA_00047
Description: ER04166_3B_prokka|PROKKA_00047
Number of features: 0
Seq('MTGLFLILCLLIFLTGLTLAISIWTEKHRYIYLAILLILSILLIIYVFM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00049
Name: ER04166_3B_prokka|PROKKA_00049
Description: ER04166_3B_prokka|PROKKA_00049
Number of features: 0
Seq('MLIFCFRLGGTVCPPALHLQTYDGETLLRELGL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00081
Name: ER04166_3B_prokka|PROKKA_00081
Description: ER04166_3B_prokka|PROKKA_00081
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00090
Name: ER04166_3B_prokka|PROKKA_00090
Description: ER04166_3B_prokka|PROKKA_00090
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00103
Name: ER04166_3B_prokka|PROKKA_00103
Description: ER04166_3B_prokka|PROKKA_00103
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00106
Name: ER04166_3B_prokka|PROKKA_00106
Description: ER04166_3B_prokka|PROKKA_00106
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00272
Name: ER04166_3B_prokka|PROKKA_00272
Description: ER04166_3B_prokka|PROKKA_00272
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00396
Name: ER04166_3B_prokka|PROKKA_00396
Description: ER04166_3B_prokka|PROKKA_00396
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00414
Name: ER04166_3B_prokka|PROKKA_00414
Description: ER04166_3B_prokka|PROKKA_00414
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00475
Name: ER04166_3B_prokka|PROKKA_00475
Description: ER04166_3B_prokka|PROKKA_00475
Number of features: 0
Seq('MYISRLVKPIGIKVTRLAQGLSVGGDLEYADEVTLSKAIAGRTEM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00582
Name: ER04166_3B_prokka|PROKKA_00582
Description: ER04166_3B_prokka|PROKKA_00582
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00834
Name: ER04166_3B_prokka|PROKKA_00834
Description: ER04166_3B_prokka|PROKKA_00834
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00861
Name: ER04166_3B_prokka|PROKKA_00861
Description: ER04166_3B_prokka|PROKKA_00861
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00969
Name: ER04166_3B_prokka|PROKKA_00969
Description: ER04166_3B_prokka|PROKKA_00969
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01009
Name: ER04166_3B_prokka|PROKKA_01009
Description: ER04166_3B_prokka|PROKKA_01009
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01090
Name: ER04166_3B_prokka|PROKKA_01090
Description: ER04166_3B_prokka|PROKKA_01090
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01102
Name: ER04166_3B_prokka|PROKKA_01102
Description: ER04166_3B_prokka|PROKKA_01102
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01103
Name: ER04166_3B_prokka|PROKKA_01103
Description: ER04166_3B_prokka|PROKKA_01103
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01238
Name: ER04166_3B_prokka|PROKKA_01238
Description: ER04166_3B_prokka|PROKKA_01238
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01242
Name: ER04166_3B_prokka|PROKKA_01242
Description: ER04166_3B_prokka|PROKKA_01242
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01266
Name: ER04166_3B_prokka|PROKKA_01266
Description: ER04166_3B_prokka|PROKKA_01266
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01360
Name: ER04166_3B_prokka|PROKKA_01360
Description: ER04166_3B_prokka|PROKKA_01360
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01372
Name: ER04166_3B_prokka|PROKKA_01372
Description: ER04166_3B_prokka|PROKKA_01372
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01439
Name: ER04166_3B_prokka|PROKKA_01439
Description: ER04166_3B_prokka|PROKKA_01439
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01442
Name: ER04166_3B_prokka|PROKKA_01442
Description: ER04166_3B_prokka|PROKKA_01442
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01478
Name: ER04166_3B_prokka|PROKKA_01478
Description: ER04166_3B_prokka|PROKKA_01478
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01551
Name: ER04166_3B_prokka|PROKKA_01551
Description: ER04166_3B_prokka|PROKKA_01551
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01714
Name: ER04166_3B_prokka|PROKKA_01714
Description: ER04166_3B_prokka|PROKKA_01714
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01729
Name: ER04166_3B_prokka|PROKKA_01729
Description: ER04166_3B_prokka|PROKKA_01729
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01771
Name: ER04166_3B_prokka|PROKKA_01771
Description: ER04166_3B_prokka|PROKKA_01771
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01824
Name: ER04166_3B_prokka|PROKKA_01824
Description: ER04166_3B_prokka|PROKKA_01824
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01912
Name: ER04166_3B_prokka|PROKKA_01912
Description: ER04166_3B_prokka|PROKKA_01912
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01923
Name: ER04166_3B_prokka|PROKKA_01923
Description: ER04166_3B_prokka|PROKKA_01923
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01925
Name: ER04166_3B_prokka|PROKKA_01925
Description: ER04166_3B_prokka|PROKKA_01925
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01975
Name: ER04166_3B_prokka|PROKKA_01975
Description: ER04166_3B_prokka|PROKKA_01975
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02102
Name: ER04166_3B_prokka|PROKKA_02102
Description: ER04166_3B_prokka|PROKKA_02102
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02115
Name: ER04166_3B_prokka|PROKKA_02115
Description: ER04166_3B_prokka|PROKKA_02115
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02146
Name: ER04166_3B_prokka|PROKKA_02146
Description: ER04166_3B_prokka|PROKKA_02146
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02300
Name: ER04166_3B_prokka|PROKKA_02300
Description: ER04166_3B_prokka|PROKKA_02300
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02345
Name: ER04166_3B_prokka|PROKKA_02345
Description: ER04166_3B_prokka|PROKKA_02345
Number of features: 0
Seq('MAIHGSGTEMIFSKNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02365
Name: ER04166_3B_prokka|PROKKA_02365
Description: ER04166_3B_prokka|PROKKA_02365
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02412
Name: ER04166_3B_prokka|PROKKA_02412
Description: ER04166_3B_prokka|PROKKA_02412
Number of features: 0
Seq('MKLNNYSLKVKNKQLVDNCDLNFYLGQINHIVGKNGVG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02489
Name: ER04166_3B_prokka|PROKKA_02489
Description: ER04166_3B_prokka|PROKKA_02489
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02502
Name: ER04166_3B_prokka|PROKKA_02502
Description: ER04166_3B_prokka|PROKKA_02502
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02504
Name: ER04166_3B_prokka|PROKKA_02504
Description: ER04166_3B_prokka|PROKKA_02504
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02507
Name: ER04166_3B_prokka|PROKKA_02507
Description: ER04166_3B_prokka|PROKKA_02507
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02514
Name: ER04166_3B_prokka|PROKKA_02514
Description: ER04166_3B_prokka|PROKKA_02514
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02552
Name: ER04166_3B_prokka|PROKKA_02552
Description: ER04166_3B_prokka|PROKKA_02552
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02631
Name: ER04166_3B_prokka|PROKKA_02631
Description: ER04166_3B_prokka|PROKKA_02631
Number of features: 0
Seq('MIFSQNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEHRTLIYVPA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02637
Name: ER04166_3B_prokka|PROKKA_02637
Description: ER04166_3B_prokka|PROKKA_02637
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00031
Name: ER04174_3A_prokka|PROKKA_00031
Description: ER04174_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00040
Name: ER04174_3A_prokka|PROKKA_00040
Description: ER04174_3A_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00128
Name: ER04174_3A_prokka|PROKKA_00128
Description: ER04174_3A_prokka|PROKKA_00128
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00229
Name: ER04174_3A_prokka|PROKKA_00229
Description: ER04174_3A_prokka|PROKKA_00229
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00281
Name: ER04174_3A_prokka|PROKKA_00281
Description: ER04174_3A_prokka|PROKKA_00281
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00378
Name: ER04174_3A_prokka|PROKKA_00378
Description: ER04174_3A_prokka|PROKKA_00378
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00415
Name: ER04174_3A_prokka|PROKKA_00415
Description: ER04174_3A_prokka|PROKKA_00415
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00545
Name: ER04174_3A_prokka|PROKKA_00545
Description: ER04174_3A_prokka|PROKKA_00545
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00581
Name: ER04174_3A_prokka|PROKKA_00581
Description: ER04174_3A_prokka|PROKKA_00581
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00782
Name: ER04174_3A_prokka|PROKKA_00782
Description: ER04174_3A_prokka|PROKKA_00782
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00797
Name: ER04174_3A_prokka|PROKKA_00797
Description: ER04174_3A_prokka|PROKKA_00797
Number of features: 0
Seq('MKMYLAYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00813
Name: ER04174_3A_prokka|PROKKA_00813
Description: ER04174_3A_prokka|PROKKA_00813
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00814
Name: ER04174_3A_prokka|PROKKA_00814
Description: ER04174_3A_prokka|PROKKA_00814
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIGRKTHFYCLDKKNGCR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00835
Name: ER04174_3A_prokka|PROKKA_00835
Description: ER04174_3A_prokka|PROKKA_00835
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00943
Name: ER04174_3A_prokka|PROKKA_00943
Description: ER04174_3A_prokka|PROKKA_00943
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00982
Name: ER04174_3A_prokka|PROKKA_00982
Description: ER04174_3A_prokka|PROKKA_00982
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01036
Name: ER04174_3A_prokka|PROKKA_01036
Description: ER04174_3A_prokka|PROKKA_01036
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01042
Name: ER04174_3A_prokka|PROKKA_01042
Description: ER04174_3A_prokka|PROKKA_01042
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01043
Name: ER04174_3A_prokka|PROKKA_01043
Description: ER04174_3A_prokka|PROKKA_01043
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYGE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01061
Name: ER04174_3A_prokka|PROKKA_01061
Description: ER04174_3A_prokka|PROKKA_01061
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01087
Name: ER04174_3A_prokka|PROKKA_01087
Description: ER04174_3A_prokka|PROKKA_01087
Number of features: 0
Seq('MGLPNPKTRKPTASEVVEWAKSNIGKRINIDGYRGA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01128
Name: ER04174_3A_prokka|PROKKA_01128
Description: ER04174_3A_prokka|PROKKA_01128
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01140
Name: ER04174_3A_prokka|PROKKA_01140
Description: ER04174_3A_prokka|PROKKA_01140
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01141
Name: ER04174_3A_prokka|PROKKA_01141
Description: ER04174_3A_prokka|PROKKA_01141
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01276
Name: ER04174_3A_prokka|PROKKA_01276
Description: ER04174_3A_prokka|PROKKA_01276
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01280
Name: ER04174_3A_prokka|PROKKA_01280
Description: ER04174_3A_prokka|PROKKA_01280
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01284
Name: ER04174_3A_prokka|PROKKA_01284
Description: ER04174_3A_prokka|PROKKA_01284
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01286
Name: ER04174_3A_prokka|PROKKA_01286
Description: ER04174_3A_prokka|PROKKA_01286
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01310
Name: ER04174_3A_prokka|PROKKA_01310
Description: ER04174_3A_prokka|PROKKA_01310
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01405
Name: ER04174_3A_prokka|PROKKA_01405
Description: ER04174_3A_prokka|PROKKA_01405
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01417
Name: ER04174_3A_prokka|PROKKA_01417
Description: ER04174_3A_prokka|PROKKA_01417
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01464
Name: ER04174_3A_prokka|PROKKA_01464
Description: ER04174_3A_prokka|PROKKA_01464
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01472
Name: ER04174_3A_prokka|PROKKA_01472
Description: ER04174_3A_prokka|PROKKA_01472
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01493
Name: ER04174_3A_prokka|PROKKA_01493
Description: ER04174_3A_prokka|PROKKA_01493
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01513
Name: ER04174_3A_prokka|PROKKA_01513
Description: ER04174_3A_prokka|PROKKA_01513
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01523
Name: ER04174_3A_prokka|PROKKA_01523
Description: ER04174_3A_prokka|PROKKA_01523
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01549
Name: ER04174_3A_prokka|PROKKA_01549
Description: ER04174_3A_prokka|PROKKA_01549
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01586
Name: ER04174_3A_prokka|PROKKA_01586
Description: ER04174_3A_prokka|PROKKA_01586
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01657
Name: ER04174_3A_prokka|PROKKA_01657
Description: ER04174_3A_prokka|PROKKA_01657
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01829
Name: ER04174_3A_prokka|PROKKA_01829
Description: ER04174_3A_prokka|PROKKA_01829
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01848
Name: ER04174_3A_prokka|PROKKA_01848
Description: ER04174_3A_prokka|PROKKA_01848
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01883
Name: ER04174_3A_prokka|PROKKA_01883
Description: ER04174_3A_prokka|PROKKA_01883
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01934
Name: ER04174_3A_prokka|PROKKA_01934
Description: ER04174_3A_prokka|PROKKA_01934
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02004
Name: ER04174_3A_prokka|PROKKA_02004
Description: ER04174_3A_prokka|PROKKA_02004
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02008
Name: ER04174_3A_prokka|PROKKA_02008
Description: ER04174_3A_prokka|PROKKA_02008
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02024
Name: ER04174_3A_prokka|PROKKA_02024
Description: ER04174_3A_prokka|PROKKA_02024
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02046
Name: ER04174_3A_prokka|PROKKA_02046
Description: ER04174_3A_prokka|PROKKA_02046
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02057
Name: ER04174_3A_prokka|PROKKA_02057
Description: ER04174_3A_prokka|PROKKA_02057
Number of features: 0
Seq('MKITNCKIKRETVIYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKLDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02076
Name: ER04174_3A_prokka|PROKKA_02076
Description: ER04174_3A_prokka|PROKKA_02076
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02078
Name: ER04174_3A_prokka|PROKKA_02078
Description: ER04174_3A_prokka|PROKKA_02078
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02127
Name: ER04174_3A_prokka|PROKKA_02127
Description: ER04174_3A_prokka|PROKKA_02127
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02246
Name: ER04174_3A_prokka|PROKKA_02246
Description: ER04174_3A_prokka|PROKKA_02246
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02270
Name: ER04174_3A_prokka|PROKKA_02270
Description: ER04174_3A_prokka|PROKKA_02270
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02301
Name: ER04174_3A_prokka|PROKKA_02301
Description: ER04174_3A_prokka|PROKKA_02301
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02456
Name: ER04174_3A_prokka|PROKKA_02456
Description: ER04174_3A_prokka|PROKKA_02456
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02662
Name: ER04174_3A_prokka|PROKKA_02662
Description: ER04174_3A_prokka|PROKKA_02662
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02749
Name: ER04174_3A_prokka|PROKKA_02749
Description: ER04174_3A_prokka|PROKKA_02749
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00008
Name: ER04181_3A_prokka|PROKKA_00008
Description: ER04181_3A_prokka|PROKKA_00008
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00018
Name: ER04181_3A_prokka|PROKKA_00018
Description: ER04181_3A_prokka|PROKKA_00018
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00022
Name: ER04181_3A_prokka|PROKKA_00022
Description: ER04181_3A_prokka|PROKKA_00022
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00083
Name: ER04181_3A_prokka|PROKKA_00083
Description: ER04181_3A_prokka|PROKKA_00083
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00101
Name: ER04181_3A_prokka|PROKKA_00101
Description: ER04181_3A_prokka|PROKKA_00101
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00267
Name: ER04181_3A_prokka|PROKKA_00267
Description: ER04181_3A_prokka|PROKKA_00267
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00391
Name: ER04181_3A_prokka|PROKKA_00391
Description: ER04181_3A_prokka|PROKKA_00391
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00408
Name: ER04181_3A_prokka|PROKKA_00408
Description: ER04181_3A_prokka|PROKKA_00408
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00575
Name: ER04181_3A_prokka|PROKKA_00575
Description: ER04181_3A_prokka|PROKKA_00575
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00804
Name: ER04181_3A_prokka|PROKKA_00804
Description: ER04181_3A_prokka|PROKKA_00804
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00831
Name: ER04181_3A_prokka|PROKKA_00831
Description: ER04181_3A_prokka|PROKKA_00831
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00937
Name: ER04181_3A_prokka|PROKKA_00937
Description: ER04181_3A_prokka|PROKKA_00937
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00976
Name: ER04181_3A_prokka|PROKKA_00976
Description: ER04181_3A_prokka|PROKKA_00976
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00977
Name: ER04181_3A_prokka|PROKKA_00977
Description: ER04181_3A_prokka|PROKKA_00977
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01034
Name: ER04181_3A_prokka|PROKKA_01034
Description: ER04181_3A_prokka|PROKKA_01034
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01035
Name: ER04181_3A_prokka|PROKKA_01035
Description: ER04181_3A_prokka|PROKKA_01035
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01058
Name: ER04181_3A_prokka|PROKKA_01058
Description: ER04181_3A_prokka|PROKKA_01058
Number of features: 0
Seq('MMWLVIAIILLVILLFGMMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01088
Name: ER04181_3A_prokka|PROKKA_01088
Description: ER04181_3A_prokka|PROKKA_01088
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01089
Name: ER04181_3A_prokka|PROKKA_01089
Description: ER04181_3A_prokka|PROKKA_01089
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01124
Name: ER04181_3A_prokka|PROKKA_01124
Description: ER04181_3A_prokka|PROKKA_01124
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01136
Name: ER04181_3A_prokka|PROKKA_01136
Description: ER04181_3A_prokka|PROKKA_01136
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01137
Name: ER04181_3A_prokka|PROKKA_01137
Description: ER04181_3A_prokka|PROKKA_01137
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01206
Name: ER04181_3A_prokka|PROKKA_01206
Description: ER04181_3A_prokka|PROKKA_01206
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01209
Name: ER04181_3A_prokka|PROKKA_01209
Description: ER04181_3A_prokka|PROKKA_01209
Number of features: 0
Seq('MSEEMATYWFNKMYELGIIHEVLRQEGVIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01210
Name: ER04181_3A_prokka|PROKKA_01210
Description: ER04181_3A_prokka|PROKKA_01210
Number of features: 0
Seq('MSKTYKSYLIAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01221
Name: ER04181_3A_prokka|PROKKA_01221
Description: ER04181_3A_prokka|PROKKA_01221
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01245
Name: ER04181_3A_prokka|PROKKA_01245
Description: ER04181_3A_prokka|PROKKA_01245
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01266
Name: ER04181_3A_prokka|PROKKA_01266
Description: ER04181_3A_prokka|PROKKA_01266
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01267
Name: ER04181_3A_prokka|PROKKA_01267
Description: ER04181_3A_prokka|PROKKA_01267
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIVRKTHFYYLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01342
Name: ER04181_3A_prokka|PROKKA_01342
Description: ER04181_3A_prokka|PROKKA_01342
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01346
Name: ER04181_3A_prokka|PROKKA_01346
Description: ER04181_3A_prokka|PROKKA_01346
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01370
Name: ER04181_3A_prokka|PROKKA_01370
Description: ER04181_3A_prokka|PROKKA_01370
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01474
Name: ER04181_3A_prokka|PROKKA_01474
Description: ER04181_3A_prokka|PROKKA_01474
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01521
Name: ER04181_3A_prokka|PROKKA_01521
Description: ER04181_3A_prokka|PROKKA_01521
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01529
Name: ER04181_3A_prokka|PROKKA_01529
Description: ER04181_3A_prokka|PROKKA_01529
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01548
Name: ER04181_3A_prokka|PROKKA_01548
Description: ER04181_3A_prokka|PROKKA_01548
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01563
Name: ER04181_3A_prokka|PROKKA_01563
Description: ER04181_3A_prokka|PROKKA_01563
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01571
Name: ER04181_3A_prokka|PROKKA_01571
Description: ER04181_3A_prokka|PROKKA_01571
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01576
Name: ER04181_3A_prokka|PROKKA_01576
Description: ER04181_3A_prokka|PROKKA_01576
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01603
Name: ER04181_3A_prokka|PROKKA_01603
Description: ER04181_3A_prokka|PROKKA_01603
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01606
Name: ER04181_3A_prokka|PROKKA_01606
Description: ER04181_3A_prokka|PROKKA_01606
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01641
Name: ER04181_3A_prokka|PROKKA_01641
Description: ER04181_3A_prokka|PROKKA_01641
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01714
Name: ER04181_3A_prokka|PROKKA_01714
Description: ER04181_3A_prokka|PROKKA_01714
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01883
Name: ER04181_3A_prokka|PROKKA_01883
Description: ER04181_3A_prokka|PROKKA_01883
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01897
Name: ER04181_3A_prokka|PROKKA_01897
Description: ER04181_3A_prokka|PROKKA_01897
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01939
Name: ER04181_3A_prokka|PROKKA_01939
Description: ER04181_3A_prokka|PROKKA_01939
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01991
Name: ER04181_3A_prokka|PROKKA_01991
Description: ER04181_3A_prokka|PROKKA_01991
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02064
Name: ER04181_3A_prokka|PROKKA_02064
Description: ER04181_3A_prokka|PROKKA_02064
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02068
Name: ER04181_3A_prokka|PROKKA_02068
Description: ER04181_3A_prokka|PROKKA_02068
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02084
Name: ER04181_3A_prokka|PROKKA_02084
Description: ER04181_3A_prokka|PROKKA_02084
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02102
Name: ER04181_3A_prokka|PROKKA_02102
Description: ER04181_3A_prokka|PROKKA_02102
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02108
Name: ER04181_3A_prokka|PROKKA_02108
Description: ER04181_3A_prokka|PROKKA_02108
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02113
Name: ER04181_3A_prokka|PROKKA_02113
Description: ER04181_3A_prokka|PROKKA_02113
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02129
Name: ER04181_3A_prokka|PROKKA_02129
Description: ER04181_3A_prokka|PROKKA_02129
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02131
Name: ER04181_3A_prokka|PROKKA_02131
Description: ER04181_3A_prokka|PROKKA_02131
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02181
Name: ER04181_3A_prokka|PROKKA_02181
Description: ER04181_3A_prokka|PROKKA_02181
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02306
Name: ER04181_3A_prokka|PROKKA_02306
Description: ER04181_3A_prokka|PROKKA_02306
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02319
Name: ER04181_3A_prokka|PROKKA_02319
Description: ER04181_3A_prokka|PROKKA_02319
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02350
Name: ER04181_3A_prokka|PROKKA_02350
Description: ER04181_3A_prokka|PROKKA_02350
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02495
Name: ER04181_3A_prokka|PROKKA_02495
Description: ER04181_3A_prokka|PROKKA_02495
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02504
Name: ER04181_3A_prokka|PROKKA_02504
Description: ER04181_3A_prokka|PROKKA_02504
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02568
Name: ER04181_3A_prokka|PROKKA_02568
Description: ER04181_3A_prokka|PROKKA_02568
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02677
Name: ER04181_3A_prokka|PROKKA_02677
Description: ER04181_3A_prokka|PROKKA_02677
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02715
Name: ER04181_3A_prokka|PROKKA_02715
Description: ER04181_3A_prokka|PROKKA_02715
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02799
Name: ER04181_3A_prokka|PROKKA_02799
Description: ER04181_3A_prokka|PROKKA_02799
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00029
Name: ER04219_3B_prokka|PROKKA_00029
Description: ER04219_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00038
Name: ER04219_3B_prokka|PROKKA_00038
Description: ER04219_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00118
Name: ER04219_3B_prokka|PROKKA_00118
Description: ER04219_3B_prokka|PROKKA_00118
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00216
Name: ER04219_3B_prokka|PROKKA_00216
Description: ER04219_3B_prokka|PROKKA_00216
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00268
Name: ER04219_3B_prokka|PROKKA_00268
Description: ER04219_3B_prokka|PROKKA_00268
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00300
Name: ER04219_3B_prokka|PROKKA_00300
Description: ER04219_3B_prokka|PROKKA_00300
Number of features: 0
Seq('MQSSKWNAMSLLMDDKTKQAEVLRTAIDEADAISDWNWCRHVCI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00367
Name: ER04219_3B_prokka|PROKKA_00367
Description: ER04219_3B_prokka|PROKKA_00367
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00405
Name: ER04219_3B_prokka|PROKKA_00405
Description: ER04219_3B_prokka|PROKKA_00405
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00535
Name: ER04219_3B_prokka|PROKKA_00535
Description: ER04219_3B_prokka|PROKKA_00535
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00571
Name: ER04219_3B_prokka|PROKKA_00571
Description: ER04219_3B_prokka|PROKKA_00571
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00790
Name: ER04219_3B_prokka|PROKKA_00790
Description: ER04219_3B_prokka|PROKKA_00790
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00834
Name: ER04219_3B_prokka|PROKKA_00834
Description: ER04219_3B_prokka|PROKKA_00834
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00942
Name: ER04219_3B_prokka|PROKKA_00942
Description: ER04219_3B_prokka|PROKKA_00942
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00981
Name: ER04219_3B_prokka|PROKKA_00981
Description: ER04219_3B_prokka|PROKKA_00981
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01035
Name: ER04219_3B_prokka|PROKKA_01035
Description: ER04219_3B_prokka|PROKKA_01035
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01041
Name: ER04219_3B_prokka|PROKKA_01041
Description: ER04219_3B_prokka|PROKKA_01041
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01047
Name: ER04219_3B_prokka|PROKKA_01047
Description: ER04219_3B_prokka|PROKKA_01047
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRNAMHAVKVEKILKSPFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01051
Name: ER04219_3B_prokka|PROKKA_01051
Description: ER04219_3B_prokka|PROKKA_01051
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01065
Name: ER04219_3B_prokka|PROKKA_01065
Description: ER04219_3B_prokka|PROKKA_01065
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGEVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01129
Name: ER04219_3B_prokka|PROKKA_01129
Description: ER04219_3B_prokka|PROKKA_01129
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01142
Name: ER04219_3B_prokka|PROKKA_01142
Description: ER04219_3B_prokka|PROKKA_01142
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01143
Name: ER04219_3B_prokka|PROKKA_01143
Description: ER04219_3B_prokka|PROKKA_01143
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01278
Name: ER04219_3B_prokka|PROKKA_01278
Description: ER04219_3B_prokka|PROKKA_01278
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01282
Name: ER04219_3B_prokka|PROKKA_01282
Description: ER04219_3B_prokka|PROKKA_01282
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01286
Name: ER04219_3B_prokka|PROKKA_01286
Description: ER04219_3B_prokka|PROKKA_01286
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01288
Name: ER04219_3B_prokka|PROKKA_01288
Description: ER04219_3B_prokka|PROKKA_01288
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01312
Name: ER04219_3B_prokka|PROKKA_01312
Description: ER04219_3B_prokka|PROKKA_01312
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01408
Name: ER04219_3B_prokka|PROKKA_01408
Description: ER04219_3B_prokka|PROKKA_01408
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01420
Name: ER04219_3B_prokka|PROKKA_01420
Description: ER04219_3B_prokka|PROKKA_01420
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01469
Name: ER04219_3B_prokka|PROKKA_01469
Description: ER04219_3B_prokka|PROKKA_01469
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01478
Name: ER04219_3B_prokka|PROKKA_01478
Description: ER04219_3B_prokka|PROKKA_01478
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01498
Name: ER04219_3B_prokka|PROKKA_01498
Description: ER04219_3B_prokka|PROKKA_01498
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01526
Name: ER04219_3B_prokka|PROKKA_01526
Description: ER04219_3B_prokka|PROKKA_01526
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01553
Name: ER04219_3B_prokka|PROKKA_01553
Description: ER04219_3B_prokka|PROKKA_01553
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01590
Name: ER04219_3B_prokka|PROKKA_01590
Description: ER04219_3B_prokka|PROKKA_01590
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01661
Name: ER04219_3B_prokka|PROKKA_01661
Description: ER04219_3B_prokka|PROKKA_01661
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01826
Name: ER04219_3B_prokka|PROKKA_01826
Description: ER04219_3B_prokka|PROKKA_01826
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01833
Name: ER04219_3B_prokka|PROKKA_01833
Description: ER04219_3B_prokka|PROKKA_01833
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01853
Name: ER04219_3B_prokka|PROKKA_01853
Description: ER04219_3B_prokka|PROKKA_01853
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01888
Name: ER04219_3B_prokka|PROKKA_01888
Description: ER04219_3B_prokka|PROKKA_01888
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01940
Name: ER04219_3B_prokka|PROKKA_01940
Description: ER04219_3B_prokka|PROKKA_01940
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02012
Name: ER04219_3B_prokka|PROKKA_02012
Description: ER04219_3B_prokka|PROKKA_02012
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02016
Name: ER04219_3B_prokka|PROKKA_02016
Description: ER04219_3B_prokka|PROKKA_02016
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02032
Name: ER04219_3B_prokka|PROKKA_02032
Description: ER04219_3B_prokka|PROKKA_02032
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02052
Name: ER04219_3B_prokka|PROKKA_02052
Description: ER04219_3B_prokka|PROKKA_02052
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02097
Name: ER04219_3B_prokka|PROKKA_02097
Description: ER04219_3B_prokka|PROKKA_02097
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02099
Name: ER04219_3B_prokka|PROKKA_02099
Description: ER04219_3B_prokka|PROKKA_02099
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02149
Name: ER04219_3B_prokka|PROKKA_02149
Description: ER04219_3B_prokka|PROKKA_02149
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02269
Name: ER04219_3B_prokka|PROKKA_02269
Description: ER04219_3B_prokka|PROKKA_02269
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02293
Name: ER04219_3B_prokka|PROKKA_02293
Description: ER04219_3B_prokka|PROKKA_02293
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02324
Name: ER04219_3B_prokka|PROKKA_02324
Description: ER04219_3B_prokka|PROKKA_02324
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02480
Name: ER04219_3B_prokka|PROKKA_02480
Description: ER04219_3B_prokka|PROKKA_02480
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02691
Name: ER04219_3B_prokka|PROKKA_02691
Description: ER04219_3B_prokka|PROKKA_02691
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02778
Name: ER04219_3B_prokka|PROKKA_02778
Description: ER04219_3B_prokka|PROKKA_02778
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02796
Name: ER04219_3B_prokka|PROKKA_02796
Description: ER04219_3B_prokka|PROKKA_02796
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00009
Name: ER04225_3B_prokka|PROKKA_00009
Description: ER04225_3B_prokka|PROKKA_00009
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00013
Name: ER04225_3B_prokka|PROKKA_00013
Description: ER04225_3B_prokka|PROKKA_00013
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00027
Name: ER04225_3B_prokka|PROKKA_00027
Description: ER04225_3B_prokka|PROKKA_00027
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00085
Name: ER04225_3B_prokka|PROKKA_00085
Description: ER04225_3B_prokka|PROKKA_00085
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00104
Name: ER04225_3B_prokka|PROKKA_00104
Description: ER04225_3B_prokka|PROKKA_00104
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00273
Name: ER04225_3B_prokka|PROKKA_00273
Description: ER04225_3B_prokka|PROKKA_00273
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00401
Name: ER04225_3B_prokka|PROKKA_00401
Description: ER04225_3B_prokka|PROKKA_00401
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00418
Name: ER04225_3B_prokka|PROKKA_00418
Description: ER04225_3B_prokka|PROKKA_00418
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00587
Name: ER04225_3B_prokka|PROKKA_00587
Description: ER04225_3B_prokka|PROKKA_00587
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00705
Name: ER04225_3B_prokka|PROKKA_00705
Description: ER04225_3B_prokka|PROKKA_00705
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00819
Name: ER04225_3B_prokka|PROKKA_00819
Description: ER04225_3B_prokka|PROKKA_00819
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00850
Name: ER04225_3B_prokka|PROKKA_00850
Description: ER04225_3B_prokka|PROKKA_00850
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00854
Name: ER04225_3B_prokka|PROKKA_00854
Description: ER04225_3B_prokka|PROKKA_00854
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00870
Name: ER04225_3B_prokka|PROKKA_00870
Description: ER04225_3B_prokka|PROKKA_00870
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00902
Name: ER04225_3B_prokka|PROKKA_00902
Description: ER04225_3B_prokka|PROKKA_00902
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00903
Name: ER04225_3B_prokka|PROKKA_00903
Description: ER04225_3B_prokka|PROKKA_00903
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00919
Name: ER04225_3B_prokka|PROKKA_00919
Description: ER04225_3B_prokka|PROKKA_00919
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01024
Name: ER04225_3B_prokka|PROKKA_01024
Description: ER04225_3B_prokka|PROKKA_01024
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01064
Name: ER04225_3B_prokka|PROKKA_01064
Description: ER04225_3B_prokka|PROKKA_01064
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01122
Name: ER04225_3B_prokka|PROKKA_01122
Description: ER04225_3B_prokka|PROKKA_01122
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01123
Name: ER04225_3B_prokka|PROKKA_01123
Description: ER04225_3B_prokka|PROKKA_01123
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01133
Name: ER04225_3B_prokka|PROKKA_01133
Description: ER04225_3B_prokka|PROKKA_01133
Number of features: 0
Seq('MPKEKYYLYREDGTEDIKVIKYKDNVNEVYSLTGAHFSDEKKIMTDIVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01156
Name: ER04225_3B_prokka|PROKKA_01156
Description: ER04225_3B_prokka|PROKKA_01156
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01213
Name: ER04225_3B_prokka|PROKKA_01213
Description: ER04225_3B_prokka|PROKKA_01213
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01225
Name: ER04225_3B_prokka|PROKKA_01225
Description: ER04225_3B_prokka|PROKKA_01225
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01226
Name: ER04225_3B_prokka|PROKKA_01226
Description: ER04225_3B_prokka|PROKKA_01226
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01363
Name: ER04225_3B_prokka|PROKKA_01363
Description: ER04225_3B_prokka|PROKKA_01363
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01367
Name: ER04225_3B_prokka|PROKKA_01367
Description: ER04225_3B_prokka|PROKKA_01367
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01391
Name: ER04225_3B_prokka|PROKKA_01391
Description: ER04225_3B_prokka|PROKKA_01391
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01495
Name: ER04225_3B_prokka|PROKKA_01495
Description: ER04225_3B_prokka|PROKKA_01495
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01542
Name: ER04225_3B_prokka|PROKKA_01542
Description: ER04225_3B_prokka|PROKKA_01542
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01550
Name: ER04225_3B_prokka|PROKKA_01550
Description: ER04225_3B_prokka|PROKKA_01550
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01569
Name: ER04225_3B_prokka|PROKKA_01569
Description: ER04225_3B_prokka|PROKKA_01569
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEEPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01580
Name: ER04225_3B_prokka|PROKKA_01580
Description: ER04225_3B_prokka|PROKKA_01580
Number of features: 0
Seq('MKIKIEKEMNLPELIQWAWDNPSYQVIKDSIQMMLSATVL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01590
Name: ER04225_3B_prokka|PROKKA_01590
Description: ER04225_3B_prokka|PROKKA_01590
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01598
Name: ER04225_3B_prokka|PROKKA_01598
Description: ER04225_3B_prokka|PROKKA_01598
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01603
Name: ER04225_3B_prokka|PROKKA_01603
Description: ER04225_3B_prokka|PROKKA_01603
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASQKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01630
Name: ER04225_3B_prokka|PROKKA_01630
Description: ER04225_3B_prokka|PROKKA_01630
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01633
Name: ER04225_3B_prokka|PROKKA_01633
Description: ER04225_3B_prokka|PROKKA_01633
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01668
Name: ER04225_3B_prokka|PROKKA_01668
Description: ER04225_3B_prokka|PROKKA_01668
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01739
Name: ER04225_3B_prokka|PROKKA_01739
Description: ER04225_3B_prokka|PROKKA_01739
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01909
Name: ER04225_3B_prokka|PROKKA_01909
Description: ER04225_3B_prokka|PROKKA_01909
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01924
Name: ER04225_3B_prokka|PROKKA_01924
Description: ER04225_3B_prokka|PROKKA_01924
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01966
Name: ER04225_3B_prokka|PROKKA_01966
Description: ER04225_3B_prokka|PROKKA_01966
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02018
Name: ER04225_3B_prokka|PROKKA_02018
Description: ER04225_3B_prokka|PROKKA_02018
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02092
Name: ER04225_3B_prokka|PROKKA_02092
Description: ER04225_3B_prokka|PROKKA_02092
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02096
Name: ER04225_3B_prokka|PROKKA_02096
Description: ER04225_3B_prokka|PROKKA_02096
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02112
Name: ER04225_3B_prokka|PROKKA_02112
Description: ER04225_3B_prokka|PROKKA_02112
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02130
Name: ER04225_3B_prokka|PROKKA_02130
Description: ER04225_3B_prokka|PROKKA_02130
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02156
Name: ER04225_3B_prokka|PROKKA_02156
Description: ER04225_3B_prokka|PROKKA_02156
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02158
Name: ER04225_3B_prokka|PROKKA_02158
Description: ER04225_3B_prokka|PROKKA_02158
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02208
Name: ER04225_3B_prokka|PROKKA_02208
Description: ER04225_3B_prokka|PROKKA_02208
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02330
Name: ER04225_3B_prokka|PROKKA_02330
Description: ER04225_3B_prokka|PROKKA_02330
Number of features: 0
Seq('MSIYGKISFIKMIDFKKGVSLQKKFNEVLGNIESSNMYRDNIDFDDIELHWIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02334
Name: ER04225_3B_prokka|PROKKA_02334
Description: ER04225_3B_prokka|PROKKA_02334
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02348
Name: ER04225_3B_prokka|PROKKA_02348
Description: ER04225_3B_prokka|PROKKA_02348
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02379
Name: ER04225_3B_prokka|PROKKA_02379
Description: ER04225_3B_prokka|PROKKA_02379
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02532
Name: ER04225_3B_prokka|PROKKA_02532
Description: ER04225_3B_prokka|PROKKA_02532
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02578
Name: ER04225_3B_prokka|PROKKA_02578
Description: ER04225_3B_prokka|PROKKA_02578
Number of features: 0
Seq('MKGAMAWPFLRLYILTLMFFSANAILNVFIPLRGHDLGATNTVIGIVMGHTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02597
Name: ER04225_3B_prokka|PROKKA_02597
Description: ER04225_3B_prokka|PROKKA_02597
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02709
Name: ER04225_3B_prokka|PROKKA_02709
Description: ER04225_3B_prokka|PROKKA_02709
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02748
Name: ER04225_3B_prokka|PROKKA_02748
Description: ER04225_3B_prokka|PROKKA_02748
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02834
Name: ER04225_3B_prokka|PROKKA_02834
Description: ER04225_3B_prokka|PROKKA_02834
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00040
Name: ER04235_3A_prokka|PROKKA_00040
Description: ER04235_3A_prokka|PROKKA_00040
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00043
Name: ER04235_3A_prokka|PROKKA_00043
Description: ER04235_3A_prokka|PROKKA_00043
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00047
Name: ER04235_3A_prokka|PROKKA_00047
Description: ER04235_3A_prokka|PROKKA_00047
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00068
Name: ER04235_3A_prokka|PROKKA_00068
Description: ER04235_3A_prokka|PROKKA_00068
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00086
Name: ER04235_3A_prokka|PROKKA_00086
Description: ER04235_3A_prokka|PROKKA_00086
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00253
Name: ER04235_3A_prokka|PROKKA_00253
Description: ER04235_3A_prokka|PROKKA_00253
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00377
Name: ER04235_3A_prokka|PROKKA_00377
Description: ER04235_3A_prokka|PROKKA_00377
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00394
Name: ER04235_3A_prokka|PROKKA_00394
Description: ER04235_3A_prokka|PROKKA_00394
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00560
Name: ER04235_3A_prokka|PROKKA_00560
Description: ER04235_3A_prokka|PROKKA_00560
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00789
Name: ER04235_3A_prokka|PROKKA_00789
Description: ER04235_3A_prokka|PROKKA_00789
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00820
Name: ER04235_3A_prokka|PROKKA_00820
Description: ER04235_3A_prokka|PROKKA_00820
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00824
Name: ER04235_3A_prokka|PROKKA_00824
Description: ER04235_3A_prokka|PROKKA_00824
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00840
Name: ER04235_3A_prokka|PROKKA_00840
Description: ER04235_3A_prokka|PROKKA_00840
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00870
Name: ER04235_3A_prokka|PROKKA_00870
Description: ER04235_3A_prokka|PROKKA_00870
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00871
Name: ER04235_3A_prokka|PROKKA_00871
Description: ER04235_3A_prokka|PROKKA_00871
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00873
Name: ER04235_3A_prokka|PROKKA_00873
Description: ER04235_3A_prokka|PROKKA_00873
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00925
Name: ER04235_3A_prokka|PROKKA_00925
Description: ER04235_3A_prokka|PROKKA_00925
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00967
Name: ER04235_3A_prokka|PROKKA_00967
Description: ER04235_3A_prokka|PROKKA_00967
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00981
Name: ER04235_3A_prokka|PROKKA_00981
Description: ER04235_3A_prokka|PROKKA_00981
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01150
Name: ER04235_3A_prokka|PROKKA_01150
Description: ER04235_3A_prokka|PROKKA_01150
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01224
Name: ER04235_3A_prokka|PROKKA_01224
Description: ER04235_3A_prokka|PROKKA_01224
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01259
Name: ER04235_3A_prokka|PROKKA_01259
Description: ER04235_3A_prokka|PROKKA_01259
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01262
Name: ER04235_3A_prokka|PROKKA_01262
Description: ER04235_3A_prokka|PROKKA_01262
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01289
Name: ER04235_3A_prokka|PROKKA_01289
Description: ER04235_3A_prokka|PROKKA_01289
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01294
Name: ER04235_3A_prokka|PROKKA_01294
Description: ER04235_3A_prokka|PROKKA_01294
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01302
Name: ER04235_3A_prokka|PROKKA_01302
Description: ER04235_3A_prokka|PROKKA_01302
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01317
Name: ER04235_3A_prokka|PROKKA_01317
Description: ER04235_3A_prokka|PROKKA_01317
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01336
Name: ER04235_3A_prokka|PROKKA_01336
Description: ER04235_3A_prokka|PROKKA_01336
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01344
Name: ER04235_3A_prokka|PROKKA_01344
Description: ER04235_3A_prokka|PROKKA_01344
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01391
Name: ER04235_3A_prokka|PROKKA_01391
Description: ER04235_3A_prokka|PROKKA_01391
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01403
Name: ER04235_3A_prokka|PROKKA_01403
Description: ER04235_3A_prokka|PROKKA_01403
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01496
Name: ER04235_3A_prokka|PROKKA_01496
Description: ER04235_3A_prokka|PROKKA_01496
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01520
Name: ER04235_3A_prokka|PROKKA_01520
Description: ER04235_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01524
Name: ER04235_3A_prokka|PROKKA_01524
Description: ER04235_3A_prokka|PROKKA_01524
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01660
Name: ER04235_3A_prokka|PROKKA_01660
Description: ER04235_3A_prokka|PROKKA_01660
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01661
Name: ER04235_3A_prokka|PROKKA_01661
Description: ER04235_3A_prokka|PROKKA_01661
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01673
Name: ER04235_3A_prokka|PROKKA_01673
Description: ER04235_3A_prokka|PROKKA_01673
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01755
Name: ER04235_3A_prokka|PROKKA_01755
Description: ER04235_3A_prokka|PROKKA_01755
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01756
Name: ER04235_3A_prokka|PROKKA_01756
Description: ER04235_3A_prokka|PROKKA_01756
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01773
Name: ER04235_3A_prokka|PROKKA_01773
Description: ER04235_3A_prokka|PROKKA_01773
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01796
Name: ER04235_3A_prokka|PROKKA_01796
Description: ER04235_3A_prokka|PROKKA_01796
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01901
Name: ER04235_3A_prokka|PROKKA_01901
Description: ER04235_3A_prokka|PROKKA_01901
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01916
Name: ER04235_3A_prokka|PROKKA_01916
Description: ER04235_3A_prokka|PROKKA_01916
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01917
Name: ER04235_3A_prokka|PROKKA_01917
Description: ER04235_3A_prokka|PROKKA_01917
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01948
Name: ER04235_3A_prokka|PROKKA_01948
Description: ER04235_3A_prokka|PROKKA_01948
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01970
Name: ER04235_3A_prokka|PROKKA_01970
Description: ER04235_3A_prokka|PROKKA_01970
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01975
Name: ER04235_3A_prokka|PROKKA_01975
Description: ER04235_3A_prokka|PROKKA_01975
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02051
Name: ER04235_3A_prokka|PROKKA_02051
Description: ER04235_3A_prokka|PROKKA_02051
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02055
Name: ER04235_3A_prokka|PROKKA_02055
Description: ER04235_3A_prokka|PROKKA_02055
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02071
Name: ER04235_3A_prokka|PROKKA_02071
Description: ER04235_3A_prokka|PROKKA_02071
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02089
Name: ER04235_3A_prokka|PROKKA_02089
Description: ER04235_3A_prokka|PROKKA_02089
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02116
Name: ER04235_3A_prokka|PROKKA_02116
Description: ER04235_3A_prokka|PROKKA_02116
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02118
Name: ER04235_3A_prokka|PROKKA_02118
Description: ER04235_3A_prokka|PROKKA_02118
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02170
Name: ER04235_3A_prokka|PROKKA_02170
Description: ER04235_3A_prokka|PROKKA_02170
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02279
Name: ER04235_3A_prokka|PROKKA_02279
Description: ER04235_3A_prokka|PROKKA_02279
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02298
Name: ER04235_3A_prokka|PROKKA_02298
Description: ER04235_3A_prokka|PROKKA_02298
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02311
Name: ER04235_3A_prokka|PROKKA_02311
Description: ER04235_3A_prokka|PROKKA_02311
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02343
Name: ER04235_3A_prokka|PROKKA_02343
Description: ER04235_3A_prokka|PROKKA_02343
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02488
Name: ER04235_3A_prokka|PROKKA_02488
Description: ER04235_3A_prokka|PROKKA_02488
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02497
Name: ER04235_3A_prokka|PROKKA_02497
Description: ER04235_3A_prokka|PROKKA_02497
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02561
Name: ER04235_3A_prokka|PROKKA_02561
Description: ER04235_3A_prokka|PROKKA_02561
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02669
Name: ER04235_3A_prokka|PROKKA_02669
Description: ER04235_3A_prokka|PROKKA_02669
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02708
Name: ER04235_3A_prokka|PROKKA_02708
Description: ER04235_3A_prokka|PROKKA_02708
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02792
Name: ER04235_3A_prokka|PROKKA_02792
Description: ER04235_3A_prokka|PROKKA_02792
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02813
Name: ER04235_3A_prokka|PROKKA_02813
Description: ER04235_3A_prokka|PROKKA_02813
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00016
Name: ER04242_3A_prokka|PROKKA_00016
Description: ER04242_3A_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00068
Name: ER04242_3A_prokka|PROKKA_00068
Description: ER04242_3A_prokka|PROKKA_00068
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00071
Name: ER04242_3A_prokka|PROKKA_00071
Description: ER04242_3A_prokka|PROKKA_00071
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00075
Name: ER04242_3A_prokka|PROKKA_00075
Description: ER04242_3A_prokka|PROKKA_00075
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00096
Name: ER04242_3A_prokka|PROKKA_00096
Description: ER04242_3A_prokka|PROKKA_00096
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00114
Name: ER04242_3A_prokka|PROKKA_00114
Description: ER04242_3A_prokka|PROKKA_00114
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00281
Name: ER04242_3A_prokka|PROKKA_00281
Description: ER04242_3A_prokka|PROKKA_00281
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00405
Name: ER04242_3A_prokka|PROKKA_00405
Description: ER04242_3A_prokka|PROKKA_00405
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00422
Name: ER04242_3A_prokka|PROKKA_00422
Description: ER04242_3A_prokka|PROKKA_00422
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00588
Name: ER04242_3A_prokka|PROKKA_00588
Description: ER04242_3A_prokka|PROKKA_00588
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00817
Name: ER04242_3A_prokka|PROKKA_00817
Description: ER04242_3A_prokka|PROKKA_00817
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00848
Name: ER04242_3A_prokka|PROKKA_00848
Description: ER04242_3A_prokka|PROKKA_00848
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00852
Name: ER04242_3A_prokka|PROKKA_00852
Description: ER04242_3A_prokka|PROKKA_00852
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00868
Name: ER04242_3A_prokka|PROKKA_00868
Description: ER04242_3A_prokka|PROKKA_00868
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00898
Name: ER04242_3A_prokka|PROKKA_00898
Description: ER04242_3A_prokka|PROKKA_00898
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00899
Name: ER04242_3A_prokka|PROKKA_00899
Description: ER04242_3A_prokka|PROKKA_00899
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00901
Name: ER04242_3A_prokka|PROKKA_00901
Description: ER04242_3A_prokka|PROKKA_00901
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00953
Name: ER04242_3A_prokka|PROKKA_00953
Description: ER04242_3A_prokka|PROKKA_00953
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00995
Name: ER04242_3A_prokka|PROKKA_00995
Description: ER04242_3A_prokka|PROKKA_00995
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01009
Name: ER04242_3A_prokka|PROKKA_01009
Description: ER04242_3A_prokka|PROKKA_01009
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01178
Name: ER04242_3A_prokka|PROKKA_01178
Description: ER04242_3A_prokka|PROKKA_01178
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01252
Name: ER04242_3A_prokka|PROKKA_01252
Description: ER04242_3A_prokka|PROKKA_01252
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01287
Name: ER04242_3A_prokka|PROKKA_01287
Description: ER04242_3A_prokka|PROKKA_01287
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01290
Name: ER04242_3A_prokka|PROKKA_01290
Description: ER04242_3A_prokka|PROKKA_01290
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01317
Name: ER04242_3A_prokka|PROKKA_01317
Description: ER04242_3A_prokka|PROKKA_01317
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01322
Name: ER04242_3A_prokka|PROKKA_01322
Description: ER04242_3A_prokka|PROKKA_01322
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01330
Name: ER04242_3A_prokka|PROKKA_01330
Description: ER04242_3A_prokka|PROKKA_01330
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01345
Name: ER04242_3A_prokka|PROKKA_01345
Description: ER04242_3A_prokka|PROKKA_01345
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01364
Name: ER04242_3A_prokka|PROKKA_01364
Description: ER04242_3A_prokka|PROKKA_01364
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01372
Name: ER04242_3A_prokka|PROKKA_01372
Description: ER04242_3A_prokka|PROKKA_01372
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01419
Name: ER04242_3A_prokka|PROKKA_01419
Description: ER04242_3A_prokka|PROKKA_01419
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01431
Name: ER04242_3A_prokka|PROKKA_01431
Description: ER04242_3A_prokka|PROKKA_01431
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01524
Name: ER04242_3A_prokka|PROKKA_01524
Description: ER04242_3A_prokka|PROKKA_01524
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01548
Name: ER04242_3A_prokka|PROKKA_01548
Description: ER04242_3A_prokka|PROKKA_01548
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01552
Name: ER04242_3A_prokka|PROKKA_01552
Description: ER04242_3A_prokka|PROKKA_01552
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01688
Name: ER04242_3A_prokka|PROKKA_01688
Description: ER04242_3A_prokka|PROKKA_01688
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01689
Name: ER04242_3A_prokka|PROKKA_01689
Description: ER04242_3A_prokka|PROKKA_01689
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01701
Name: ER04242_3A_prokka|PROKKA_01701
Description: ER04242_3A_prokka|PROKKA_01701
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01783
Name: ER04242_3A_prokka|PROKKA_01783
Description: ER04242_3A_prokka|PROKKA_01783
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01784
Name: ER04242_3A_prokka|PROKKA_01784
Description: ER04242_3A_prokka|PROKKA_01784
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01801
Name: ER04242_3A_prokka|PROKKA_01801
Description: ER04242_3A_prokka|PROKKA_01801
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01824
Name: ER04242_3A_prokka|PROKKA_01824
Description: ER04242_3A_prokka|PROKKA_01824
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01929
Name: ER04242_3A_prokka|PROKKA_01929
Description: ER04242_3A_prokka|PROKKA_01929
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01944
Name: ER04242_3A_prokka|PROKKA_01944
Description: ER04242_3A_prokka|PROKKA_01944
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01945
Name: ER04242_3A_prokka|PROKKA_01945
Description: ER04242_3A_prokka|PROKKA_01945
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01976
Name: ER04242_3A_prokka|PROKKA_01976
Description: ER04242_3A_prokka|PROKKA_01976
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01998
Name: ER04242_3A_prokka|PROKKA_01998
Description: ER04242_3A_prokka|PROKKA_01998
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02003
Name: ER04242_3A_prokka|PROKKA_02003
Description: ER04242_3A_prokka|PROKKA_02003
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02079
Name: ER04242_3A_prokka|PROKKA_02079
Description: ER04242_3A_prokka|PROKKA_02079
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02083
Name: ER04242_3A_prokka|PROKKA_02083
Description: ER04242_3A_prokka|PROKKA_02083
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02099
Name: ER04242_3A_prokka|PROKKA_02099
Description: ER04242_3A_prokka|PROKKA_02099
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02117
Name: ER04242_3A_prokka|PROKKA_02117
Description: ER04242_3A_prokka|PROKKA_02117
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02143
Name: ER04242_3A_prokka|PROKKA_02143
Description: ER04242_3A_prokka|PROKKA_02143
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02145
Name: ER04242_3A_prokka|PROKKA_02145
Description: ER04242_3A_prokka|PROKKA_02145
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02197
Name: ER04242_3A_prokka|PROKKA_02197
Description: ER04242_3A_prokka|PROKKA_02197
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02306
Name: ER04242_3A_prokka|PROKKA_02306
Description: ER04242_3A_prokka|PROKKA_02306
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02325
Name: ER04242_3A_prokka|PROKKA_02325
Description: ER04242_3A_prokka|PROKKA_02325
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02338
Name: ER04242_3A_prokka|PROKKA_02338
Description: ER04242_3A_prokka|PROKKA_02338
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02370
Name: ER04242_3A_prokka|PROKKA_02370
Description: ER04242_3A_prokka|PROKKA_02370
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02515
Name: ER04242_3A_prokka|PROKKA_02515
Description: ER04242_3A_prokka|PROKKA_02515
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02524
Name: ER04242_3A_prokka|PROKKA_02524
Description: ER04242_3A_prokka|PROKKA_02524
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02589
Name: ER04242_3A_prokka|PROKKA_02589
Description: ER04242_3A_prokka|PROKKA_02589
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02697
Name: ER04242_3A_prokka|PROKKA_02697
Description: ER04242_3A_prokka|PROKKA_02697
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02736
Name: ER04242_3A_prokka|PROKKA_02736
Description: ER04242_3A_prokka|PROKKA_02736
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02820
Name: ER04242_3A_prokka|PROKKA_02820
Description: ER04242_3A_prokka|PROKKA_02820
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00045
Name: ER04246_3A_prokka|PROKKA_00045
Description: ER04246_3A_prokka|PROKKA_00045
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00054
Name: ER04246_3A_prokka|PROKKA_00054
Description: ER04246_3A_prokka|PROKKA_00054
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00233
Name: ER04246_3A_prokka|PROKKA_00233
Description: ER04246_3A_prokka|PROKKA_00233
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00356
Name: ER04246_3A_prokka|PROKKA_00356
Description: ER04246_3A_prokka|PROKKA_00356
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00373
Name: ER04246_3A_prokka|PROKKA_00373
Description: ER04246_3A_prokka|PROKKA_00373
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00542
Name: ER04246_3A_prokka|PROKKA_00542
Description: ER04246_3A_prokka|PROKKA_00542
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00759
Name: ER04246_3A_prokka|PROKKA_00759
Description: ER04246_3A_prokka|PROKKA_00759
Number of features: 0
Seq('MSLHFAILFWLALIFLVAATFILVLMKKLAKNLKKSPI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00772
Name: ER04246_3A_prokka|PROKKA_00772
Description: ER04246_3A_prokka|PROKKA_00772
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00785
Name: ER04246_3A_prokka|PROKKA_00785
Description: ER04246_3A_prokka|PROKKA_00785
Number of features: 0
Seq('MKMYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00811
Name: ER04246_3A_prokka|PROKKA_00811
Description: ER04246_3A_prokka|PROKKA_00811
Number of features: 0
Seq('MRKYNFDKFFLYMAVLSLPIVIFFPLMLSIPIIFFIFSIRKKED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00816
Name: ER04246_3A_prokka|PROKKA_00816
Description: ER04246_3A_prokka|PROKKA_00816
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00826
Name: ER04246_3A_prokka|PROKKA_00826
Description: ER04246_3A_prokka|PROKKA_00826
Number of features: 0
Seq('MNRLRVIKIALLIVILAEEIRNVRNYKKAVGKPFSRY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00830
Name: ER04246_3A_prokka|PROKKA_00830
Description: ER04246_3A_prokka|PROKKA_00830
Number of features: 0
Seq('MITKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00841
Name: ER04246_3A_prokka|PROKKA_00841
Description: ER04246_3A_prokka|PROKKA_00841
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKIKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00871
Name: ER04246_3A_prokka|PROKKA_00871
Description: ER04246_3A_prokka|PROKKA_00871
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00872
Name: ER04246_3A_prokka|PROKKA_00872
Description: ER04246_3A_prokka|PROKKA_00872
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00886
Name: ER04246_3A_prokka|PROKKA_00886
Description: ER04246_3A_prokka|PROKKA_00886
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00992
Name: ER04246_3A_prokka|PROKKA_00992
Description: ER04246_3A_prokka|PROKKA_00992
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01032
Name: ER04246_3A_prokka|PROKKA_01032
Description: ER04246_3A_prokka|PROKKA_01032
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01113
Name: ER04246_3A_prokka|PROKKA_01113
Description: ER04246_3A_prokka|PROKKA_01113
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01125
Name: ER04246_3A_prokka|PROKKA_01125
Description: ER04246_3A_prokka|PROKKA_01125
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01126
Name: ER04246_3A_prokka|PROKKA_01126
Description: ER04246_3A_prokka|PROKKA_01126
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01261
Name: ER04246_3A_prokka|PROKKA_01261
Description: ER04246_3A_prokka|PROKKA_01261
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01265
Name: ER04246_3A_prokka|PROKKA_01265
Description: ER04246_3A_prokka|PROKKA_01265
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01291
Name: ER04246_3A_prokka|PROKKA_01291
Description: ER04246_3A_prokka|PROKKA_01291
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01385
Name: ER04246_3A_prokka|PROKKA_01385
Description: ER04246_3A_prokka|PROKKA_01385
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01397
Name: ER04246_3A_prokka|PROKKA_01397
Description: ER04246_3A_prokka|PROKKA_01397
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01464
Name: ER04246_3A_prokka|PROKKA_01464
Description: ER04246_3A_prokka|PROKKA_01464
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01467
Name: ER04246_3A_prokka|PROKKA_01467
Description: ER04246_3A_prokka|PROKKA_01467
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01502
Name: ER04246_3A_prokka|PROKKA_01502
Description: ER04246_3A_prokka|PROKKA_01502
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01574
Name: ER04246_3A_prokka|PROKKA_01574
Description: ER04246_3A_prokka|PROKKA_01574
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01737
Name: ER04246_3A_prokka|PROKKA_01737
Description: ER04246_3A_prokka|PROKKA_01737
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01752
Name: ER04246_3A_prokka|PROKKA_01752
Description: ER04246_3A_prokka|PROKKA_01752
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01795
Name: ER04246_3A_prokka|PROKKA_01795
Description: ER04246_3A_prokka|PROKKA_01795
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNFEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01847
Name: ER04246_3A_prokka|PROKKA_01847
Description: ER04246_3A_prokka|PROKKA_01847
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01901
Name: ER04246_3A_prokka|PROKKA_01901
Description: ER04246_3A_prokka|PROKKA_01901
Number of features: 0
Seq('MMNNRNEKILEDINNLKGYKVTYICYCYKYKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01930
Name: ER04246_3A_prokka|PROKKA_01930
Description: ER04246_3A_prokka|PROKKA_01930
Number of features: 0
Seq('MKDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01934
Name: ER04246_3A_prokka|PROKKA_01934
Description: ER04246_3A_prokka|PROKKA_01934
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01950
Name: ER04246_3A_prokka|PROKKA_01950
Description: ER04246_3A_prokka|PROKKA_01950
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAELSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01960
Name: ER04246_3A_prokka|PROKKA_01960
Description: ER04246_3A_prokka|PROKKA_01960
Number of features: 0
Seq('MEIEIKFNETFEAPMGSPRPRFSTKGRYAHIYAYKIYRT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01970
Name: ER04246_3A_prokka|PROKKA_01970
Description: ER04246_3A_prokka|PROKKA_01970
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01995
Name: ER04246_3A_prokka|PROKKA_01995
Description: ER04246_3A_prokka|PROKKA_01995
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01997
Name: ER04246_3A_prokka|PROKKA_01997
Description: ER04246_3A_prokka|PROKKA_01997
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_02047
Name: ER04246_3A_prokka|PROKKA_02047
Description: ER04246_3A_prokka|PROKKA_02047
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_02172
Name: ER04246_3A_prokka|PROKKA_02172
Description: ER04246_3A_prokka|PROKKA_02172
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_02185
Name: ER04246_3A_prokka|PROKKA_02185
Description: ER04246_3A_prokka|PROKKA_02185
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_02216
Name: ER04246_3A_prokka|PROKKA_02216
Description: ER04246_3A_prokka|PROKKA_02216
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_02370
Name: ER04246_3A_prokka|PROKKA_02370
Description: ER04246_3A_prokka|PROKKA_02370
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_02434
Name: ER04246_3A_prokka|PROKKA_02434
Description: ER04246_3A_prokka|PROKKA_02434
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_02544
Name: ER04246_3A_prokka|PROKKA_02544
Description: ER04246_3A_prokka|PROKKA_02544
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_02582
Name: ER04246_3A_prokka|PROKKA_02582
Description: ER04246_3A_prokka|PROKKA_02582
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_02667
Name: ER04246_3A_prokka|PROKKA_02667
Description: ER04246_3A_prokka|PROKKA_02667
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00010
Name: ER04257_3A_prokka|PROKKA_00010
Description: ER04257_3A_prokka|PROKKA_00010
Number of features: 0
Seq('MNEWIGSNDIEVVTVETMVTVRGSVASTFSMFNAFRLWYKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00076
Name: ER04257_3A_prokka|PROKKA_00076
Description: ER04257_3A_prokka|PROKKA_00076
Number of features: 0
Seq('MIVFMPLSFNRDSKFHQGYYKASLYTLNFQQLIIINIFILVYIII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00085
Name: ER04257_3A_prokka|PROKKA_00085
Description: ER04257_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MKEIELTPKAEEDLEAIWDYSFRQIGVVQADA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00169
Name: ER04257_3A_prokka|PROKKA_00169
Description: ER04257_3A_prokka|PROKKA_00169
Number of features: 0
Seq('MKLPRSTLIWCVLIVCLTLLIFTYLTRKSLCEIRYRDTSREVAAFMAYESAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00209
Name: ER04257_3A_prokka|PROKKA_00209
Description: ER04257_3A_prokka|PROKKA_00209
Number of features: 0
Seq('MGGVDIVVLILKLMVAVLQLLDAVLKQFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00210
Name: ER04257_3A_prokka|PROKKA_00210
Description: ER04257_3A_prokka|PROKKA_00210
Number of features: 0
Seq('MNATTLTSTLLLTAPAAVVVVSVVVVVGNAP', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00302
Name: ER04257_3A_prokka|PROKKA_00302
Description: ER04257_3A_prokka|PROKKA_00302
Number of features: 0
Seq('MAKGIREKIKLVSSAGTGHFYTTTKNKRTKPEKLELKKFDPVVRQHVLYKEAKIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00386
Name: ER04257_3A_prokka|PROKKA_00386
Description: ER04257_3A_prokka|PROKKA_00386
Number of features: 0
Seq('MLSRPKIDCFWLSIGVITTSTAMGASTNTSAQKSVFFIEQPCS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00392
Name: ER04257_3A_prokka|PROKKA_00392
Description: ER04257_3A_prokka|PROKKA_00392
Number of features: 0
Seq('MTLAQWGLLLWDDLAAPVIAGILVSIIVSWMDNRK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00393
Name: ER04257_3A_prokka|PROKKA_00393
Description: ER04257_3A_prokka|PROKKA_00393
Number of features: 0
Seq('MTLAQWGLLLWDDLAAPVIAGILVSIIVSWMDNRK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00423
Name: ER04257_3A_prokka|PROKKA_00423
Description: ER04257_3A_prokka|PROKKA_00423
Number of features: 0
Seq('MRLMLKCILKLLLNMLCNNLAWNIYQISLVGDPGFFENTY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00546
Name: ER04257_3A_prokka|PROKKA_00546
Description: ER04257_3A_prokka|PROKKA_00546
Number of features: 0
Seq('MKKLTEKQKSRLWEDRRNVNFQASRRLEGVDIPLINLTPEEALARIAALRSHYER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00735
Name: ER04257_3A_prokka|PROKKA_00735
Description: ER04257_3A_prokka|PROKKA_00735
Number of features: 0
Seq('MTFPEAALCACPGYGFTAGDEPVARLSKAQAGGLTFT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00763
Name: ER04257_3A_prokka|PROKKA_00763
Description: ER04257_3A_prokka|PROKKA_00763
Number of features: 0
Seq('MGKKKTKKVALSAQQPQSETVTTMSFGYEEMLSELEAIVAEAEIRLQEEESVA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00922
Name: ER04257_3A_prokka|PROKKA_00922
Description: ER04257_3A_prokka|PROKKA_00922
Number of features: 0
Seq('MLLAIGTIAVAFLSSLMLIWLDDRIADQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00991
Name: ER04257_3A_prokka|PROKKA_00991
Description: ER04257_3A_prokka|PROKKA_00991
Number of features: 0
Seq('MYMLCRLGYIVHTFFRRSPKRAVVKSLRAWPSLSDLESKCPHVKSLLTLFVR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01012
Name: ER04257_3A_prokka|PROKKA_01012
Description: ER04257_3A_prokka|PROKKA_01012
Number of features: 0
Seq('MAPSQIFFLQAYFGDFCHIYAPCLSNNLPFFYFLVFCPAISR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01030
Name: ER04257_3A_prokka|PROKKA_01030
Description: ER04257_3A_prokka|PROKKA_01030
Number of features: 0
Seq('MVKELWCNASAFARPFVPSKLGANANEIINNLIILEISWNSARES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01050
Name: ER04257_3A_prokka|PROKKA_01050
Description: ER04257_3A_prokka|PROKKA_01050
Number of features: 0
Seq('MAIGNRQIQDESPEEELERLLEELALTHEQREFIESMLQEDGDSTNGE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01055
Name: ER04257_3A_prokka|PROKKA_01055
Description: ER04257_3A_prokka|PROKKA_01055
Number of features: 0
Seq('MIGYIYQMWLFIGYLHPVSHEEFSGFLECCFMRSTATMKGMLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01056
Name: ER04257_3A_prokka|PROKKA_01056
Description: ER04257_3A_prokka|PROKKA_01056
Number of features: 0
Seq('MNIRFTDDIHKALIERANREDKSAAALVSELITAVLNREEPNDRKETSSKLR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01058
Name: ER04257_3A_prokka|PROKKA_01058
Description: ER04257_3A_prokka|PROKKA_01058
Number of features: 0
Seq('MIIALYWYLLFLFIWDAIRTFEKRRKTERKTESRDV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01061
Name: ER04257_3A_prokka|PROKKA_01061
Description: ER04257_3A_prokka|PROKKA_01061
Number of features: 0
Seq('MPKQKVVRDAGTGQFVKPEEAKKRPGTTVTETVKIPPKKGKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01195
Name: ER04257_3A_prokka|PROKKA_01195
Description: ER04257_3A_prokka|PROKKA_01195
Number of features: 0
Seq('MLFDLIALTEWFTVSSECETIIHIEAYFEVVR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01273
Name: ER04257_3A_prokka|PROKKA_01273
Description: ER04257_3A_prokka|PROKKA_01273
Number of features: 0
Seq('MERNRLARQIIDTCLEMTRLGLNQGTAGNVSVRYQGGC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01535
Name: ER04257_3A_prokka|PROKKA_01535
Description: ER04257_3A_prokka|PROKKA_01535
Number of features: 0
Seq('MILNEIVKMKIKKGLAHQASPLIQDVAKANLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01558
Name: ER04257_3A_prokka|PROKKA_01558
Description: ER04257_3A_prokka|PROKKA_01558
Number of features: 0
Seq('MNTVCASCQALNRIPTIVALMARNAGAAATIFLTAM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01615
Name: ER04257_3A_prokka|PROKKA_01615
Description: ER04257_3A_prokka|PROKKA_01615
Number of features: 0
Seq('MLCFLEDCGTDSHYHRQGNDLYFKGIDIPNNK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01694
Name: ER04257_3A_prokka|PROKKA_01694
Description: ER04257_3A_prokka|PROKKA_01694
Number of features: 0
Seq('MKLKTTLFGNVYQFKDVKEVLAKANELRSGMCWRAWRQKVRSSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01743
Name: ER04257_3A_prokka|PROKKA_01743
Description: ER04257_3A_prokka|PROKKA_01743
Number of features: 0
Seq('MALAWVLRDEKVTSVLIGASKTTQLDDAIGMLENRRFTAEEQATIDAILAV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01780
Name: ER04257_3A_prokka|PROKKA_01780
Description: ER04257_3A_prokka|PROKKA_01780
Number of features: 0
Seq('MTKTKNIEFRLSKLEKGPDKKVLAIMEIRSRTIAGSVLKQIPCQELKDR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01945
Name: ER04257_3A_prokka|PROKKA_01945
Description: ER04257_3A_prokka|PROKKA_01945
Number of features: 0
Seq('MLLNDQVYCPEHGANPIVECDMSNEENGRGIVVHGCKSACGSVVYASLPDVEIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01967
Name: ER04257_3A_prokka|PROKKA_01967
Description: ER04257_3A_prokka|PROKKA_01967
Number of features: 0
Seq('MKINIPKLSFSVYNTLIYKDYSFIPKIKNLE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02008
Name: ER04257_3A_prokka|PROKKA_02008
Description: ER04257_3A_prokka|PROKKA_02008
Number of features: 0
Seq('MELLEEHRCFEGRQQRWRHDSATLNCAMTFSIFLPPRPLTRRRRLSTGSPA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02041
Name: ER04257_3A_prokka|PROKKA_02041
Description: ER04257_3A_prokka|PROKKA_02041
Number of features: 0
Seq('MKPAKIAVITLFLFMAISGIGGVMLAGYSFIVRGGVG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02208
Name: ER04257_3A_prokka|PROKKA_02208
Description: ER04257_3A_prokka|PROKKA_02208
Number of features: 0
Seq('MILMLLMGAKVMITFHSLKGYGKMVSLTYCIRHQENVWK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02221
Name: ER04257_3A_prokka|PROKKA_02221
Description: ER04257_3A_prokka|PROKKA_02221
Number of features: 0
Seq('MFGYSLFRLSLFIALAIIACTATGLITYWVVSALAE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02270
Name: ER04257_3A_prokka|PROKKA_02270
Description: ER04257_3A_prokka|PROKKA_02270
Number of features: 0
Seq('MKKLFKQGFENYSGRTLRVFALTLNFVVLFIVIAALSALGICMVNVWVNQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02454
Name: ER04257_3A_prokka|PROKKA_02454
Description: ER04257_3A_prokka|PROKKA_02454
Number of features: 0
Seq('MPTRILFALITLLLLAIPVVQQGIAQGLSGRFSYALLF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02500
Name: ER04257_3A_prokka|PROKKA_02500
Description: ER04257_3A_prokka|PROKKA_02500
Number of features: 0
Seq('MVVGEGLFVASLLTLRVVACGNVVSLTLDSNLNRSFSSFPASEEYMAMCFEQVAV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02501
Name: ER04257_3A_prokka|PROKKA_02501
Description: ER04257_3A_prokka|PROKKA_02501
Number of features: 0
Seq('MVVGEGLFVASLLTLRAVACGNVVSLTLDSNLSRSFSSFPASGEYMAMCFEQVAV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02628
Name: ER04257_3A_prokka|PROKKA_02628
Description: ER04257_3A_prokka|PROKKA_02628
Number of features: 0
Seq('MLARLEGIMLDPVYTGKAIAGLNDGVKTTRFTGSGPVMFVHTGGAPALFAYYPRV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02630
Name: ER04257_3A_prokka|PROKKA_02630
Description: ER04257_3A_prokka|PROKKA_02630
Number of features: 0
Seq('MEIDLDNLVFSGLEEAQERNAERLEDADKKAQAIVADDDCGDACKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02651
Name: ER04257_3A_prokka|PROKKA_02651
Description: ER04257_3A_prokka|PROKKA_02651
Number of features: 0
Seq('MSVQHPADPDKRGRHPSKEDPREQGEVPRKRDDSEDHKEDPWHPQPEKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02678
Name: ER04257_3A_prokka|PROKKA_02678
Description: ER04257_3A_prokka|PROKKA_02678
Number of features: 0
Seq('MATIKDVAKRANVSTTTVSHVINKTRFVAEETRNAVWAAIKELHYSPAPLLAA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02742
Name: ER04257_3A_prokka|PROKKA_02742
Description: ER04257_3A_prokka|PROKKA_02742
Number of features: 0
Seq('MFIAVFTNWRAGNAMLSGGEFSCTERAIYRQAPVLFMN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02743
Name: ER04257_3A_prokka|PROKKA_02743
Description: ER04257_3A_prokka|PROKKA_02743
Number of features: 0
Seq('MQYMMTGVVVVIISGLAIHLISLAIEGLYKVIRNRTTWR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02781
Name: ER04257_3A_prokka|PROKKA_02781
Description: ER04257_3A_prokka|PROKKA_02781
Number of features: 0
Seq('MSKQGIRALVYVSVVSAMIWGATGYLLVAAVHVL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02786
Name: ER04257_3A_prokka|PROKKA_02786
Description: ER04257_3A_prokka|PROKKA_02786
Number of features: 0
Seq('MVYWQKTVKTYVKHHTLGWLTDFNSLFYNDFILE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02792
Name: ER04257_3A_prokka|PROKKA_02792
Description: ER04257_3A_prokka|PROKKA_02792
Number of features: 0
Seq('MNPFTWLFIALLSMDAVRELMGMSSVLGMW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02844
Name: ER04257_3A_prokka|PROKKA_02844
Description: ER04257_3A_prokka|PROKKA_02844
Number of features: 0
Seq('MLGNMHVFMAVLGTILFFGFLAAYLSHKWDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02845
Name: ER04257_3A_prokka|PROKKA_02845
Description: ER04257_3A_prokka|PROKKA_02845
Number of features: 0
Seq('MKSSTVNSEKDQPKQPKKMPEDDKGSQKPNKSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02846
Name: ER04257_3A_prokka|PROKKA_02846
Description: ER04257_3A_prokka|PROKKA_02846
Number of features: 0
Seq('MVERPDITEPLPGTDPLPDEDLPESPDVNDPVVPEDPDVIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02884
Name: ER04257_3A_prokka|PROKKA_02884
Description: ER04257_3A_prokka|PROKKA_02884
Number of features: 0
Seq('MEKRIETVVNLIMFLSLLATAWDLSLVHHLAW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02918
Name: ER04257_3A_prokka|PROKKA_02918
Description: ER04257_3A_prokka|PROKKA_02918
Number of features: 0
Seq('MATLTWDHAVQFVNQPEAAVQVLSGQKLNAVAGGRHPGWGPEMC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02945
Name: ER04257_3A_prokka|PROKKA_02945
Description: ER04257_3A_prokka|PROKKA_02945
Number of features: 0
Seq('MKNTPWLVRLRNTSIPEHKLRPAKWLALIALLLLLAQLMVESLLLTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02971
Name: ER04257_3A_prokka|PROKKA_02971
Description: ER04257_3A_prokka|PROKKA_02971
Number of features: 0
Seq('MSYADFAATLALGISIGNLLTCLWFWWLSKRC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03009
Name: ER04257_3A_prokka|PROKKA_03009
Description: ER04257_3A_prokka|PROKKA_03009
Number of features: 0
Seq('MGFWRIVLTIILPPLGVLLGKGFGWAFILNIILTILGYIPGLIHAFWVQTKNS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03021
Name: ER04257_3A_prokka|PROKKA_03021
Description: ER04257_3A_prokka|PROKKA_03021
Number of features: 0
Seq('MKAVKSLKADWAIITLMIVVAVVMYGYLIPKYW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03043
Name: ER04257_3A_prokka|PROKKA_03043
Description: ER04257_3A_prokka|PROKKA_03043
Number of features: 0
Seq('MNRSPDTIIALIFFLMGLLVLLLAIWQILF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03061
Name: ER04257_3A_prokka|PROKKA_03061
Description: ER04257_3A_prokka|PROKKA_03061
Number of features: 0
Seq('MKSNQQARHLLGLNYKLSQQKKVLLEGDAETTVNHVRATGRKRRGG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03082
Name: ER04257_3A_prokka|PROKKA_03082
Description: ER04257_3A_prokka|PROKKA_03082
Number of features: 0
Seq('MHRYGTLAEQANAILFLASDEASYITGVTLPVAGGDLG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03113
Name: ER04257_3A_prokka|PROKKA_03113
Description: ER04257_3A_prokka|PROKKA_03113
Number of features: 0
Seq('MFIPDMNNDQRNYPDITQQIQLALIMTAVILEYTLLMC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03116
Name: ER04257_3A_prokka|PROKKA_03116
Description: ER04257_3A_prokka|PROKKA_03116
Number of features: 0
Seq('MERLLLNLLVHFSHLNTFQTVQKMDFKLLKNRKNKCYETCILKGSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03155
Name: ER04257_3A_prokka|PROKKA_03155
Description: ER04257_3A_prokka|PROKKA_03155
Number of features: 0
Seq('MDVSSKTVLLINVGAALALIGLLSVRFGWF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03156
Name: ER04257_3A_prokka|PROKKA_03156
Description: ER04257_3A_prokka|PROKKA_03156
Number of features: 0
Seq('MSGIAVLIVALILLIAAIYNLFSYVRERRQSSLPSKKNKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03166
Name: ER04257_3A_prokka|PROKKA_03166
Description: ER04257_3A_prokka|PROKKA_03166
Number of features: 0
Seq('MQRVWLKRAVWMIVLWGGSVLALGAVSMGFRLLMTAAGLKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03195
Name: ER04257_3A_prokka|PROKKA_03195
Description: ER04257_3A_prokka|PROKKA_03195
Number of features: 0
Seq('MNTFSIIAIPFFAAAIVLLALAASRKNRTCYIVGGVLMASSVVNAVIGMAL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03271
Name: ER04257_3A_prokka|PROKKA_03271
Description: ER04257_3A_prokka|PROKKA_03271
Number of features: 0
Seq('MLFCTLFCKSAIAVITLATIVWLMLDILSPGIQGLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03372
Name: ER04257_3A_prokka|PROKKA_03372
Description: ER04257_3A_prokka|PROKKA_03372
Number of features: 0
Seq('MISDIDYMKFTMSQERDKTEIDPVLRSKAWSAVILGLAMFWSVIALVICNVWFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03473
Name: ER04257_3A_prokka|PROKKA_03473
Description: ER04257_3A_prokka|PROKKA_03473
Number of features: 0
Seq('MRLGILFPVAIFIVAVVFLGWFFVGGYAAPGGA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03573
Name: ER04257_3A_prokka|PROKKA_03573
Description: ER04257_3A_prokka|PROKKA_03573
Number of features: 0
Seq('MRRLFELLVNNVREHFMIYLALWLLLAFIDLIWLWFF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03612
Name: ER04257_3A_prokka|PROKKA_03612
Description: ER04257_3A_prokka|PROKKA_03612
Number of features: 0
Seq('MALFDFPRWQLTSPSAASGVVAPMNGCRSGKPW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03619
Name: ER04257_3A_prokka|PROKKA_03619
Description: ER04257_3A_prokka|PROKKA_03619
Number of features: 0
Seq('MSGILLFIVAVVLLGVAVYSLVSYVKDRRSAQLPTHKKKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03689
Name: ER04257_3A_prokka|PROKKA_03689
Description: ER04257_3A_prokka|PROKKA_03689
Number of features: 0
Seq('MIPVAYVSALFSAKDIIRVTEALFSKRQTQESEYVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03727
Name: ER04257_3A_prokka|PROKKA_03727
Description: ER04257_3A_prokka|PROKKA_03727
Number of features: 0
Seq('MNSFKSPLRGFYFILLTLYEPDLQEKLNGFYIDRFVQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03736
Name: ER04257_3A_prokka|PROKKA_03736
Description: ER04257_3A_prokka|PROKKA_03736
Number of features: 0
Seq('MNKRELIDLFMIRTGEAKETAKRYLENNYWSLPTALTFYNADKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03739
Name: ER04257_3A_prokka|PROKKA_03739
Description: ER04257_3A_prokka|PROKKA_03739
Number of features: 0
Seq('MEYELMRVREFLSDNWEAWEALCVQNGDDAQQIYEQLGGED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03777
Name: ER04257_3A_prokka|PROKKA_03777
Description: ER04257_3A_prokka|PROKKA_03777
Number of features: 0
Seq('MKRQKRDRLERAHQRGYQAGITGRSKEMCPYQTLNQRSYWLGGWREAMEDRVQIA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03865
Name: ER04257_3A_prokka|PROKKA_03865
Description: ER04257_3A_prokka|PROKKA_03865
Number of features: 0
Seq('MIVRRMLQLHGGDIRLLEAPAGACFQFTLPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03917
Name: ER04257_3A_prokka|PROKKA_03917
Description: ER04257_3A_prokka|PROKKA_03917
Number of features: 0
Seq('MNEFKRCLNVFTHSPFKVRLMLVGMLCDLINGKPQQDKPNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03923
Name: ER04257_3A_prokka|PROKKA_03923
Description: ER04257_3A_prokka|PROKKA_03923
Number of features: 0
Seq('MKKSCQFYNLLFYNNQDNSCCTILIRDNVKRTDMGRYFGAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03959
Name: ER04257_3A_prokka|PROKKA_03959
Description: ER04257_3A_prokka|PROKKA_03959
Number of features: 0
Seq('MQKLTFREYLAVTCAFVIVVAFFHQWVLTF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04015
Name: ER04257_3A_prokka|PROKKA_04015
Description: ER04257_3A_prokka|PROKKA_04015
Number of features: 0
Seq('MWYFAWILGTLLACAFGVITALALEHVEATKAGKEEH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04018
Name: ER04257_3A_prokka|PROKKA_04018
Description: ER04257_3A_prokka|PROKKA_04018
Number of features: 0
Seq('MSPRERLKCRPQLIMLRSSQIFFIKLLSFIFLLIIFIIAFTFN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04200
Name: ER04257_3A_prokka|PROKKA_04200
Description: ER04257_3A_prokka|PROKKA_04200
Number of features: 0
Seq('MLTKYALVAIIVLCLTALGLTLMVHDSLCELSIKERSMEFKAVLAYETKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04232
Name: ER04257_3A_prokka|PROKKA_04232
Description: ER04257_3A_prokka|PROKKA_04232
Number of features: 0
Seq('MFGIYRGRRLVLYILLAIIIATLVGYSTYTFVKALA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04253
Name: ER04257_3A_prokka|PROKKA_04253
Description: ER04257_3A_prokka|PROKKA_04253
Number of features: 0
Seq('MPILARRIPDNFFYFGRRRKIRSVGGYLKDIRRDRMARLVCRRIGETADRNQFFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04359
Name: ER04257_3A_prokka|PROKKA_04359
Description: ER04257_3A_prokka|PROKKA_04359
Number of features: 0
Seq('MSRSIHGHLKVVSTISWNNFPKPDLSHIIEKVIMKKYLKIMGELLNYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04404
Name: ER04257_3A_prokka|PROKKA_04404
Description: ER04257_3A_prokka|PROKKA_04404
Number of features: 0
Seq('MQVLNSLRSAKQRHPDCQIVKRKGRLYVICKSNPRFKAVQGRKKRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04539
Name: ER04257_3A_prokka|PROKKA_04539
Description: ER04257_3A_prokka|PROKKA_04539
Number of features: 0
Seq('MKITLLVTLLFGLVFMTAVGASEKELTPSSKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04554
Name: ER04257_3A_prokka|PROKKA_04554
Description: ER04257_3A_prokka|PROKKA_04554
Number of features: 0
Seq('MMKKKDRAYLYYEAPPCKALIARFCAEKRNLA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04600
Name: ER04257_3A_prokka|PROKKA_04600
Description: ER04257_3A_prokka|PROKKA_04600
Number of features: 0
Seq('MRDAALRIHPRVAWVSVARPGKKLLFRAAKDSAA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04624
Name: ER04257_3A_prokka|PROKKA_04624
Description: ER04257_3A_prokka|PROKKA_04624
Number of features: 0
Seq('MVGFIVSGFGIRFVFITFAVIALVGGLITWLFAIETKGKSLEELSP', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04834
Name: ER04257_3A_prokka|PROKKA_04834
Description: ER04257_3A_prokka|PROKKA_04834
Number of features: 0
Seq('MNIGKKTTNKLVTVKSSKISSEGKYKVSVCDASGILGHSEDR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04839
Name: ER04257_3A_prokka|PROKKA_04839
Description: ER04257_3A_prokka|PROKKA_04839
Number of features: 0
Seq('MLSYFHHLIIFIFNRIFMDIAVAQDDILMKIINLFVL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04851
Name: ER04257_3A_prokka|PROKKA_04851
Description: ER04257_3A_prokka|PROKKA_04851
Number of features: 0
Seq('MMGSTIKQFYQRYFSATQDASWLARLMAGRQQEILGELMQWGVTSQASDH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04913
Name: ER04257_3A_prokka|PROKKA_04913
Description: ER04257_3A_prokka|PROKKA_04913
Number of features: 0
Seq('MPLLCEISITNIIFFSIDTSFPIGRFGYGYINFTPMNICNYRLVRKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04967
Name: ER04257_3A_prokka|PROKKA_04967
Description: ER04257_3A_prokka|PROKKA_04967
Number of features: 0
Seq('MFRWGIIFLVIALIAAALGFGGLAGTAAWAAKIVFVVGIILFLVSLFTGRRRP', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_05051
Name: ER04257_3A_prokka|PROKKA_05051
Description: ER04257_3A_prokka|PROKKA_05051
Number of features: 0
Seq('MEFHENRARQPFIGFVFLARAFKKWWLREQTRRTLQRMSDEQLKDVGLRRDQIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_05075
Name: ER04257_3A_prokka|PROKKA_05075
Description: ER04257_3A_prokka|PROKKA_05075
Number of features: 0
Seq('MTQKSIYRLIAQGGLDDWYNLDHRISNDFPR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_05273
Name: ER04257_3A_prokka|PROKKA_05273
Description: ER04257_3A_prokka|PROKKA_05273
Number of features: 0
Seq('MVKKAIAAVFTVLVLSSALTGCNTTRGVGQDISDGGDAISGAATKAQQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_05292
Name: ER04257_3A_prokka|PROKKA_05292
Description: ER04257_3A_prokka|PROKKA_05292
Number of features: 0
Seq('MFGAELVIVLLAIYLGARLGVSASVSPVAWASSS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_05540
Name: ER04257_3A_prokka|PROKKA_05540
Description: ER04257_3A_prokka|PROKKA_05540
Number of features: 0
Seq('MPYTKSFKQHQGRKKANRNKLTLVSDSGTENAANTEAV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_05583
Name: ER04257_3A_prokka|PROKKA_05583
Description: ER04257_3A_prokka|PROKKA_05583
Number of features: 0
Seq('MDKLGHRFFHDICCFFIWPLKTHLLKQISGIIF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_05584
Name: ER04257_3A_prokka|PROKKA_05584
Description: ER04257_3A_prokka|PROKKA_05584
Number of features: 0
Seq('MMVLINHSLYFFRNIDIYEVYLFVDVLPFCKKMHNHY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_05647
Name: ER04257_3A_prokka|PROKKA_05647
Description: ER04257_3A_prokka|PROKKA_05647
Number of features: 0
Seq('MSINLDTPNIDTGFIITFFVINLSFIKGDRLNNYFFIFFKIIKLPE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00083
Name: ER04324_3B_prokka|PROKKA_00083
Description: ER04324_3B_prokka|PROKKA_00083
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00086
Name: ER04324_3B_prokka|PROKKA_00086
Description: ER04324_3B_prokka|PROKKA_00086
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00090
Name: ER04324_3B_prokka|PROKKA_00090
Description: ER04324_3B_prokka|PROKKA_00090
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00111
Name: ER04324_3B_prokka|PROKKA_00111
Description: ER04324_3B_prokka|PROKKA_00111
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00129
Name: ER04324_3B_prokka|PROKKA_00129
Description: ER04324_3B_prokka|PROKKA_00129
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00296
Name: ER04324_3B_prokka|PROKKA_00296
Description: ER04324_3B_prokka|PROKKA_00296
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00420
Name: ER04324_3B_prokka|PROKKA_00420
Description: ER04324_3B_prokka|PROKKA_00420
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00437
Name: ER04324_3B_prokka|PROKKA_00437
Description: ER04324_3B_prokka|PROKKA_00437
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00603
Name: ER04324_3B_prokka|PROKKA_00603
Description: ER04324_3B_prokka|PROKKA_00603
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00832
Name: ER04324_3B_prokka|PROKKA_00832
Description: ER04324_3B_prokka|PROKKA_00832
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00863
Name: ER04324_3B_prokka|PROKKA_00863
Description: ER04324_3B_prokka|PROKKA_00863
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00867
Name: ER04324_3B_prokka|PROKKA_00867
Description: ER04324_3B_prokka|PROKKA_00867
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00883
Name: ER04324_3B_prokka|PROKKA_00883
Description: ER04324_3B_prokka|PROKKA_00883
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00913
Name: ER04324_3B_prokka|PROKKA_00913
Description: ER04324_3B_prokka|PROKKA_00913
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00914
Name: ER04324_3B_prokka|PROKKA_00914
Description: ER04324_3B_prokka|PROKKA_00914
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00916
Name: ER04324_3B_prokka|PROKKA_00916
Description: ER04324_3B_prokka|PROKKA_00916
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00968
Name: ER04324_3B_prokka|PROKKA_00968
Description: ER04324_3B_prokka|PROKKA_00968
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01010
Name: ER04324_3B_prokka|PROKKA_01010
Description: ER04324_3B_prokka|PROKKA_01010
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01024
Name: ER04324_3B_prokka|PROKKA_01024
Description: ER04324_3B_prokka|PROKKA_01024
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01193
Name: ER04324_3B_prokka|PROKKA_01193
Description: ER04324_3B_prokka|PROKKA_01193
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01267
Name: ER04324_3B_prokka|PROKKA_01267
Description: ER04324_3B_prokka|PROKKA_01267
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01302
Name: ER04324_3B_prokka|PROKKA_01302
Description: ER04324_3B_prokka|PROKKA_01302
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01305
Name: ER04324_3B_prokka|PROKKA_01305
Description: ER04324_3B_prokka|PROKKA_01305
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01332
Name: ER04324_3B_prokka|PROKKA_01332
Description: ER04324_3B_prokka|PROKKA_01332
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01337
Name: ER04324_3B_prokka|PROKKA_01337
Description: ER04324_3B_prokka|PROKKA_01337
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01345
Name: ER04324_3B_prokka|PROKKA_01345
Description: ER04324_3B_prokka|PROKKA_01345
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01360
Name: ER04324_3B_prokka|PROKKA_01360
Description: ER04324_3B_prokka|PROKKA_01360
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01379
Name: ER04324_3B_prokka|PROKKA_01379
Description: ER04324_3B_prokka|PROKKA_01379
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01387
Name: ER04324_3B_prokka|PROKKA_01387
Description: ER04324_3B_prokka|PROKKA_01387
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01434
Name: ER04324_3B_prokka|PROKKA_01434
Description: ER04324_3B_prokka|PROKKA_01434
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01446
Name: ER04324_3B_prokka|PROKKA_01446
Description: ER04324_3B_prokka|PROKKA_01446
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01539
Name: ER04324_3B_prokka|PROKKA_01539
Description: ER04324_3B_prokka|PROKKA_01539
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01563
Name: ER04324_3B_prokka|PROKKA_01563
Description: ER04324_3B_prokka|PROKKA_01563
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01567
Name: ER04324_3B_prokka|PROKKA_01567
Description: ER04324_3B_prokka|PROKKA_01567
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01703
Name: ER04324_3B_prokka|PROKKA_01703
Description: ER04324_3B_prokka|PROKKA_01703
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01704
Name: ER04324_3B_prokka|PROKKA_01704
Description: ER04324_3B_prokka|PROKKA_01704
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01716
Name: ER04324_3B_prokka|PROKKA_01716
Description: ER04324_3B_prokka|PROKKA_01716
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01798
Name: ER04324_3B_prokka|PROKKA_01798
Description: ER04324_3B_prokka|PROKKA_01798
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01799
Name: ER04324_3B_prokka|PROKKA_01799
Description: ER04324_3B_prokka|PROKKA_01799
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01816
Name: ER04324_3B_prokka|PROKKA_01816
Description: ER04324_3B_prokka|PROKKA_01816
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01839
Name: ER04324_3B_prokka|PROKKA_01839
Description: ER04324_3B_prokka|PROKKA_01839
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01945
Name: ER04324_3B_prokka|PROKKA_01945
Description: ER04324_3B_prokka|PROKKA_01945
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01960
Name: ER04324_3B_prokka|PROKKA_01960
Description: ER04324_3B_prokka|PROKKA_01960
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01961
Name: ER04324_3B_prokka|PROKKA_01961
Description: ER04324_3B_prokka|PROKKA_01961
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01992
Name: ER04324_3B_prokka|PROKKA_01992
Description: ER04324_3B_prokka|PROKKA_01992
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02014
Name: ER04324_3B_prokka|PROKKA_02014
Description: ER04324_3B_prokka|PROKKA_02014
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02019
Name: ER04324_3B_prokka|PROKKA_02019
Description: ER04324_3B_prokka|PROKKA_02019
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02093
Name: ER04324_3B_prokka|PROKKA_02093
Description: ER04324_3B_prokka|PROKKA_02093
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02097
Name: ER04324_3B_prokka|PROKKA_02097
Description: ER04324_3B_prokka|PROKKA_02097
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02113
Name: ER04324_3B_prokka|PROKKA_02113
Description: ER04324_3B_prokka|PROKKA_02113
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02131
Name: ER04324_3B_prokka|PROKKA_02131
Description: ER04324_3B_prokka|PROKKA_02131
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02137
Name: ER04324_3B_prokka|PROKKA_02137
Description: ER04324_3B_prokka|PROKKA_02137
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02142
Name: ER04324_3B_prokka|PROKKA_02142
Description: ER04324_3B_prokka|PROKKA_02142
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02158
Name: ER04324_3B_prokka|PROKKA_02158
Description: ER04324_3B_prokka|PROKKA_02158
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02160
Name: ER04324_3B_prokka|PROKKA_02160
Description: ER04324_3B_prokka|PROKKA_02160
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02213
Name: ER04324_3B_prokka|PROKKA_02213
Description: ER04324_3B_prokka|PROKKA_02213
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02321
Name: ER04324_3B_prokka|PROKKA_02321
Description: ER04324_3B_prokka|PROKKA_02321
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02340
Name: ER04324_3B_prokka|PROKKA_02340
Description: ER04324_3B_prokka|PROKKA_02340
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02353
Name: ER04324_3B_prokka|PROKKA_02353
Description: ER04324_3B_prokka|PROKKA_02353
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02385
Name: ER04324_3B_prokka|PROKKA_02385
Description: ER04324_3B_prokka|PROKKA_02385
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02530
Name: ER04324_3B_prokka|PROKKA_02530
Description: ER04324_3B_prokka|PROKKA_02530
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02539
Name: ER04324_3B_prokka|PROKKA_02539
Description: ER04324_3B_prokka|PROKKA_02539
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02603
Name: ER04324_3B_prokka|PROKKA_02603
Description: ER04324_3B_prokka|PROKKA_02603
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02711
Name: ER04324_3B_prokka|PROKKA_02711
Description: ER04324_3B_prokka|PROKKA_02711
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02749
Name: ER04324_3B_prokka|PROKKA_02749
Description: ER04324_3B_prokka|PROKKA_02749
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02833
Name: ER04324_3B_prokka|PROKKA_02833
Description: ER04324_3B_prokka|PROKKA_02833
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02849
Name: ER04324_3B_prokka|PROKKA_02849
Description: ER04324_3B_prokka|PROKKA_02849
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00030
Name: ER04332_3A_prokka|PROKKA_00030
Description: ER04332_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00034
Name: ER04332_3A_prokka|PROKKA_00034
Description: ER04332_3A_prokka|PROKKA_00034
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00043
Name: ER04332_3A_prokka|PROKKA_00043
Description: ER04332_3A_prokka|PROKKA_00043
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00056
Name: ER04332_3A_prokka|PROKKA_00056
Description: ER04332_3A_prokka|PROKKA_00056
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00059
Name: ER04332_3A_prokka|PROKKA_00059
Description: ER04332_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00225
Name: ER04332_3A_prokka|PROKKA_00225
Description: ER04332_3A_prokka|PROKKA_00225
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00321
Name: ER04332_3A_prokka|PROKKA_00321
Description: ER04332_3A_prokka|PROKKA_00321
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00327
Name: ER04332_3A_prokka|PROKKA_00327
Description: ER04332_3A_prokka|PROKKA_00327
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00371
Name: ER04332_3A_prokka|PROKKA_00371
Description: ER04332_3A_prokka|PROKKA_00371
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00389
Name: ER04332_3A_prokka|PROKKA_00389
Description: ER04332_3A_prokka|PROKKA_00389
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00556
Name: ER04332_3A_prokka|PROKKA_00556
Description: ER04332_3A_prokka|PROKKA_00556
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00808
Name: ER04332_3A_prokka|PROKKA_00808
Description: ER04332_3A_prokka|PROKKA_00808
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00835
Name: ER04332_3A_prokka|PROKKA_00835
Description: ER04332_3A_prokka|PROKKA_00835
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00943
Name: ER04332_3A_prokka|PROKKA_00943
Description: ER04332_3A_prokka|PROKKA_00943
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00983
Name: ER04332_3A_prokka|PROKKA_00983
Description: ER04332_3A_prokka|PROKKA_00983
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01064
Name: ER04332_3A_prokka|PROKKA_01064
Description: ER04332_3A_prokka|PROKKA_01064
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01076
Name: ER04332_3A_prokka|PROKKA_01076
Description: ER04332_3A_prokka|PROKKA_01076
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01077
Name: ER04332_3A_prokka|PROKKA_01077
Description: ER04332_3A_prokka|PROKKA_01077
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01212
Name: ER04332_3A_prokka|PROKKA_01212
Description: ER04332_3A_prokka|PROKKA_01212
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01216
Name: ER04332_3A_prokka|PROKKA_01216
Description: ER04332_3A_prokka|PROKKA_01216
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01240
Name: ER04332_3A_prokka|PROKKA_01240
Description: ER04332_3A_prokka|PROKKA_01240
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01335
Name: ER04332_3A_prokka|PROKKA_01335
Description: ER04332_3A_prokka|PROKKA_01335
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01347
Name: ER04332_3A_prokka|PROKKA_01347
Description: ER04332_3A_prokka|PROKKA_01347
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01412
Name: ER04332_3A_prokka|PROKKA_01412
Description: ER04332_3A_prokka|PROKKA_01412
Number of features: 0
Seq('MNLGNVKETISIIYLIEIVSFLMYLSKFSTHDIFNDFLSLVKLKFSTFIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01415
Name: ER04332_3A_prokka|PROKKA_01415
Description: ER04332_3A_prokka|PROKKA_01415
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01418
Name: ER04332_3A_prokka|PROKKA_01418
Description: ER04332_3A_prokka|PROKKA_01418
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01453
Name: ER04332_3A_prokka|PROKKA_01453
Description: ER04332_3A_prokka|PROKKA_01453
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01526
Name: ER04332_3A_prokka|PROKKA_01526
Description: ER04332_3A_prokka|PROKKA_01526
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01689
Name: ER04332_3A_prokka|PROKKA_01689
Description: ER04332_3A_prokka|PROKKA_01689
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01704
Name: ER04332_3A_prokka|PROKKA_01704
Description: ER04332_3A_prokka|PROKKA_01704
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01746
Name: ER04332_3A_prokka|PROKKA_01746
Description: ER04332_3A_prokka|PROKKA_01746
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01798
Name: ER04332_3A_prokka|PROKKA_01798
Description: ER04332_3A_prokka|PROKKA_01798
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01873
Name: ER04332_3A_prokka|PROKKA_01873
Description: ER04332_3A_prokka|PROKKA_01873
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01877
Name: ER04332_3A_prokka|PROKKA_01877
Description: ER04332_3A_prokka|PROKKA_01877
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01893
Name: ER04332_3A_prokka|PROKKA_01893
Description: ER04332_3A_prokka|PROKKA_01893
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01911
Name: ER04332_3A_prokka|PROKKA_01911
Description: ER04332_3A_prokka|PROKKA_01911
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01950
Name: ER04332_3A_prokka|PROKKA_01950
Description: ER04332_3A_prokka|PROKKA_01950
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01961
Name: ER04332_3A_prokka|PROKKA_01961
Description: ER04332_3A_prokka|PROKKA_01961
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01963
Name: ER04332_3A_prokka|PROKKA_01963
Description: ER04332_3A_prokka|PROKKA_01963
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02013
Name: ER04332_3A_prokka|PROKKA_02013
Description: ER04332_3A_prokka|PROKKA_02013
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02139
Name: ER04332_3A_prokka|PROKKA_02139
Description: ER04332_3A_prokka|PROKKA_02139
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02152
Name: ER04332_3A_prokka|PROKKA_02152
Description: ER04332_3A_prokka|PROKKA_02152
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02183
Name: ER04332_3A_prokka|PROKKA_02183
Description: ER04332_3A_prokka|PROKKA_02183
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02337
Name: ER04332_3A_prokka|PROKKA_02337
Description: ER04332_3A_prokka|PROKKA_02337
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02401
Name: ER04332_3A_prokka|PROKKA_02401
Description: ER04332_3A_prokka|PROKKA_02401
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02521
Name: ER04332_3A_prokka|PROKKA_02521
Description: ER04332_3A_prokka|PROKKA_02521
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02534
Name: ER04332_3A_prokka|PROKKA_02534
Description: ER04332_3A_prokka|PROKKA_02534
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02536
Name: ER04332_3A_prokka|PROKKA_02536
Description: ER04332_3A_prokka|PROKKA_02536
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02539
Name: ER04332_3A_prokka|PROKKA_02539
Description: ER04332_3A_prokka|PROKKA_02539
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02546
Name: ER04332_3A_prokka|PROKKA_02546
Description: ER04332_3A_prokka|PROKKA_02546
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02584
Name: ER04332_3A_prokka|PROKKA_02584
Description: ER04332_3A_prokka|PROKKA_02584
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02663
Name: ER04332_3A_prokka|PROKKA_02663
Description: ER04332_3A_prokka|PROKKA_02663
Number of features: 0
Seq('MIFSQNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEHRTLIYVPA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02669
Name: ER04332_3A_prokka|PROKKA_02669
Description: ER04332_3A_prokka|PROKKA_02669
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02672
Name: ER04332_3A_prokka|PROKKA_02672
Description: ER04332_3A_prokka|PROKKA_02672
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00030
Name: ER04379_3A_prokka|PROKKA_00030
Description: ER04379_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00041
Name: ER04379_3A_prokka|PROKKA_00041
Description: ER04379_3A_prokka|PROKKA_00041
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00042
Name: ER04379_3A_prokka|PROKKA_00042
Description: ER04379_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00065
Name: ER04379_3A_prokka|PROKKA_00065
Description: ER04379_3A_prokka|PROKKA_00065
Number of features: 0
Seq('MFEQDMVALRATMHVALHIADDKAFAKLVPADAKPSSNPGEV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00094
Name: ER04379_3A_prokka|PROKKA_00094
Description: ER04379_3A_prokka|PROKKA_00094
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00103
Name: ER04379_3A_prokka|PROKKA_00103
Description: ER04379_3A_prokka|PROKKA_00103
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00124
Name: ER04379_3A_prokka|PROKKA_00124
Description: ER04379_3A_prokka|PROKKA_00124
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00144
Name: ER04379_3A_prokka|PROKKA_00144
Description: ER04379_3A_prokka|PROKKA_00144
Number of features: 0
Seq('MIKKLFFMILGSLLILSACSNNDEKDKDTND', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00214
Name: ER04379_3A_prokka|PROKKA_00214
Description: ER04379_3A_prokka|PROKKA_00214
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00313
Name: ER04379_3A_prokka|PROKKA_00313
Description: ER04379_3A_prokka|PROKKA_00313
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00365
Name: ER04379_3A_prokka|PROKKA_00365
Description: ER04379_3A_prokka|PROKKA_00365
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00463
Name: ER04379_3A_prokka|PROKKA_00463
Description: ER04379_3A_prokka|PROKKA_00463
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00486
Name: ER04379_3A_prokka|PROKKA_00486
Description: ER04379_3A_prokka|PROKKA_00486
Number of features: 0
Seq('MEYLKRLALLISVIILTIFIMGCDSQSDTAENPKEGSKEAQIKKSFFENVRYVSN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00495
Name: ER04379_3A_prokka|PROKKA_00495
Description: ER04379_3A_prokka|PROKKA_00495
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELSKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00503
Name: ER04379_3A_prokka|PROKKA_00503
Description: ER04379_3A_prokka|PROKKA_00503
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00512
Name: ER04379_3A_prokka|PROKKA_00512
Description: ER04379_3A_prokka|PROKKA_00512
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00527
Name: ER04379_3A_prokka|PROKKA_00527
Description: ER04379_3A_prokka|PROKKA_00527
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00554
Name: ER04379_3A_prokka|PROKKA_00554
Description: ER04379_3A_prokka|PROKKA_00554
Number of features: 0
Seq('MDYLIRKIEKPTASEVVEWALYIAKNKIAIDVPGSGMGAQCWDLPNYFTR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00564
Name: ER04379_3A_prokka|PROKKA_00564
Description: ER04379_3A_prokka|PROKKA_00564
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00565
Name: ER04379_3A_prokka|PROKKA_00565
Description: ER04379_3A_prokka|PROKKA_00565
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00577
Name: ER04379_3A_prokka|PROKKA_00577
Description: ER04379_3A_prokka|PROKKA_00577
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00707
Name: ER04379_3A_prokka|PROKKA_00707
Description: ER04379_3A_prokka|PROKKA_00707
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00743
Name: ER04379_3A_prokka|PROKKA_00743
Description: ER04379_3A_prokka|PROKKA_00743
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00850
Name: ER04379_3A_prokka|PROKKA_00850
Description: ER04379_3A_prokka|PROKKA_00850
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00961
Name: ER04379_3A_prokka|PROKKA_00961
Description: ER04379_3A_prokka|PROKKA_00961
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01005
Name: ER04379_3A_prokka|PROKKA_01005
Description: ER04379_3A_prokka|PROKKA_01005
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01113
Name: ER04379_3A_prokka|PROKKA_01113
Description: ER04379_3A_prokka|PROKKA_01113
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01152
Name: ER04379_3A_prokka|PROKKA_01152
Description: ER04379_3A_prokka|PROKKA_01152
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01232
Name: ER04379_3A_prokka|PROKKA_01232
Description: ER04379_3A_prokka|PROKKA_01232
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01245
Name: ER04379_3A_prokka|PROKKA_01245
Description: ER04379_3A_prokka|PROKKA_01245
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01246
Name: ER04379_3A_prokka|PROKKA_01246
Description: ER04379_3A_prokka|PROKKA_01246
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01382
Name: ER04379_3A_prokka|PROKKA_01382
Description: ER04379_3A_prokka|PROKKA_01382
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01386
Name: ER04379_3A_prokka|PROKKA_01386
Description: ER04379_3A_prokka|PROKKA_01386
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01390
Name: ER04379_3A_prokka|PROKKA_01390
Description: ER04379_3A_prokka|PROKKA_01390
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01392
Name: ER04379_3A_prokka|PROKKA_01392
Description: ER04379_3A_prokka|PROKKA_01392
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01416
Name: ER04379_3A_prokka|PROKKA_01416
Description: ER04379_3A_prokka|PROKKA_01416
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01511
Name: ER04379_3A_prokka|PROKKA_01511
Description: ER04379_3A_prokka|PROKKA_01511
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01523
Name: ER04379_3A_prokka|PROKKA_01523
Description: ER04379_3A_prokka|PROKKA_01523
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01572
Name: ER04379_3A_prokka|PROKKA_01572
Description: ER04379_3A_prokka|PROKKA_01572
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01580
Name: ER04379_3A_prokka|PROKKA_01580
Description: ER04379_3A_prokka|PROKKA_01580
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01600
Name: ER04379_3A_prokka|PROKKA_01600
Description: ER04379_3A_prokka|PROKKA_01600
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01628
Name: ER04379_3A_prokka|PROKKA_01628
Description: ER04379_3A_prokka|PROKKA_01628
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01655
Name: ER04379_3A_prokka|PROKKA_01655
Description: ER04379_3A_prokka|PROKKA_01655
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01692
Name: ER04379_3A_prokka|PROKKA_01692
Description: ER04379_3A_prokka|PROKKA_01692
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01763
Name: ER04379_3A_prokka|PROKKA_01763
Description: ER04379_3A_prokka|PROKKA_01763
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01928
Name: ER04379_3A_prokka|PROKKA_01928
Description: ER04379_3A_prokka|PROKKA_01928
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01936
Name: ER04379_3A_prokka|PROKKA_01936
Description: ER04379_3A_prokka|PROKKA_01936
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01955
Name: ER04379_3A_prokka|PROKKA_01955
Description: ER04379_3A_prokka|PROKKA_01955
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01990
Name: ER04379_3A_prokka|PROKKA_01990
Description: ER04379_3A_prokka|PROKKA_01990
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02042
Name: ER04379_3A_prokka|PROKKA_02042
Description: ER04379_3A_prokka|PROKKA_02042
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02072
Name: ER04379_3A_prokka|PROKKA_02072
Description: ER04379_3A_prokka|PROKKA_02072
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQPEQLKGDVKVKEREIEILRSRLRHFEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02084
Name: ER04379_3A_prokka|PROKKA_02084
Description: ER04379_3A_prokka|PROKKA_02084
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02102
Name: ER04379_3A_prokka|PROKKA_02102
Description: ER04379_3A_prokka|PROKKA_02102
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELSKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02176
Name: ER04379_3A_prokka|PROKKA_02176
Description: ER04379_3A_prokka|PROKKA_02176
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02180
Name: ER04379_3A_prokka|PROKKA_02180
Description: ER04379_3A_prokka|PROKKA_02180
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02196
Name: ER04379_3A_prokka|PROKKA_02196
Description: ER04379_3A_prokka|PROKKA_02196
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02216
Name: ER04379_3A_prokka|PROKKA_02216
Description: ER04379_3A_prokka|PROKKA_02216
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02246
Name: ER04379_3A_prokka|PROKKA_02246
Description: ER04379_3A_prokka|PROKKA_02246
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02248
Name: ER04379_3A_prokka|PROKKA_02248
Description: ER04379_3A_prokka|PROKKA_02248
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02297
Name: ER04379_3A_prokka|PROKKA_02297
Description: ER04379_3A_prokka|PROKKA_02297
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02353
Name: ER04379_3A_prokka|PROKKA_02353
Description: ER04379_3A_prokka|PROKKA_02353
Number of features: 0
Seq('MTAETNYFWLNCGYNRWNHNEPLVGQTALFESGAHFNPSQGFRAFKKAKVGD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02418
Name: ER04379_3A_prokka|PROKKA_02418
Description: ER04379_3A_prokka|PROKKA_02418
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02442
Name: ER04379_3A_prokka|PROKKA_02442
Description: ER04379_3A_prokka|PROKKA_02442
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02473
Name: ER04379_3A_prokka|PROKKA_02473
Description: ER04379_3A_prokka|PROKKA_02473
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02628
Name: ER04379_3A_prokka|PROKKA_02628
Description: ER04379_3A_prokka|PROKKA_02628
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02838
Name: ER04379_3A_prokka|PROKKA_02838
Description: ER04379_3A_prokka|PROKKA_02838
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02925
Name: ER04379_3A_prokka|PROKKA_02925
Description: ER04379_3A_prokka|PROKKA_02925
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02926
Name: ER04379_3A_prokka|PROKKA_02926
Description: ER04379_3A_prokka|PROKKA_02926
Number of features: 0
Seq('MMFNQINNKNELEESYESEKKRIENELQNLNELRHRTRKENERSYDVFNI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00039
Name: ER04397_3A_prokka|PROKKA_00039
Description: ER04397_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00042
Name: ER04397_3A_prokka|PROKKA_00042
Description: ER04397_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00046
Name: ER04397_3A_prokka|PROKKA_00046
Description: ER04397_3A_prokka|PROKKA_00046
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00067
Name: ER04397_3A_prokka|PROKKA_00067
Description: ER04397_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00085
Name: ER04397_3A_prokka|PROKKA_00085
Description: ER04397_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00252
Name: ER04397_3A_prokka|PROKKA_00252
Description: ER04397_3A_prokka|PROKKA_00252
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00376
Name: ER04397_3A_prokka|PROKKA_00376
Description: ER04397_3A_prokka|PROKKA_00376
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00393
Name: ER04397_3A_prokka|PROKKA_00393
Description: ER04397_3A_prokka|PROKKA_00393
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00559
Name: ER04397_3A_prokka|PROKKA_00559
Description: ER04397_3A_prokka|PROKKA_00559
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00788
Name: ER04397_3A_prokka|PROKKA_00788
Description: ER04397_3A_prokka|PROKKA_00788
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00819
Name: ER04397_3A_prokka|PROKKA_00819
Description: ER04397_3A_prokka|PROKKA_00819
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00823
Name: ER04397_3A_prokka|PROKKA_00823
Description: ER04397_3A_prokka|PROKKA_00823
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00839
Name: ER04397_3A_prokka|PROKKA_00839
Description: ER04397_3A_prokka|PROKKA_00839
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00869
Name: ER04397_3A_prokka|PROKKA_00869
Description: ER04397_3A_prokka|PROKKA_00869
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00870
Name: ER04397_3A_prokka|PROKKA_00870
Description: ER04397_3A_prokka|PROKKA_00870
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00872
Name: ER04397_3A_prokka|PROKKA_00872
Description: ER04397_3A_prokka|PROKKA_00872
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00924
Name: ER04397_3A_prokka|PROKKA_00924
Description: ER04397_3A_prokka|PROKKA_00924
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00966
Name: ER04397_3A_prokka|PROKKA_00966
Description: ER04397_3A_prokka|PROKKA_00966
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00980
Name: ER04397_3A_prokka|PROKKA_00980
Description: ER04397_3A_prokka|PROKKA_00980
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01149
Name: ER04397_3A_prokka|PROKKA_01149
Description: ER04397_3A_prokka|PROKKA_01149
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01223
Name: ER04397_3A_prokka|PROKKA_01223
Description: ER04397_3A_prokka|PROKKA_01223
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01258
Name: ER04397_3A_prokka|PROKKA_01258
Description: ER04397_3A_prokka|PROKKA_01258
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01261
Name: ER04397_3A_prokka|PROKKA_01261
Description: ER04397_3A_prokka|PROKKA_01261
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01288
Name: ER04397_3A_prokka|PROKKA_01288
Description: ER04397_3A_prokka|PROKKA_01288
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01293
Name: ER04397_3A_prokka|PROKKA_01293
Description: ER04397_3A_prokka|PROKKA_01293
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01301
Name: ER04397_3A_prokka|PROKKA_01301
Description: ER04397_3A_prokka|PROKKA_01301
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01316
Name: ER04397_3A_prokka|PROKKA_01316
Description: ER04397_3A_prokka|PROKKA_01316
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01335
Name: ER04397_3A_prokka|PROKKA_01335
Description: ER04397_3A_prokka|PROKKA_01335
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01343
Name: ER04397_3A_prokka|PROKKA_01343
Description: ER04397_3A_prokka|PROKKA_01343
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01390
Name: ER04397_3A_prokka|PROKKA_01390
Description: ER04397_3A_prokka|PROKKA_01390
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01402
Name: ER04397_3A_prokka|PROKKA_01402
Description: ER04397_3A_prokka|PROKKA_01402
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01496
Name: ER04397_3A_prokka|PROKKA_01496
Description: ER04397_3A_prokka|PROKKA_01496
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01520
Name: ER04397_3A_prokka|PROKKA_01520
Description: ER04397_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01524
Name: ER04397_3A_prokka|PROKKA_01524
Description: ER04397_3A_prokka|PROKKA_01524
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01660
Name: ER04397_3A_prokka|PROKKA_01660
Description: ER04397_3A_prokka|PROKKA_01660
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01661
Name: ER04397_3A_prokka|PROKKA_01661
Description: ER04397_3A_prokka|PROKKA_01661
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01673
Name: ER04397_3A_prokka|PROKKA_01673
Description: ER04397_3A_prokka|PROKKA_01673
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01755
Name: ER04397_3A_prokka|PROKKA_01755
Description: ER04397_3A_prokka|PROKKA_01755
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01756
Name: ER04397_3A_prokka|PROKKA_01756
Description: ER04397_3A_prokka|PROKKA_01756
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01773
Name: ER04397_3A_prokka|PROKKA_01773
Description: ER04397_3A_prokka|PROKKA_01773
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01796
Name: ER04397_3A_prokka|PROKKA_01796
Description: ER04397_3A_prokka|PROKKA_01796
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01902
Name: ER04397_3A_prokka|PROKKA_01902
Description: ER04397_3A_prokka|PROKKA_01902
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01917
Name: ER04397_3A_prokka|PROKKA_01917
Description: ER04397_3A_prokka|PROKKA_01917
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01918
Name: ER04397_3A_prokka|PROKKA_01918
Description: ER04397_3A_prokka|PROKKA_01918
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01949
Name: ER04397_3A_prokka|PROKKA_01949
Description: ER04397_3A_prokka|PROKKA_01949
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01971
Name: ER04397_3A_prokka|PROKKA_01971
Description: ER04397_3A_prokka|PROKKA_01971
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01976
Name: ER04397_3A_prokka|PROKKA_01976
Description: ER04397_3A_prokka|PROKKA_01976
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02052
Name: ER04397_3A_prokka|PROKKA_02052
Description: ER04397_3A_prokka|PROKKA_02052
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02056
Name: ER04397_3A_prokka|PROKKA_02056
Description: ER04397_3A_prokka|PROKKA_02056
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02072
Name: ER04397_3A_prokka|PROKKA_02072
Description: ER04397_3A_prokka|PROKKA_02072
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02090
Name: ER04397_3A_prokka|PROKKA_02090
Description: ER04397_3A_prokka|PROKKA_02090
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02116
Name: ER04397_3A_prokka|PROKKA_02116
Description: ER04397_3A_prokka|PROKKA_02116
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02118
Name: ER04397_3A_prokka|PROKKA_02118
Description: ER04397_3A_prokka|PROKKA_02118
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02170
Name: ER04397_3A_prokka|PROKKA_02170
Description: ER04397_3A_prokka|PROKKA_02170
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02278
Name: ER04397_3A_prokka|PROKKA_02278
Description: ER04397_3A_prokka|PROKKA_02278
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02297
Name: ER04397_3A_prokka|PROKKA_02297
Description: ER04397_3A_prokka|PROKKA_02297
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02310
Name: ER04397_3A_prokka|PROKKA_02310
Description: ER04397_3A_prokka|PROKKA_02310
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02342
Name: ER04397_3A_prokka|PROKKA_02342
Description: ER04397_3A_prokka|PROKKA_02342
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02487
Name: ER04397_3A_prokka|PROKKA_02487
Description: ER04397_3A_prokka|PROKKA_02487
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02496
Name: ER04397_3A_prokka|PROKKA_02496
Description: ER04397_3A_prokka|PROKKA_02496
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02560
Name: ER04397_3A_prokka|PROKKA_02560
Description: ER04397_3A_prokka|PROKKA_02560
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02668
Name: ER04397_3A_prokka|PROKKA_02668
Description: ER04397_3A_prokka|PROKKA_02668
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02706
Name: ER04397_3A_prokka|PROKKA_02706
Description: ER04397_3A_prokka|PROKKA_02706
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02790
Name: ER04397_3A_prokka|PROKKA_02790
Description: ER04397_3A_prokka|PROKKA_02790
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02850
Name: ER04397_3A_prokka|PROKKA_02850
Description: ER04397_3A_prokka|PROKKA_02850
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00003
Name: ER04402_3A_prokka|PROKKA_00003
Description: ER04402_3A_prokka|PROKKA_00003
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00017
Name: ER04402_3A_prokka|PROKKA_00017
Description: ER04402_3A_prokka|PROKKA_00017
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00021
Name: ER04402_3A_prokka|PROKKA_00021
Description: ER04402_3A_prokka|PROKKA_00021
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00077
Name: ER04402_3A_prokka|PROKKA_00077
Description: ER04402_3A_prokka|PROKKA_00077
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00096
Name: ER04402_3A_prokka|PROKKA_00096
Description: ER04402_3A_prokka|PROKKA_00096
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00263
Name: ER04402_3A_prokka|PROKKA_00263
Description: ER04402_3A_prokka|PROKKA_00263
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00384
Name: ER04402_3A_prokka|PROKKA_00384
Description: ER04402_3A_prokka|PROKKA_00384
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00401
Name: ER04402_3A_prokka|PROKKA_00401
Description: ER04402_3A_prokka|PROKKA_00401
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00568
Name: ER04402_3A_prokka|PROKKA_00568
Description: ER04402_3A_prokka|PROKKA_00568
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00796
Name: ER04402_3A_prokka|PROKKA_00796
Description: ER04402_3A_prokka|PROKKA_00796
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00823
Name: ER04402_3A_prokka|PROKKA_00823
Description: ER04402_3A_prokka|PROKKA_00823
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00928
Name: ER04402_3A_prokka|PROKKA_00928
Description: ER04402_3A_prokka|PROKKA_00928
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00967
Name: ER04402_3A_prokka|PROKKA_00967
Description: ER04402_3A_prokka|PROKKA_00967
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00968
Name: ER04402_3A_prokka|PROKKA_00968
Description: ER04402_3A_prokka|PROKKA_00968
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01017
Name: ER04402_3A_prokka|PROKKA_01017
Description: ER04402_3A_prokka|PROKKA_01017
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01021
Name: ER04402_3A_prokka|PROKKA_01021
Description: ER04402_3A_prokka|PROKKA_01021
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01026
Name: ER04402_3A_prokka|PROKKA_01026
Description: ER04402_3A_prokka|PROKKA_01026
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01027
Name: ER04402_3A_prokka|PROKKA_01027
Description: ER04402_3A_prokka|PROKKA_01027
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01041
Name: ER04402_3A_prokka|PROKKA_01041
Description: ER04402_3A_prokka|PROKKA_01041
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01048
Name: ER04402_3A_prokka|PROKKA_01048
Description: ER04402_3A_prokka|PROKKA_01048
Number of features: 0
Seq('MMWLVIAIILLVILLFGMMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01112
Name: ER04402_3A_prokka|PROKKA_01112
Description: ER04402_3A_prokka|PROKKA_01112
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01124
Name: ER04402_3A_prokka|PROKKA_01124
Description: ER04402_3A_prokka|PROKKA_01124
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01125
Name: ER04402_3A_prokka|PROKKA_01125
Description: ER04402_3A_prokka|PROKKA_01125
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01143
Name: ER04402_3A_prokka|PROKKA_01143
Description: ER04402_3A_prokka|PROKKA_01143
Number of features: 0
Seq('MNHTIVDSADFQLQANDLISIQGFGRAHITDLGGKTKKDKTHITYRTLFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01262
Name: ER04402_3A_prokka|PROKKA_01262
Description: ER04402_3A_prokka|PROKKA_01262
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01266
Name: ER04402_3A_prokka|PROKKA_01266
Description: ER04402_3A_prokka|PROKKA_01266
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01290
Name: ER04402_3A_prokka|PROKKA_01290
Description: ER04402_3A_prokka|PROKKA_01290
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01395
Name: ER04402_3A_prokka|PROKKA_01395
Description: ER04402_3A_prokka|PROKKA_01395
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01442
Name: ER04402_3A_prokka|PROKKA_01442
Description: ER04402_3A_prokka|PROKKA_01442
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01450
Name: ER04402_3A_prokka|PROKKA_01450
Description: ER04402_3A_prokka|PROKKA_01450
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01469
Name: ER04402_3A_prokka|PROKKA_01469
Description: ER04402_3A_prokka|PROKKA_01469
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01484
Name: ER04402_3A_prokka|PROKKA_01484
Description: ER04402_3A_prokka|PROKKA_01484
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01492
Name: ER04402_3A_prokka|PROKKA_01492
Description: ER04402_3A_prokka|PROKKA_01492
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01497
Name: ER04402_3A_prokka|PROKKA_01497
Description: ER04402_3A_prokka|PROKKA_01497
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01524
Name: ER04402_3A_prokka|PROKKA_01524
Description: ER04402_3A_prokka|PROKKA_01524
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01527
Name: ER04402_3A_prokka|PROKKA_01527
Description: ER04402_3A_prokka|PROKKA_01527
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01562
Name: ER04402_3A_prokka|PROKKA_01562
Description: ER04402_3A_prokka|PROKKA_01562
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01635
Name: ER04402_3A_prokka|PROKKA_01635
Description: ER04402_3A_prokka|PROKKA_01635
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01804
Name: ER04402_3A_prokka|PROKKA_01804
Description: ER04402_3A_prokka|PROKKA_01804
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01818
Name: ER04402_3A_prokka|PROKKA_01818
Description: ER04402_3A_prokka|PROKKA_01818
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01860
Name: ER04402_3A_prokka|PROKKA_01860
Description: ER04402_3A_prokka|PROKKA_01860
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01912
Name: ER04402_3A_prokka|PROKKA_01912
Description: ER04402_3A_prokka|PROKKA_01912
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01985
Name: ER04402_3A_prokka|PROKKA_01985
Description: ER04402_3A_prokka|PROKKA_01985
Number of features: 0
Seq('MKDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01989
Name: ER04402_3A_prokka|PROKKA_01989
Description: ER04402_3A_prokka|PROKKA_01989
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02005
Name: ER04402_3A_prokka|PROKKA_02005
Description: ER04402_3A_prokka|PROKKA_02005
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02023
Name: ER04402_3A_prokka|PROKKA_02023
Description: ER04402_3A_prokka|PROKKA_02023
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02032
Name: ER04402_3A_prokka|PROKKA_02032
Description: ER04402_3A_prokka|PROKKA_02032
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02034
Name: ER04402_3A_prokka|PROKKA_02034
Description: ER04402_3A_prokka|PROKKA_02034
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKLDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02049
Name: ER04402_3A_prokka|PROKKA_02049
Description: ER04402_3A_prokka|PROKKA_02049
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02051
Name: ER04402_3A_prokka|PROKKA_02051
Description: ER04402_3A_prokka|PROKKA_02051
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02101
Name: ER04402_3A_prokka|PROKKA_02101
Description: ER04402_3A_prokka|PROKKA_02101
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02226
Name: ER04402_3A_prokka|PROKKA_02226
Description: ER04402_3A_prokka|PROKKA_02226
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02239
Name: ER04402_3A_prokka|PROKKA_02239
Description: ER04402_3A_prokka|PROKKA_02239
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02270
Name: ER04402_3A_prokka|PROKKA_02270
Description: ER04402_3A_prokka|PROKKA_02270
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02415
Name: ER04402_3A_prokka|PROKKA_02415
Description: ER04402_3A_prokka|PROKKA_02415
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02424
Name: ER04402_3A_prokka|PROKKA_02424
Description: ER04402_3A_prokka|PROKKA_02424
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02488
Name: ER04402_3A_prokka|PROKKA_02488
Description: ER04402_3A_prokka|PROKKA_02488
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02598
Name: ER04402_3A_prokka|PROKKA_02598
Description: ER04402_3A_prokka|PROKKA_02598
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02636
Name: ER04402_3A_prokka|PROKKA_02636
Description: ER04402_3A_prokka|PROKKA_02636
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02720
Name: ER04402_3A_prokka|PROKKA_02720
Description: ER04402_3A_prokka|PROKKA_02720
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00039
Name: ER04407_3A_prokka|PROKKA_00039
Description: ER04407_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00042
Name: ER04407_3A_prokka|PROKKA_00042
Description: ER04407_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00046
Name: ER04407_3A_prokka|PROKKA_00046
Description: ER04407_3A_prokka|PROKKA_00046
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00067
Name: ER04407_3A_prokka|PROKKA_00067
Description: ER04407_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00085
Name: ER04407_3A_prokka|PROKKA_00085
Description: ER04407_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00208
Name: ER04407_3A_prokka|PROKKA_00208
Description: ER04407_3A_prokka|PROKKA_00208
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00252
Name: ER04407_3A_prokka|PROKKA_00252
Description: ER04407_3A_prokka|PROKKA_00252
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00376
Name: ER04407_3A_prokka|PROKKA_00376
Description: ER04407_3A_prokka|PROKKA_00376
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00393
Name: ER04407_3A_prokka|PROKKA_00393
Description: ER04407_3A_prokka|PROKKA_00393
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00559
Name: ER04407_3A_prokka|PROKKA_00559
Description: ER04407_3A_prokka|PROKKA_00559
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00789
Name: ER04407_3A_prokka|PROKKA_00789
Description: ER04407_3A_prokka|PROKKA_00789
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00820
Name: ER04407_3A_prokka|PROKKA_00820
Description: ER04407_3A_prokka|PROKKA_00820
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00824
Name: ER04407_3A_prokka|PROKKA_00824
Description: ER04407_3A_prokka|PROKKA_00824
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00840
Name: ER04407_3A_prokka|PROKKA_00840
Description: ER04407_3A_prokka|PROKKA_00840
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00871
Name: ER04407_3A_prokka|PROKKA_00871
Description: ER04407_3A_prokka|PROKKA_00871
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00872
Name: ER04407_3A_prokka|PROKKA_00872
Description: ER04407_3A_prokka|PROKKA_00872
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00887
Name: ER04407_3A_prokka|PROKKA_00887
Description: ER04407_3A_prokka|PROKKA_00887
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00993
Name: ER04407_3A_prokka|PROKKA_00993
Description: ER04407_3A_prokka|PROKKA_00993
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01032
Name: ER04407_3A_prokka|PROKKA_01032
Description: ER04407_3A_prokka|PROKKA_01032
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01033
Name: ER04407_3A_prokka|PROKKA_01033
Description: ER04407_3A_prokka|PROKKA_01033
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01115
Name: ER04407_3A_prokka|PROKKA_01115
Description: ER04407_3A_prokka|PROKKA_01115
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01127
Name: ER04407_3A_prokka|PROKKA_01127
Description: ER04407_3A_prokka|PROKKA_01127
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01128
Name: ER04407_3A_prokka|PROKKA_01128
Description: ER04407_3A_prokka|PROKKA_01128
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01264
Name: ER04407_3A_prokka|PROKKA_01264
Description: ER04407_3A_prokka|PROKKA_01264
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01268
Name: ER04407_3A_prokka|PROKKA_01268
Description: ER04407_3A_prokka|PROKKA_01268
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01292
Name: ER04407_3A_prokka|PROKKA_01292
Description: ER04407_3A_prokka|PROKKA_01292
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01385
Name: ER04407_3A_prokka|PROKKA_01385
Description: ER04407_3A_prokka|PROKKA_01385
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01397
Name: ER04407_3A_prokka|PROKKA_01397
Description: ER04407_3A_prokka|PROKKA_01397
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01444
Name: ER04407_3A_prokka|PROKKA_01444
Description: ER04407_3A_prokka|PROKKA_01444
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01452
Name: ER04407_3A_prokka|PROKKA_01452
Description: ER04407_3A_prokka|PROKKA_01452
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01471
Name: ER04407_3A_prokka|PROKKA_01471
Description: ER04407_3A_prokka|PROKKA_01471
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01486
Name: ER04407_3A_prokka|PROKKA_01486
Description: ER04407_3A_prokka|PROKKA_01486
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01494
Name: ER04407_3A_prokka|PROKKA_01494
Description: ER04407_3A_prokka|PROKKA_01494
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01499
Name: ER04407_3A_prokka|PROKKA_01499
Description: ER04407_3A_prokka|PROKKA_01499
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01526
Name: ER04407_3A_prokka|PROKKA_01526
Description: ER04407_3A_prokka|PROKKA_01526
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01529
Name: ER04407_3A_prokka|PROKKA_01529
Description: ER04407_3A_prokka|PROKKA_01529
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01564
Name: ER04407_3A_prokka|PROKKA_01564
Description: ER04407_3A_prokka|PROKKA_01564
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01638
Name: ER04407_3A_prokka|PROKKA_01638
Description: ER04407_3A_prokka|PROKKA_01638
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01807
Name: ER04407_3A_prokka|PROKKA_01807
Description: ER04407_3A_prokka|PROKKA_01807
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01821
Name: ER04407_3A_prokka|PROKKA_01821
Description: ER04407_3A_prokka|PROKKA_01821
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01863
Name: ER04407_3A_prokka|PROKKA_01863
Description: ER04407_3A_prokka|PROKKA_01863
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01915
Name: ER04407_3A_prokka|PROKKA_01915
Description: ER04407_3A_prokka|PROKKA_01915
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01917
Name: ER04407_3A_prokka|PROKKA_01917
Description: ER04407_3A_prokka|PROKKA_01917
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01918
Name: ER04407_3A_prokka|PROKKA_01918
Description: ER04407_3A_prokka|PROKKA_01918
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01948
Name: ER04407_3A_prokka|PROKKA_01948
Description: ER04407_3A_prokka|PROKKA_01948
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01970
Name: ER04407_3A_prokka|PROKKA_01970
Description: ER04407_3A_prokka|PROKKA_01970
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01975
Name: ER04407_3A_prokka|PROKKA_01975
Description: ER04407_3A_prokka|PROKKA_01975
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02051
Name: ER04407_3A_prokka|PROKKA_02051
Description: ER04407_3A_prokka|PROKKA_02051
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02055
Name: ER04407_3A_prokka|PROKKA_02055
Description: ER04407_3A_prokka|PROKKA_02055
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02071
Name: ER04407_3A_prokka|PROKKA_02071
Description: ER04407_3A_prokka|PROKKA_02071
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02089
Name: ER04407_3A_prokka|PROKKA_02089
Description: ER04407_3A_prokka|PROKKA_02089
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02115
Name: ER04407_3A_prokka|PROKKA_02115
Description: ER04407_3A_prokka|PROKKA_02115
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02117
Name: ER04407_3A_prokka|PROKKA_02117
Description: ER04407_3A_prokka|PROKKA_02117
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02169
Name: ER04407_3A_prokka|PROKKA_02169
Description: ER04407_3A_prokka|PROKKA_02169
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02277
Name: ER04407_3A_prokka|PROKKA_02277
Description: ER04407_3A_prokka|PROKKA_02277
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02296
Name: ER04407_3A_prokka|PROKKA_02296
Description: ER04407_3A_prokka|PROKKA_02296
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02309
Name: ER04407_3A_prokka|PROKKA_02309
Description: ER04407_3A_prokka|PROKKA_02309
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02341
Name: ER04407_3A_prokka|PROKKA_02341
Description: ER04407_3A_prokka|PROKKA_02341
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02486
Name: ER04407_3A_prokka|PROKKA_02486
Description: ER04407_3A_prokka|PROKKA_02486
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02495
Name: ER04407_3A_prokka|PROKKA_02495
Description: ER04407_3A_prokka|PROKKA_02495
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02559
Name: ER04407_3A_prokka|PROKKA_02559
Description: ER04407_3A_prokka|PROKKA_02559
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02667
Name: ER04407_3A_prokka|PROKKA_02667
Description: ER04407_3A_prokka|PROKKA_02667
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02705
Name: ER04407_3A_prokka|PROKKA_02705
Description: ER04407_3A_prokka|PROKKA_02705
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02789
Name: ER04407_3A_prokka|PROKKA_02789
Description: ER04407_3A_prokka|PROKKA_02789
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02805
Name: ER04407_3A_prokka|PROKKA_02805
Description: ER04407_3A_prokka|PROKKA_02805
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00019
Name: ER04421_3B_prokka|PROKKA_00019
Description: ER04421_3B_prokka|PROKKA_00019
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00059
Name: ER04421_3B_prokka|PROKKA_00059
Description: ER04421_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00068
Name: ER04421_3B_prokka|PROKKA_00068
Description: ER04421_3B_prokka|PROKKA_00068
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00089
Name: ER04421_3B_prokka|PROKKA_00089
Description: ER04421_3B_prokka|PROKKA_00089
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00177
Name: ER04421_3B_prokka|PROKKA_00177
Description: ER04421_3B_prokka|PROKKA_00177
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00276
Name: ER04421_3B_prokka|PROKKA_00276
Description: ER04421_3B_prokka|PROKKA_00276
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00328
Name: ER04421_3B_prokka|PROKKA_00328
Description: ER04421_3B_prokka|PROKKA_00328
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00426
Name: ER04421_3B_prokka|PROKKA_00426
Description: ER04421_3B_prokka|PROKKA_00426
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00464
Name: ER04421_3B_prokka|PROKKA_00464
Description: ER04421_3B_prokka|PROKKA_00464
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00594
Name: ER04421_3B_prokka|PROKKA_00594
Description: ER04421_3B_prokka|PROKKA_00594
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00630
Name: ER04421_3B_prokka|PROKKA_00630
Description: ER04421_3B_prokka|PROKKA_00630
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00849
Name: ER04421_3B_prokka|PROKKA_00849
Description: ER04421_3B_prokka|PROKKA_00849
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00893
Name: ER04421_3B_prokka|PROKKA_00893
Description: ER04421_3B_prokka|PROKKA_00893
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01001
Name: ER04421_3B_prokka|PROKKA_01001
Description: ER04421_3B_prokka|PROKKA_01001
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01040
Name: ER04421_3B_prokka|PROKKA_01040
Description: ER04421_3B_prokka|PROKKA_01040
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01120
Name: ER04421_3B_prokka|PROKKA_01120
Description: ER04421_3B_prokka|PROKKA_01120
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01133
Name: ER04421_3B_prokka|PROKKA_01133
Description: ER04421_3B_prokka|PROKKA_01133
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01134
Name: ER04421_3B_prokka|PROKKA_01134
Description: ER04421_3B_prokka|PROKKA_01134
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01269
Name: ER04421_3B_prokka|PROKKA_01269
Description: ER04421_3B_prokka|PROKKA_01269
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01273
Name: ER04421_3B_prokka|PROKKA_01273
Description: ER04421_3B_prokka|PROKKA_01273
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01277
Name: ER04421_3B_prokka|PROKKA_01277
Description: ER04421_3B_prokka|PROKKA_01277
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01279
Name: ER04421_3B_prokka|PROKKA_01279
Description: ER04421_3B_prokka|PROKKA_01279
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01303
Name: ER04421_3B_prokka|PROKKA_01303
Description: ER04421_3B_prokka|PROKKA_01303
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01399
Name: ER04421_3B_prokka|PROKKA_01399
Description: ER04421_3B_prokka|PROKKA_01399
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01411
Name: ER04421_3B_prokka|PROKKA_01411
Description: ER04421_3B_prokka|PROKKA_01411
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01478
Name: ER04421_3B_prokka|PROKKA_01478
Description: ER04421_3B_prokka|PROKKA_01478
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01515
Name: ER04421_3B_prokka|PROKKA_01515
Description: ER04421_3B_prokka|PROKKA_01515
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01586
Name: ER04421_3B_prokka|PROKKA_01586
Description: ER04421_3B_prokka|PROKKA_01586
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01751
Name: ER04421_3B_prokka|PROKKA_01751
Description: ER04421_3B_prokka|PROKKA_01751
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01758
Name: ER04421_3B_prokka|PROKKA_01758
Description: ER04421_3B_prokka|PROKKA_01758
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01777
Name: ER04421_3B_prokka|PROKKA_01777
Description: ER04421_3B_prokka|PROKKA_01777
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01812
Name: ER04421_3B_prokka|PROKKA_01812
Description: ER04421_3B_prokka|PROKKA_01812
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01864
Name: ER04421_3B_prokka|PROKKA_01864
Description: ER04421_3B_prokka|PROKKA_01864
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01936
Name: ER04421_3B_prokka|PROKKA_01936
Description: ER04421_3B_prokka|PROKKA_01936
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01940
Name: ER04421_3B_prokka|PROKKA_01940
Description: ER04421_3B_prokka|PROKKA_01940
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01956
Name: ER04421_3B_prokka|PROKKA_01956
Description: ER04421_3B_prokka|PROKKA_01956
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01976
Name: ER04421_3B_prokka|PROKKA_01976
Description: ER04421_3B_prokka|PROKKA_01976
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_02006
Name: ER04421_3B_prokka|PROKKA_02006
Description: ER04421_3B_prokka|PROKKA_02006
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_02008
Name: ER04421_3B_prokka|PROKKA_02008
Description: ER04421_3B_prokka|PROKKA_02008
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_02057
Name: ER04421_3B_prokka|PROKKA_02057
Description: ER04421_3B_prokka|PROKKA_02057
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_02177
Name: ER04421_3B_prokka|PROKKA_02177
Description: ER04421_3B_prokka|PROKKA_02177
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_02202
Name: ER04421_3B_prokka|PROKKA_02202
Description: ER04421_3B_prokka|PROKKA_02202
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_02233
Name: ER04421_3B_prokka|PROKKA_02233
Description: ER04421_3B_prokka|PROKKA_02233
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_02389
Name: ER04421_3B_prokka|PROKKA_02389
Description: ER04421_3B_prokka|PROKKA_02389
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_02613
Name: ER04421_3B_prokka|PROKKA_02613
Description: ER04421_3B_prokka|PROKKA_02613
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_02701
Name: ER04421_3B_prokka|PROKKA_02701
Description: ER04421_3B_prokka|PROKKA_02701
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00030
Name: ER04436_3B_prokka|PROKKA_00030
Description: ER04436_3B_prokka|PROKKA_00030
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00039
Name: ER04436_3B_prokka|PROKKA_00039
Description: ER04436_3B_prokka|PROKKA_00039
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00052
Name: ER04436_3B_prokka|PROKKA_00052
Description: ER04436_3B_prokka|PROKKA_00052
Number of features: 0
Seq('MAKLIHLLSILYRLSSDKKFTVKQISDTCHNGGKSLYSAITNLKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00168
Name: ER04436_3B_prokka|PROKKA_00168
Description: ER04436_3B_prokka|PROKKA_00168
Number of features: 0
Seq('MKGALIDDLKIQNLKGERTINDAAKHNSKEKTGASPYEGIRTCL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00220
Name: ER04436_3B_prokka|PROKKA_00220
Description: ER04436_3B_prokka|PROKKA_00220
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00337
Name: ER04436_3B_prokka|PROKKA_00337
Description: ER04436_3B_prokka|PROKKA_00337
Number of features: 0
Seq('MNLNIDWSKDFQEFQEILNSGIHPEWLYCAKANLVLEPSYTGEGKQFFSTQDIM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00368
Name: ER04436_3B_prokka|PROKKA_00368
Description: ER04436_3B_prokka|PROKKA_00368
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFQNRIKNNPQKTNPFLKLHENKNS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00402
Name: ER04436_3B_prokka|PROKKA_00402
Description: ER04436_3B_prokka|PROKKA_00402
Number of features: 0
Seq('MSPMIGPVIGPDIVPDIEPTIVPDIGPDISLRKKDAQKKHSHSYCT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00542
Name: ER04436_3B_prokka|PROKKA_00542
Description: ER04436_3B_prokka|PROKKA_00542
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00776
Name: ER04436_3B_prokka|PROKKA_00776
Description: ER04436_3B_prokka|PROKKA_00776
Number of features: 0
Seq('MKENLLGTIIWSIATFCYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00791
Name: ER04436_3B_prokka|PROKKA_00791
Description: ER04436_3B_prokka|PROKKA_00791
Number of features: 0
Seq('MKMYLAYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00807
Name: ER04436_3B_prokka|PROKKA_00807
Description: ER04436_3B_prokka|PROKKA_00807
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00808
Name: ER04436_3B_prokka|PROKKA_00808
Description: ER04436_3B_prokka|PROKKA_00808
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00829
Name: ER04436_3B_prokka|PROKKA_00829
Description: ER04436_3B_prokka|PROKKA_00829
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00941
Name: ER04436_3B_prokka|PROKKA_00941
Description: ER04436_3B_prokka|PROKKA_00941
Number of features: 0
Seq('MRQFIKRIVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00980
Name: ER04436_3B_prokka|PROKKA_00980
Description: ER04436_3B_prokka|PROKKA_00980
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01063
Name: ER04436_3B_prokka|PROKKA_01063
Description: ER04436_3B_prokka|PROKKA_01063
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01075
Name: ER04436_3B_prokka|PROKKA_01075
Description: ER04436_3B_prokka|PROKKA_01075
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01076
Name: ER04436_3B_prokka|PROKKA_01076
Description: ER04436_3B_prokka|PROKKA_01076
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01151
Name: ER04436_3B_prokka|PROKKA_01151
Description: ER04436_3B_prokka|PROKKA_01151
Number of features: 0
Seq('MKFQSLDQNWNNGGWRKAEVAHKVVHNYENDMIFIRPFKKA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01213
Name: ER04436_3B_prokka|PROKKA_01213
Description: ER04436_3B_prokka|PROKKA_01213
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01225
Name: ER04436_3B_prokka|PROKKA_01225
Description: ER04436_3B_prokka|PROKKA_01225
Number of features: 0
Seq('MSIQHLDGYISIEDFFKHMEELSKKEELEKEINQSKSKYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01232
Name: ER04436_3B_prokka|PROKKA_01232
Description: ER04436_3B_prokka|PROKKA_01232
Number of features: 0
Seq('MYFAQLDGEITNKQSQELLDKEYKKAIELENKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01248
Name: ER04436_3B_prokka|PROKKA_01248
Description: ER04436_3B_prokka|PROKKA_01248
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01353
Name: ER04436_3B_prokka|PROKKA_01353
Description: ER04436_3B_prokka|PROKKA_01353
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01357
Name: ER04436_3B_prokka|PROKKA_01357
Description: ER04436_3B_prokka|PROKKA_01357
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01374
Name: ER04436_3B_prokka|PROKKA_01374
Description: ER04436_3B_prokka|PROKKA_01374
Number of features: 0
Seq('MRIFIYDLIVLLFAFLISIYIIDDGVIINALGIFGMYKIIDSFSENIIKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01375
Name: ER04436_3B_prokka|PROKKA_01375
Description: ER04436_3B_prokka|PROKKA_01375
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEASSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01378
Name: ER04436_3B_prokka|PROKKA_01378
Description: ER04436_3B_prokka|PROKKA_01378
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSENEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01392
Name: ER04436_3B_prokka|PROKKA_01392
Description: ER04436_3B_prokka|PROKKA_01392
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01395
Name: ER04436_3B_prokka|PROKKA_01395
Description: ER04436_3B_prokka|PROKKA_01395
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01402
Name: ER04436_3B_prokka|PROKKA_01402
Description: ER04436_3B_prokka|PROKKA_01402
Number of features: 0
Seq('MNLKEVDINIEEWEMVEIPFYTEEELTYRLKNDLPITKSEFEEQESKNEFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01404
Name: ER04436_3B_prokka|PROKKA_01404
Description: ER04436_3B_prokka|PROKKA_01404
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01417
Name: ER04436_3B_prokka|PROKKA_01417
Description: ER04436_3B_prokka|PROKKA_01417
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01482
Name: ER04436_3B_prokka|PROKKA_01482
Description: ER04436_3B_prokka|PROKKA_01482
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01519
Name: ER04436_3B_prokka|PROKKA_01519
Description: ER04436_3B_prokka|PROKKA_01519
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01591
Name: ER04436_3B_prokka|PROKKA_01591
Description: ER04436_3B_prokka|PROKKA_01591
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01758
Name: ER04436_3B_prokka|PROKKA_01758
Description: ER04436_3B_prokka|PROKKA_01758
Number of features: 0
Seq('MIQIKGELSIKLRLTKNSFIENEEVYTKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01799
Name: ER04436_3B_prokka|PROKKA_01799
Description: ER04436_3B_prokka|PROKKA_01799
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01850
Name: ER04436_3B_prokka|PROKKA_01850
Description: ER04436_3B_prokka|PROKKA_01850
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01925
Name: ER04436_3B_prokka|PROKKA_01925
Description: ER04436_3B_prokka|PROKKA_01925
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTISDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01927
Name: ER04436_3B_prokka|PROKKA_01927
Description: ER04436_3B_prokka|PROKKA_01927
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01977
Name: ER04436_3B_prokka|PROKKA_01977
Description: ER04436_3B_prokka|PROKKA_01977
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_02115
Name: ER04436_3B_prokka|PROKKA_02115
Description: ER04436_3B_prokka|PROKKA_02115
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_02146
Name: ER04436_3B_prokka|PROKKA_02146
Description: ER04436_3B_prokka|PROKKA_02146
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_02304
Name: ER04436_3B_prokka|PROKKA_02304
Description: ER04436_3B_prokka|PROKKA_02304
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_02368
Name: ER04436_3B_prokka|PROKKA_02368
Description: ER04436_3B_prokka|PROKKA_02368
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVNCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_02524
Name: ER04436_3B_prokka|PROKKA_02524
Description: ER04436_3B_prokka|PROKKA_02524
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_02570
Name: ER04436_3B_prokka|PROKKA_02570
Description: ER04436_3B_prokka|PROKKA_02570
Number of features: 0
Seq('MKKLFNEYFFTTSQATALIIFSLPMTDLFTKNLLLYMLLFIVIIGSTHLLRES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_02614
Name: ER04436_3B_prokka|PROKKA_02614
Description: ER04436_3B_prokka|PROKKA_02614
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_02631
Name: ER04436_3B_prokka|PROKKA_02631
Description: ER04436_3B_prokka|PROKKA_02631
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00082
Name: ER04440_3A_prokka|PROKKA_00082
Description: ER04440_3A_prokka|PROKKA_00082
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00085
Name: ER04440_3A_prokka|PROKKA_00085
Description: ER04440_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00089
Name: ER04440_3A_prokka|PROKKA_00089
Description: ER04440_3A_prokka|PROKKA_00089
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00110
Name: ER04440_3A_prokka|PROKKA_00110
Description: ER04440_3A_prokka|PROKKA_00110
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00128
Name: ER04440_3A_prokka|PROKKA_00128
Description: ER04440_3A_prokka|PROKKA_00128
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00251
Name: ER04440_3A_prokka|PROKKA_00251
Description: ER04440_3A_prokka|PROKKA_00251
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00295
Name: ER04440_3A_prokka|PROKKA_00295
Description: ER04440_3A_prokka|PROKKA_00295
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00419
Name: ER04440_3A_prokka|PROKKA_00419
Description: ER04440_3A_prokka|PROKKA_00419
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00436
Name: ER04440_3A_prokka|PROKKA_00436
Description: ER04440_3A_prokka|PROKKA_00436
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00602
Name: ER04440_3A_prokka|PROKKA_00602
Description: ER04440_3A_prokka|PROKKA_00602
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00831
Name: ER04440_3A_prokka|PROKKA_00831
Description: ER04440_3A_prokka|PROKKA_00831
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00862
Name: ER04440_3A_prokka|PROKKA_00862
Description: ER04440_3A_prokka|PROKKA_00862
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00866
Name: ER04440_3A_prokka|PROKKA_00866
Description: ER04440_3A_prokka|PROKKA_00866
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00882
Name: ER04440_3A_prokka|PROKKA_00882
Description: ER04440_3A_prokka|PROKKA_00882
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00912
Name: ER04440_3A_prokka|PROKKA_00912
Description: ER04440_3A_prokka|PROKKA_00912
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00913
Name: ER04440_3A_prokka|PROKKA_00913
Description: ER04440_3A_prokka|PROKKA_00913
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00915
Name: ER04440_3A_prokka|PROKKA_00915
Description: ER04440_3A_prokka|PROKKA_00915
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00967
Name: ER04440_3A_prokka|PROKKA_00967
Description: ER04440_3A_prokka|PROKKA_00967
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01009
Name: ER04440_3A_prokka|PROKKA_01009
Description: ER04440_3A_prokka|PROKKA_01009
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01023
Name: ER04440_3A_prokka|PROKKA_01023
Description: ER04440_3A_prokka|PROKKA_01023
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01192
Name: ER04440_3A_prokka|PROKKA_01192
Description: ER04440_3A_prokka|PROKKA_01192
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01266
Name: ER04440_3A_prokka|PROKKA_01266
Description: ER04440_3A_prokka|PROKKA_01266
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01301
Name: ER04440_3A_prokka|PROKKA_01301
Description: ER04440_3A_prokka|PROKKA_01301
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01304
Name: ER04440_3A_prokka|PROKKA_01304
Description: ER04440_3A_prokka|PROKKA_01304
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01331
Name: ER04440_3A_prokka|PROKKA_01331
Description: ER04440_3A_prokka|PROKKA_01331
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01336
Name: ER04440_3A_prokka|PROKKA_01336
Description: ER04440_3A_prokka|PROKKA_01336
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01344
Name: ER04440_3A_prokka|PROKKA_01344
Description: ER04440_3A_prokka|PROKKA_01344
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01359
Name: ER04440_3A_prokka|PROKKA_01359
Description: ER04440_3A_prokka|PROKKA_01359
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01378
Name: ER04440_3A_prokka|PROKKA_01378
Description: ER04440_3A_prokka|PROKKA_01378
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01386
Name: ER04440_3A_prokka|PROKKA_01386
Description: ER04440_3A_prokka|PROKKA_01386
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01412
Name: ER04440_3A_prokka|PROKKA_01412
Description: ER04440_3A_prokka|PROKKA_01412
Number of features: 0
Seq('MRYLTSGESHGPQLTVIVEGIPANLEIKVEDINKEMFKRQGVMVVADACKLRKIQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01434
Name: ER04440_3A_prokka|PROKKA_01434
Description: ER04440_3A_prokka|PROKKA_01434
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01446
Name: ER04440_3A_prokka|PROKKA_01446
Description: ER04440_3A_prokka|PROKKA_01446
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01540
Name: ER04440_3A_prokka|PROKKA_01540
Description: ER04440_3A_prokka|PROKKA_01540
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01564
Name: ER04440_3A_prokka|PROKKA_01564
Description: ER04440_3A_prokka|PROKKA_01564
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01568
Name: ER04440_3A_prokka|PROKKA_01568
Description: ER04440_3A_prokka|PROKKA_01568
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01704
Name: ER04440_3A_prokka|PROKKA_01704
Description: ER04440_3A_prokka|PROKKA_01704
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01705
Name: ER04440_3A_prokka|PROKKA_01705
Description: ER04440_3A_prokka|PROKKA_01705
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01717
Name: ER04440_3A_prokka|PROKKA_01717
Description: ER04440_3A_prokka|PROKKA_01717
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01799
Name: ER04440_3A_prokka|PROKKA_01799
Description: ER04440_3A_prokka|PROKKA_01799
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01800
Name: ER04440_3A_prokka|PROKKA_01800
Description: ER04440_3A_prokka|PROKKA_01800
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01817
Name: ER04440_3A_prokka|PROKKA_01817
Description: ER04440_3A_prokka|PROKKA_01817
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01840
Name: ER04440_3A_prokka|PROKKA_01840
Description: ER04440_3A_prokka|PROKKA_01840
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01946
Name: ER04440_3A_prokka|PROKKA_01946
Description: ER04440_3A_prokka|PROKKA_01946
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01961
Name: ER04440_3A_prokka|PROKKA_01961
Description: ER04440_3A_prokka|PROKKA_01961
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01962
Name: ER04440_3A_prokka|PROKKA_01962
Description: ER04440_3A_prokka|PROKKA_01962
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01993
Name: ER04440_3A_prokka|PROKKA_01993
Description: ER04440_3A_prokka|PROKKA_01993
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02015
Name: ER04440_3A_prokka|PROKKA_02015
Description: ER04440_3A_prokka|PROKKA_02015
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02020
Name: ER04440_3A_prokka|PROKKA_02020
Description: ER04440_3A_prokka|PROKKA_02020
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02096
Name: ER04440_3A_prokka|PROKKA_02096
Description: ER04440_3A_prokka|PROKKA_02096
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02100
Name: ER04440_3A_prokka|PROKKA_02100
Description: ER04440_3A_prokka|PROKKA_02100
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02116
Name: ER04440_3A_prokka|PROKKA_02116
Description: ER04440_3A_prokka|PROKKA_02116
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02134
Name: ER04440_3A_prokka|PROKKA_02134
Description: ER04440_3A_prokka|PROKKA_02134
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02160
Name: ER04440_3A_prokka|PROKKA_02160
Description: ER04440_3A_prokka|PROKKA_02160
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02162
Name: ER04440_3A_prokka|PROKKA_02162
Description: ER04440_3A_prokka|PROKKA_02162
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02214
Name: ER04440_3A_prokka|PROKKA_02214
Description: ER04440_3A_prokka|PROKKA_02214
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02322
Name: ER04440_3A_prokka|PROKKA_02322
Description: ER04440_3A_prokka|PROKKA_02322
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02341
Name: ER04440_3A_prokka|PROKKA_02341
Description: ER04440_3A_prokka|PROKKA_02341
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02354
Name: ER04440_3A_prokka|PROKKA_02354
Description: ER04440_3A_prokka|PROKKA_02354
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02386
Name: ER04440_3A_prokka|PROKKA_02386
Description: ER04440_3A_prokka|PROKKA_02386
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02531
Name: ER04440_3A_prokka|PROKKA_02531
Description: ER04440_3A_prokka|PROKKA_02531
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02540
Name: ER04440_3A_prokka|PROKKA_02540
Description: ER04440_3A_prokka|PROKKA_02540
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02604
Name: ER04440_3A_prokka|PROKKA_02604
Description: ER04440_3A_prokka|PROKKA_02604
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02712
Name: ER04440_3A_prokka|PROKKA_02712
Description: ER04440_3A_prokka|PROKKA_02712
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02750
Name: ER04440_3A_prokka|PROKKA_02750
Description: ER04440_3A_prokka|PROKKA_02750
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02834
Name: ER04440_3A_prokka|PROKKA_02834
Description: ER04440_3A_prokka|PROKKA_02834
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02836
Name: ER04440_3A_prokka|PROKKA_02836
Description: ER04440_3A_prokka|PROKKA_02836
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_00065
Name: ER04448_3B_prokka|PROKKA_00065
Description: ER04448_3B_prokka|PROKKA_00065
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_00074
Name: ER04448_3B_prokka|PROKKA_00074
Description: ER04448_3B_prokka|PROKKA_00074
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_00095
Name: ER04448_3B_prokka|PROKKA_00095
Description: ER04448_3B_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_00184
Name: ER04448_3B_prokka|PROKKA_00184
Description: ER04448_3B_prokka|PROKKA_00184
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_00282
Name: ER04448_3B_prokka|PROKKA_00282
Description: ER04448_3B_prokka|PROKKA_00282
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_00334
Name: ER04448_3B_prokka|PROKKA_00334
Description: ER04448_3B_prokka|PROKKA_00334
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_00432
Name: ER04448_3B_prokka|PROKKA_00432
Description: ER04448_3B_prokka|PROKKA_00432
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_00470
Name: ER04448_3B_prokka|PROKKA_00470
Description: ER04448_3B_prokka|PROKKA_00470
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_00600
Name: ER04448_3B_prokka|PROKKA_00600
Description: ER04448_3B_prokka|PROKKA_00600
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_00636
Name: ER04448_3B_prokka|PROKKA_00636
Description: ER04448_3B_prokka|PROKKA_00636
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_00854
Name: ER04448_3B_prokka|PROKKA_00854
Description: ER04448_3B_prokka|PROKKA_00854
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_00898
Name: ER04448_3B_prokka|PROKKA_00898
Description: ER04448_3B_prokka|PROKKA_00898
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01006
Name: ER04448_3B_prokka|PROKKA_01006
Description: ER04448_3B_prokka|PROKKA_01006
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01045
Name: ER04448_3B_prokka|PROKKA_01045
Description: ER04448_3B_prokka|PROKKA_01045
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01125
Name: ER04448_3B_prokka|PROKKA_01125
Description: ER04448_3B_prokka|PROKKA_01125
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01139
Name: ER04448_3B_prokka|PROKKA_01139
Description: ER04448_3B_prokka|PROKKA_01139
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01140
Name: ER04448_3B_prokka|PROKKA_01140
Description: ER04448_3B_prokka|PROKKA_01140
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01275
Name: ER04448_3B_prokka|PROKKA_01275
Description: ER04448_3B_prokka|PROKKA_01275
Number of features: 0
Seq('MTRELRKKLTLYLNIANLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01279
Name: ER04448_3B_prokka|PROKKA_01279
Description: ER04448_3B_prokka|PROKKA_01279
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01283
Name: ER04448_3B_prokka|PROKKA_01283
Description: ER04448_3B_prokka|PROKKA_01283
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01285
Name: ER04448_3B_prokka|PROKKA_01285
Description: ER04448_3B_prokka|PROKKA_01285
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01309
Name: ER04448_3B_prokka|PROKKA_01309
Description: ER04448_3B_prokka|PROKKA_01309
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01404
Name: ER04448_3B_prokka|PROKKA_01404
Description: ER04448_3B_prokka|PROKKA_01404
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01416
Name: ER04448_3B_prokka|PROKKA_01416
Description: ER04448_3B_prokka|PROKKA_01416
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01465
Name: ER04448_3B_prokka|PROKKA_01465
Description: ER04448_3B_prokka|PROKKA_01465
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01473
Name: ER04448_3B_prokka|PROKKA_01473
Description: ER04448_3B_prokka|PROKKA_01473
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01493
Name: ER04448_3B_prokka|PROKKA_01493
Description: ER04448_3B_prokka|PROKKA_01493
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01521
Name: ER04448_3B_prokka|PROKKA_01521
Description: ER04448_3B_prokka|PROKKA_01521
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01548
Name: ER04448_3B_prokka|PROKKA_01548
Description: ER04448_3B_prokka|PROKKA_01548
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01585
Name: ER04448_3B_prokka|PROKKA_01585
Description: ER04448_3B_prokka|PROKKA_01585
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01656
Name: ER04448_3B_prokka|PROKKA_01656
Description: ER04448_3B_prokka|PROKKA_01656
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01821
Name: ER04448_3B_prokka|PROKKA_01821
Description: ER04448_3B_prokka|PROKKA_01821
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01828
Name: ER04448_3B_prokka|PROKKA_01828
Description: ER04448_3B_prokka|PROKKA_01828
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01847
Name: ER04448_3B_prokka|PROKKA_01847
Description: ER04448_3B_prokka|PROKKA_01847
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01882
Name: ER04448_3B_prokka|PROKKA_01882
Description: ER04448_3B_prokka|PROKKA_01882
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01934
Name: ER04448_3B_prokka|PROKKA_01934
Description: ER04448_3B_prokka|PROKKA_01934
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_02013
Name: ER04448_3B_prokka|PROKKA_02013
Description: ER04448_3B_prokka|PROKKA_02013
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_02015
Name: ER04448_3B_prokka|PROKKA_02015
Description: ER04448_3B_prokka|PROKKA_02015
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_02064
Name: ER04448_3B_prokka|PROKKA_02064
Description: ER04448_3B_prokka|PROKKA_02064
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_02184
Name: ER04448_3B_prokka|PROKKA_02184
Description: ER04448_3B_prokka|PROKKA_02184
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_02209
Name: ER04448_3B_prokka|PROKKA_02209
Description: ER04448_3B_prokka|PROKKA_02209
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_02240
Name: ER04448_3B_prokka|PROKKA_02240
Description: ER04448_3B_prokka|PROKKA_02240
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_02396
Name: ER04448_3B_prokka|PROKKA_02396
Description: ER04448_3B_prokka|PROKKA_02396
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_02607
Name: ER04448_3B_prokka|PROKKA_02607
Description: ER04448_3B_prokka|PROKKA_02607
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_02694
Name: ER04448_3B_prokka|PROKKA_02694
Description: ER04448_3B_prokka|PROKKA_02694
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_02699
Name: ER04448_3B_prokka|PROKKA_02699
Description: ER04448_3B_prokka|PROKKA_02699
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00029
Name: ER04450_3B_prokka|PROKKA_00029
Description: ER04450_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00038
Name: ER04450_3B_prokka|PROKKA_00038
Description: ER04450_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00059
Name: ER04450_3B_prokka|PROKKA_00059
Description: ER04450_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00148
Name: ER04450_3B_prokka|PROKKA_00148
Description: ER04450_3B_prokka|PROKKA_00148
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00190
Name: ER04450_3B_prokka|PROKKA_00190
Description: ER04450_3B_prokka|PROKKA_00190
Number of features: 0
Seq('MNSIIELTDYYSSNNYAPLKLVISKGKGVKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00249
Name: ER04450_3B_prokka|PROKKA_00249
Description: ER04450_3B_prokka|PROKKA_00249
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00302
Name: ER04450_3B_prokka|PROKKA_00302
Description: ER04450_3B_prokka|PROKKA_00302
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00401
Name: ER04450_3B_prokka|PROKKA_00401
Description: ER04450_3B_prokka|PROKKA_00401
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00439
Name: ER04450_3B_prokka|PROKKA_00439
Description: ER04450_3B_prokka|PROKKA_00439
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00569
Name: ER04450_3B_prokka|PROKKA_00569
Description: ER04450_3B_prokka|PROKKA_00569
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00605
Name: ER04450_3B_prokka|PROKKA_00605
Description: ER04450_3B_prokka|PROKKA_00605
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00713
Name: ER04450_3B_prokka|PROKKA_00713
Description: ER04450_3B_prokka|PROKKA_00713
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00824
Name: ER04450_3B_prokka|PROKKA_00824
Description: ER04450_3B_prokka|PROKKA_00824
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00868
Name: ER04450_3B_prokka|PROKKA_00868
Description: ER04450_3B_prokka|PROKKA_00868
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00976
Name: ER04450_3B_prokka|PROKKA_00976
Description: ER04450_3B_prokka|PROKKA_00976
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01005
Name: ER04450_3B_prokka|PROKKA_01005
Description: ER04450_3B_prokka|PROKKA_01005
Number of features: 0
Seq('MKFAVLVFPGSNCDRDMFNAAIKSGVEAEYVDYRETSLSGFDGVLIPGGFSFGIT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01016
Name: ER04450_3B_prokka|PROKKA_01016
Description: ER04450_3B_prokka|PROKKA_01016
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01096
Name: ER04450_3B_prokka|PROKKA_01096
Description: ER04450_3B_prokka|PROKKA_01096
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01109
Name: ER04450_3B_prokka|PROKKA_01109
Description: ER04450_3B_prokka|PROKKA_01109
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01110
Name: ER04450_3B_prokka|PROKKA_01110
Description: ER04450_3B_prokka|PROKKA_01110
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01246
Name: ER04450_3B_prokka|PROKKA_01246
Description: ER04450_3B_prokka|PROKKA_01246
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01250
Name: ER04450_3B_prokka|PROKKA_01250
Description: ER04450_3B_prokka|PROKKA_01250
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01254
Name: ER04450_3B_prokka|PROKKA_01254
Description: ER04450_3B_prokka|PROKKA_01254
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01256
Name: ER04450_3B_prokka|PROKKA_01256
Description: ER04450_3B_prokka|PROKKA_01256
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01280
Name: ER04450_3B_prokka|PROKKA_01280
Description: ER04450_3B_prokka|PROKKA_01280
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01375
Name: ER04450_3B_prokka|PROKKA_01375
Description: ER04450_3B_prokka|PROKKA_01375
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01387
Name: ER04450_3B_prokka|PROKKA_01387
Description: ER04450_3B_prokka|PROKKA_01387
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01436
Name: ER04450_3B_prokka|PROKKA_01436
Description: ER04450_3B_prokka|PROKKA_01436
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01444
Name: ER04450_3B_prokka|PROKKA_01444
Description: ER04450_3B_prokka|PROKKA_01444
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01464
Name: ER04450_3B_prokka|PROKKA_01464
Description: ER04450_3B_prokka|PROKKA_01464
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01492
Name: ER04450_3B_prokka|PROKKA_01492
Description: ER04450_3B_prokka|PROKKA_01492
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01519
Name: ER04450_3B_prokka|PROKKA_01519
Description: ER04450_3B_prokka|PROKKA_01519
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01556
Name: ER04450_3B_prokka|PROKKA_01556
Description: ER04450_3B_prokka|PROKKA_01556
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01627
Name: ER04450_3B_prokka|PROKKA_01627
Description: ER04450_3B_prokka|PROKKA_01627
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01792
Name: ER04450_3B_prokka|PROKKA_01792
Description: ER04450_3B_prokka|PROKKA_01792
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01799
Name: ER04450_3B_prokka|PROKKA_01799
Description: ER04450_3B_prokka|PROKKA_01799
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01818
Name: ER04450_3B_prokka|PROKKA_01818
Description: ER04450_3B_prokka|PROKKA_01818
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01853
Name: ER04450_3B_prokka|PROKKA_01853
Description: ER04450_3B_prokka|PROKKA_01853
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01906
Name: ER04450_3B_prokka|PROKKA_01906
Description: ER04450_3B_prokka|PROKKA_01906
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01936
Name: ER04450_3B_prokka|PROKKA_01936
Description: ER04450_3B_prokka|PROKKA_01936
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGEVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01953
Name: ER04450_3B_prokka|PROKKA_01953
Description: ER04450_3B_prokka|PROKKA_01953
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01962
Name: ER04450_3B_prokka|PROKKA_01962
Description: ER04450_3B_prokka|PROKKA_01962
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01970
Name: ER04450_3B_prokka|PROKKA_01970
Description: ER04450_3B_prokka|PROKKA_01970
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELSKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02044
Name: ER04450_3B_prokka|PROKKA_02044
Description: ER04450_3B_prokka|PROKKA_02044
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02048
Name: ER04450_3B_prokka|PROKKA_02048
Description: ER04450_3B_prokka|PROKKA_02048
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02064
Name: ER04450_3B_prokka|PROKKA_02064
Description: ER04450_3B_prokka|PROKKA_02064
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02084
Name: ER04450_3B_prokka|PROKKA_02084
Description: ER04450_3B_prokka|PROKKA_02084
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02114
Name: ER04450_3B_prokka|PROKKA_02114
Description: ER04450_3B_prokka|PROKKA_02114
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02116
Name: ER04450_3B_prokka|PROKKA_02116
Description: ER04450_3B_prokka|PROKKA_02116
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02165
Name: ER04450_3B_prokka|PROKKA_02165
Description: ER04450_3B_prokka|PROKKA_02165
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02285
Name: ER04450_3B_prokka|PROKKA_02285
Description: ER04450_3B_prokka|PROKKA_02285
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02309
Name: ER04450_3B_prokka|PROKKA_02309
Description: ER04450_3B_prokka|PROKKA_02309
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02340
Name: ER04450_3B_prokka|PROKKA_02340
Description: ER04450_3B_prokka|PROKKA_02340
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02494
Name: ER04450_3B_prokka|PROKKA_02494
Description: ER04450_3B_prokka|PROKKA_02494
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02704
Name: ER04450_3B_prokka|PROKKA_02704
Description: ER04450_3B_prokka|PROKKA_02704
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02791
Name: ER04450_3B_prokka|PROKKA_02791
Description: ER04450_3B_prokka|PROKKA_02791
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00013
Name: ER04451_3B_prokka|PROKKA_00013
Description: ER04451_3B_prokka|PROKKA_00013
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00060
Name: ER04451_3B_prokka|PROKKA_00060
Description: ER04451_3B_prokka|PROKKA_00060
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00072
Name: ER04451_3B_prokka|PROKKA_00072
Description: ER04451_3B_prokka|PROKKA_00072
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00166
Name: ER04451_3B_prokka|PROKKA_00166
Description: ER04451_3B_prokka|PROKKA_00166
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00190
Name: ER04451_3B_prokka|PROKKA_00190
Description: ER04451_3B_prokka|PROKKA_00190
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00194
Name: ER04451_3B_prokka|PROKKA_00194
Description: ER04451_3B_prokka|PROKKA_00194
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00329
Name: ER04451_3B_prokka|PROKKA_00329
Description: ER04451_3B_prokka|PROKKA_00329
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00330
Name: ER04451_3B_prokka|PROKKA_00330
Description: ER04451_3B_prokka|PROKKA_00330
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00342
Name: ER04451_3B_prokka|PROKKA_00342
Description: ER04451_3B_prokka|PROKKA_00342
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00424
Name: ER04451_3B_prokka|PROKKA_00424
Description: ER04451_3B_prokka|PROKKA_00424
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00425
Name: ER04451_3B_prokka|PROKKA_00425
Description: ER04451_3B_prokka|PROKKA_00425
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00436
Name: ER04451_3B_prokka|PROKKA_00436
Description: ER04451_3B_prokka|PROKKA_00436
Number of features: 0
Seq('MKFAVLVFPGSNCDRDMFNAAIKSGVEAEYVDYRETSLSGFDGVLIPGGFSFGIT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00443
Name: ER04451_3B_prokka|PROKKA_00443
Description: ER04451_3B_prokka|PROKKA_00443
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00466
Name: ER04451_3B_prokka|PROKKA_00466
Description: ER04451_3B_prokka|PROKKA_00466
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00571
Name: ER04451_3B_prokka|PROKKA_00571
Description: ER04451_3B_prokka|PROKKA_00571
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00586
Name: ER04451_3B_prokka|PROKKA_00586
Description: ER04451_3B_prokka|PROKKA_00586
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00587
Name: ER04451_3B_prokka|PROKKA_00587
Description: ER04451_3B_prokka|PROKKA_00587
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00618
Name: ER04451_3B_prokka|PROKKA_00618
Description: ER04451_3B_prokka|PROKKA_00618
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00640
Name: ER04451_3B_prokka|PROKKA_00640
Description: ER04451_3B_prokka|PROKKA_00640
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00645
Name: ER04451_3B_prokka|PROKKA_00645
Description: ER04451_3B_prokka|PROKKA_00645
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00719
Name: ER04451_3B_prokka|PROKKA_00719
Description: ER04451_3B_prokka|PROKKA_00719
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00723
Name: ER04451_3B_prokka|PROKKA_00723
Description: ER04451_3B_prokka|PROKKA_00723
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00739
Name: ER04451_3B_prokka|PROKKA_00739
Description: ER04451_3B_prokka|PROKKA_00739
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00757
Name: ER04451_3B_prokka|PROKKA_00757
Description: ER04451_3B_prokka|PROKKA_00757
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00760
Name: ER04451_3B_prokka|PROKKA_00760
Description: ER04451_3B_prokka|PROKKA_00760
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00767
Name: ER04451_3B_prokka|PROKKA_00767
Description: ER04451_3B_prokka|PROKKA_00767
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00769
Name: ER04451_3B_prokka|PROKKA_00769
Description: ER04451_3B_prokka|PROKKA_00769
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00783
Name: ER04451_3B_prokka|PROKKA_00783
Description: ER04451_3B_prokka|PROKKA_00783
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00785
Name: ER04451_3B_prokka|PROKKA_00785
Description: ER04451_3B_prokka|PROKKA_00785
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00837
Name: ER04451_3B_prokka|PROKKA_00837
Description: ER04451_3B_prokka|PROKKA_00837
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00945
Name: ER04451_3B_prokka|PROKKA_00945
Description: ER04451_3B_prokka|PROKKA_00945
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00953
Name: ER04451_3B_prokka|PROKKA_00953
Description: ER04451_3B_prokka|PROKKA_00953
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00972
Name: ER04451_3B_prokka|PROKKA_00972
Description: ER04451_3B_prokka|PROKKA_00972
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00987
Name: ER04451_3B_prokka|PROKKA_00987
Description: ER04451_3B_prokka|PROKKA_00987
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00995
Name: ER04451_3B_prokka|PROKKA_00995
Description: ER04451_3B_prokka|PROKKA_00995
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01000
Name: ER04451_3B_prokka|PROKKA_01000
Description: ER04451_3B_prokka|PROKKA_01000
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01027
Name: ER04451_3B_prokka|PROKKA_01027
Description: ER04451_3B_prokka|PROKKA_01027
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01030
Name: ER04451_3B_prokka|PROKKA_01030
Description: ER04451_3B_prokka|PROKKA_01030
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01065
Name: ER04451_3B_prokka|PROKKA_01065
Description: ER04451_3B_prokka|PROKKA_01065
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01138
Name: ER04451_3B_prokka|PROKKA_01138
Description: ER04451_3B_prokka|PROKKA_01138
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01307
Name: ER04451_3B_prokka|PROKKA_01307
Description: ER04451_3B_prokka|PROKKA_01307
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01321
Name: ER04451_3B_prokka|PROKKA_01321
Description: ER04451_3B_prokka|PROKKA_01321
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01363
Name: ER04451_3B_prokka|PROKKA_01363
Description: ER04451_3B_prokka|PROKKA_01363
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01415
Name: ER04451_3B_prokka|PROKKA_01415
Description: ER04451_3B_prokka|PROKKA_01415
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01417
Name: ER04451_3B_prokka|PROKKA_01417
Description: ER04451_3B_prokka|PROKKA_01417
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01418
Name: ER04451_3B_prokka|PROKKA_01418
Description: ER04451_3B_prokka|PROKKA_01418
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01448
Name: ER04451_3B_prokka|PROKKA_01448
Description: ER04451_3B_prokka|PROKKA_01448
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01464
Name: ER04451_3B_prokka|PROKKA_01464
Description: ER04451_3B_prokka|PROKKA_01464
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01468
Name: ER04451_3B_prokka|PROKKA_01468
Description: ER04451_3B_prokka|PROKKA_01468
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01499
Name: ER04451_3B_prokka|PROKKA_01499
Description: ER04451_3B_prokka|PROKKA_01499
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01611
Name: ER04451_3B_prokka|PROKKA_01611
Description: ER04451_3B_prokka|PROKKA_01611
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01731
Name: ER04451_3B_prokka|PROKKA_01731
Description: ER04451_3B_prokka|PROKKA_01731
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01897
Name: ER04451_3B_prokka|PROKKA_01897
Description: ER04451_3B_prokka|PROKKA_01897
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01914
Name: ER04451_3B_prokka|PROKKA_01914
Description: ER04451_3B_prokka|PROKKA_01914
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02039
Name: ER04451_3B_prokka|PROKKA_02039
Description: ER04451_3B_prokka|PROKKA_02039
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02206
Name: ER04451_3B_prokka|PROKKA_02206
Description: ER04451_3B_prokka|PROKKA_02206
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02224
Name: ER04451_3B_prokka|PROKKA_02224
Description: ER04451_3B_prokka|PROKKA_02224
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02245
Name: ER04451_3B_prokka|PROKKA_02245
Description: ER04451_3B_prokka|PROKKA_02245
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02249
Name: ER04451_3B_prokka|PROKKA_02249
Description: ER04451_3B_prokka|PROKKA_02249
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02252
Name: ER04451_3B_prokka|PROKKA_02252
Description: ER04451_3B_prokka|PROKKA_02252
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02291
Name: ER04451_3B_prokka|PROKKA_02291
Description: ER04451_3B_prokka|PROKKA_02291
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02375
Name: ER04451_3B_prokka|PROKKA_02375
Description: ER04451_3B_prokka|PROKKA_02375
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02413
Name: ER04451_3B_prokka|PROKKA_02413
Description: ER04451_3B_prokka|PROKKA_02413
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02521
Name: ER04451_3B_prokka|PROKKA_02521
Description: ER04451_3B_prokka|PROKKA_02521
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02586
Name: ER04451_3B_prokka|PROKKA_02586
Description: ER04451_3B_prokka|PROKKA_02586
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02595
Name: ER04451_3B_prokka|PROKKA_02595
Description: ER04451_3B_prokka|PROKKA_02595
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02741
Name: ER04451_3B_prokka|PROKKA_02741
Description: ER04451_3B_prokka|PROKKA_02741
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02773
Name: ER04451_3B_prokka|PROKKA_02773
Description: ER04451_3B_prokka|PROKKA_02773
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02787
Name: ER04451_3B_prokka|PROKKA_02787
Description: ER04451_3B_prokka|PROKKA_02787
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02806
Name: ER04451_3B_prokka|PROKKA_02806
Description: ER04451_3B_prokka|PROKKA_02806
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02813
Name: ER04451_3B_prokka|PROKKA_02813
Description: ER04451_3B_prokka|PROKKA_02813
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02818
Name: ER04451_3B_prokka|PROKKA_02818
Description: ER04451_3B_prokka|PROKKA_02818
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02826
Name: ER04451_3B_prokka|PROKKA_02826
Description: ER04451_3B_prokka|PROKKA_02826
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02841
Name: ER04451_3B_prokka|PROKKA_02841
Description: ER04451_3B_prokka|PROKKA_02841
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02849
Name: ER04451_3B_prokka|PROKKA_02849
Description: ER04451_3B_prokka|PROKKA_02849
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00032
Name: ER04612_3B_prokka|PROKKA_00032
Description: ER04612_3B_prokka|PROKKA_00032
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00041
Name: ER04612_3B_prokka|PROKKA_00041
Description: ER04612_3B_prokka|PROKKA_00041
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00128
Name: ER04612_3B_prokka|PROKKA_00128
Description: ER04612_3B_prokka|PROKKA_00128
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00229
Name: ER04612_3B_prokka|PROKKA_00229
Description: ER04612_3B_prokka|PROKKA_00229
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00282
Name: ER04612_3B_prokka|PROKKA_00282
Description: ER04612_3B_prokka|PROKKA_00282
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00380
Name: ER04612_3B_prokka|PROKKA_00380
Description: ER04612_3B_prokka|PROKKA_00380
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00417
Name: ER04612_3B_prokka|PROKKA_00417
Description: ER04612_3B_prokka|PROKKA_00417
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00441
Name: ER04612_3B_prokka|PROKKA_00441
Description: ER04612_3B_prokka|PROKKA_00441
Number of features: 0
Seq('MYISRLVKPIGIKVTRLAQGLSVGGDLEYADEVTLSKAIAGRTEM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00548
Name: ER04612_3B_prokka|PROKKA_00548
Description: ER04612_3B_prokka|PROKKA_00548
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00584
Name: ER04612_3B_prokka|PROKKA_00584
Description: ER04612_3B_prokka|PROKKA_00584
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00674
Name: ER04612_3B_prokka|PROKKA_00674
Description: ER04612_3B_prokka|PROKKA_00674
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00786
Name: ER04612_3B_prokka|PROKKA_00786
Description: ER04612_3B_prokka|PROKKA_00786
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00801
Name: ER04612_3B_prokka|PROKKA_00801
Description: ER04612_3B_prokka|PROKKA_00801
Number of features: 0
Seq('MKMYLAYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00817
Name: ER04612_3B_prokka|PROKKA_00817
Description: ER04612_3B_prokka|PROKKA_00817
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00818
Name: ER04612_3B_prokka|PROKKA_00818
Description: ER04612_3B_prokka|PROKKA_00818
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIGRKTHFYCLDKKNGCR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00839
Name: ER04612_3B_prokka|PROKKA_00839
Description: ER04612_3B_prokka|PROKKA_00839
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00949
Name: ER04612_3B_prokka|PROKKA_00949
Description: ER04612_3B_prokka|PROKKA_00949
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00988
Name: ER04612_3B_prokka|PROKKA_00988
Description: ER04612_3B_prokka|PROKKA_00988
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00989
Name: ER04612_3B_prokka|PROKKA_00989
Description: ER04612_3B_prokka|PROKKA_00989
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01038
Name: ER04612_3B_prokka|PROKKA_01038
Description: ER04612_3B_prokka|PROKKA_01038
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01043
Name: ER04612_3B_prokka|PROKKA_01043
Description: ER04612_3B_prokka|PROKKA_01043
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01049
Name: ER04612_3B_prokka|PROKKA_01049
Description: ER04612_3B_prokka|PROKKA_01049
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01050
Name: ER04612_3B_prokka|PROKKA_01050
Description: ER04612_3B_prokka|PROKKA_01050
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01072
Name: ER04612_3B_prokka|PROKKA_01072
Description: ER04612_3B_prokka|PROKKA_01072
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01134
Name: ER04612_3B_prokka|PROKKA_01134
Description: ER04612_3B_prokka|PROKKA_01134
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01146
Name: ER04612_3B_prokka|PROKKA_01146
Description: ER04612_3B_prokka|PROKKA_01146
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01147
Name: ER04612_3B_prokka|PROKKA_01147
Description: ER04612_3B_prokka|PROKKA_01147
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01282
Name: ER04612_3B_prokka|PROKKA_01282
Description: ER04612_3B_prokka|PROKKA_01282
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01286
Name: ER04612_3B_prokka|PROKKA_01286
Description: ER04612_3B_prokka|PROKKA_01286
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01290
Name: ER04612_3B_prokka|PROKKA_01290
Description: ER04612_3B_prokka|PROKKA_01290
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01292
Name: ER04612_3B_prokka|PROKKA_01292
Description: ER04612_3B_prokka|PROKKA_01292
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01316
Name: ER04612_3B_prokka|PROKKA_01316
Description: ER04612_3B_prokka|PROKKA_01316
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01412
Name: ER04612_3B_prokka|PROKKA_01412
Description: ER04612_3B_prokka|PROKKA_01412
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01424
Name: ER04612_3B_prokka|PROKKA_01424
Description: ER04612_3B_prokka|PROKKA_01424
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01471
Name: ER04612_3B_prokka|PROKKA_01471
Description: ER04612_3B_prokka|PROKKA_01471
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01479
Name: ER04612_3B_prokka|PROKKA_01479
Description: ER04612_3B_prokka|PROKKA_01479
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01500
Name: ER04612_3B_prokka|PROKKA_01500
Description: ER04612_3B_prokka|PROKKA_01500
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01520
Name: ER04612_3B_prokka|PROKKA_01520
Description: ER04612_3B_prokka|PROKKA_01520
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01530
Name: ER04612_3B_prokka|PROKKA_01530
Description: ER04612_3B_prokka|PROKKA_01530
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01556
Name: ER04612_3B_prokka|PROKKA_01556
Description: ER04612_3B_prokka|PROKKA_01556
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01593
Name: ER04612_3B_prokka|PROKKA_01593
Description: ER04612_3B_prokka|PROKKA_01593
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01649
Name: ER04612_3B_prokka|PROKKA_01649
Description: ER04612_3B_prokka|PROKKA_01649
Number of features: 0
Seq('MSIKILQPGLFSTVQDLGRIGYEHIGFSGAGAMD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01665
Name: ER04612_3B_prokka|PROKKA_01665
Description: ER04612_3B_prokka|PROKKA_01665
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01792
Name: ER04612_3B_prokka|PROKKA_01792
Description: ER04612_3B_prokka|PROKKA_01792
Number of features: 0
Seq('MIVHRITGDGPIDIMVGPMWSVNKWEVLNGIDAELARRNSYQGLRYKSKVKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01840
Name: ER04612_3B_prokka|PROKKA_01840
Description: ER04612_3B_prokka|PROKKA_01840
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01859
Name: ER04612_3B_prokka|PROKKA_01859
Description: ER04612_3B_prokka|PROKKA_01859
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01894
Name: ER04612_3B_prokka|PROKKA_01894
Description: ER04612_3B_prokka|PROKKA_01894
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01945
Name: ER04612_3B_prokka|PROKKA_01945
Description: ER04612_3B_prokka|PROKKA_01945
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02017
Name: ER04612_3B_prokka|PROKKA_02017
Description: ER04612_3B_prokka|PROKKA_02017
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02027
Name: ER04612_3B_prokka|PROKKA_02027
Description: ER04612_3B_prokka|PROKKA_02027
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02038
Name: ER04612_3B_prokka|PROKKA_02038
Description: ER04612_3B_prokka|PROKKA_02038
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02056
Name: ER04612_3B_prokka|PROKKA_02056
Description: ER04612_3B_prokka|PROKKA_02056
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02060
Name: ER04612_3B_prokka|PROKKA_02060
Description: ER04612_3B_prokka|PROKKA_02060
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02066
Name: ER04612_3B_prokka|PROKKA_02066
Description: ER04612_3B_prokka|PROKKA_02066
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02069
Name: ER04612_3B_prokka|PROKKA_02069
Description: ER04612_3B_prokka|PROKKA_02069
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02076
Name: ER04612_3B_prokka|PROKKA_02076
Description: ER04612_3B_prokka|PROKKA_02076
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02078
Name: ER04612_3B_prokka|PROKKA_02078
Description: ER04612_3B_prokka|PROKKA_02078
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02098
Name: ER04612_3B_prokka|PROKKA_02098
Description: ER04612_3B_prokka|PROKKA_02098
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02100
Name: ER04612_3B_prokka|PROKKA_02100
Description: ER04612_3B_prokka|PROKKA_02100
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02149
Name: ER04612_3B_prokka|PROKKA_02149
Description: ER04612_3B_prokka|PROKKA_02149
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02268
Name: ER04612_3B_prokka|PROKKA_02268
Description: ER04612_3B_prokka|PROKKA_02268
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02293
Name: ER04612_3B_prokka|PROKKA_02293
Description: ER04612_3B_prokka|PROKKA_02293
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02324
Name: ER04612_3B_prokka|PROKKA_02324
Description: ER04612_3B_prokka|PROKKA_02324
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02480
Name: ER04612_3B_prokka|PROKKA_02480
Description: ER04612_3B_prokka|PROKKA_02480
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02527
Name: ER04612_3B_prokka|PROKKA_02527
Description: ER04612_3B_prokka|PROKKA_02527
Number of features: 0
Seq('MKGAMAWPFLRLYILTLMFFSANAILNVFIPLRGHDLGATNTVIGIVMGHTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02689
Name: ER04612_3B_prokka|PROKKA_02689
Description: ER04612_3B_prokka|PROKKA_02689
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02777
Name: ER04612_3B_prokka|PROKKA_02777
Description: ER04612_3B_prokka|PROKKA_02777
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00016
Name: ER04615_3B_prokka|PROKKA_00016
Description: ER04615_3B_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00043
Name: ER04615_3B_prokka|PROKKA_00043
Description: ER04615_3B_prokka|PROKKA_00043
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00044
Name: ER04615_3B_prokka|PROKKA_00044
Description: ER04615_3B_prokka|PROKKA_00044
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00080
Name: ER04615_3B_prokka|PROKKA_00080
Description: ER04615_3B_prokka|PROKKA_00080
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00092
Name: ER04615_3B_prokka|PROKKA_00092
Description: ER04615_3B_prokka|PROKKA_00092
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00093
Name: ER04615_3B_prokka|PROKKA_00093
Description: ER04615_3B_prokka|PROKKA_00093
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00229
Name: ER04615_3B_prokka|PROKKA_00229
Description: ER04615_3B_prokka|PROKKA_00229
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00233
Name: ER04615_3B_prokka|PROKKA_00233
Description: ER04615_3B_prokka|PROKKA_00233
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00257
Name: ER04615_3B_prokka|PROKKA_00257
Description: ER04615_3B_prokka|PROKKA_00257
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00350
Name: ER04615_3B_prokka|PROKKA_00350
Description: ER04615_3B_prokka|PROKKA_00350
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00362
Name: ER04615_3B_prokka|PROKKA_00362
Description: ER04615_3B_prokka|PROKKA_00362
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00409
Name: ER04615_3B_prokka|PROKKA_00409
Description: ER04615_3B_prokka|PROKKA_00409
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00417
Name: ER04615_3B_prokka|PROKKA_00417
Description: ER04615_3B_prokka|PROKKA_00417
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00436
Name: ER04615_3B_prokka|PROKKA_00436
Description: ER04615_3B_prokka|PROKKA_00436
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00451
Name: ER04615_3B_prokka|PROKKA_00451
Description: ER04615_3B_prokka|PROKKA_00451
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00459
Name: ER04615_3B_prokka|PROKKA_00459
Description: ER04615_3B_prokka|PROKKA_00459
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00464
Name: ER04615_3B_prokka|PROKKA_00464
Description: ER04615_3B_prokka|PROKKA_00464
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00491
Name: ER04615_3B_prokka|PROKKA_00491
Description: ER04615_3B_prokka|PROKKA_00491
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00494
Name: ER04615_3B_prokka|PROKKA_00494
Description: ER04615_3B_prokka|PROKKA_00494
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00529
Name: ER04615_3B_prokka|PROKKA_00529
Description: ER04615_3B_prokka|PROKKA_00529
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00604
Name: ER04615_3B_prokka|PROKKA_00604
Description: ER04615_3B_prokka|PROKKA_00604
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00660
Name: ER04615_3B_prokka|PROKKA_00660
Description: ER04615_3B_prokka|PROKKA_00660
Number of features: 0
Seq('MSKVQNESNNVVKRGLKDRHISMIAIGVVLVQVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00775
Name: ER04615_3B_prokka|PROKKA_00775
Description: ER04615_3B_prokka|PROKKA_00775
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00789
Name: ER04615_3B_prokka|PROKKA_00789
Description: ER04615_3B_prokka|PROKKA_00789
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00831
Name: ER04615_3B_prokka|PROKKA_00831
Description: ER04615_3B_prokka|PROKKA_00831
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00883
Name: ER04615_3B_prokka|PROKKA_00883
Description: ER04615_3B_prokka|PROKKA_00883
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00885
Name: ER04615_3B_prokka|PROKKA_00885
Description: ER04615_3B_prokka|PROKKA_00885
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00886
Name: ER04615_3B_prokka|PROKKA_00886
Description: ER04615_3B_prokka|PROKKA_00886
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00918
Name: ER04615_3B_prokka|PROKKA_00918
Description: ER04615_3B_prokka|PROKKA_00918
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00940
Name: ER04615_3B_prokka|PROKKA_00940
Description: ER04615_3B_prokka|PROKKA_00940
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00945
Name: ER04615_3B_prokka|PROKKA_00945
Description: ER04615_3B_prokka|PROKKA_00945
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01019
Name: ER04615_3B_prokka|PROKKA_01019
Description: ER04615_3B_prokka|PROKKA_01019
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01023
Name: ER04615_3B_prokka|PROKKA_01023
Description: ER04615_3B_prokka|PROKKA_01023
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01026
Name: ER04615_3B_prokka|PROKKA_01026
Description: ER04615_3B_prokka|PROKKA_01026
Number of features: 0
Seq('MAIKHASAPKAYFNITGLGFAKLTKEGAELKYSDITKTRGL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01040
Name: ER04615_3B_prokka|PROKKA_01040
Description: ER04615_3B_prokka|PROKKA_01040
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01058
Name: ER04615_3B_prokka|PROKKA_01058
Description: ER04615_3B_prokka|PROKKA_01058
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01064
Name: ER04615_3B_prokka|PROKKA_01064
Description: ER04615_3B_prokka|PROKKA_01064
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01069
Name: ER04615_3B_prokka|PROKKA_01069
Description: ER04615_3B_prokka|PROKKA_01069
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01085
Name: ER04615_3B_prokka|PROKKA_01085
Description: ER04615_3B_prokka|PROKKA_01085
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01087
Name: ER04615_3B_prokka|PROKKA_01087
Description: ER04615_3B_prokka|PROKKA_01087
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01139
Name: ER04615_3B_prokka|PROKKA_01139
Description: ER04615_3B_prokka|PROKKA_01139
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01247
Name: ER04615_3B_prokka|PROKKA_01247
Description: ER04615_3B_prokka|PROKKA_01247
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01266
Name: ER04615_3B_prokka|PROKKA_01266
Description: ER04615_3B_prokka|PROKKA_01266
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01279
Name: ER04615_3B_prokka|PROKKA_01279
Description: ER04615_3B_prokka|PROKKA_01279
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01311
Name: ER04615_3B_prokka|PROKKA_01311
Description: ER04615_3B_prokka|PROKKA_01311
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01457
Name: ER04615_3B_prokka|PROKKA_01457
Description: ER04615_3B_prokka|PROKKA_01457
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01466
Name: ER04615_3B_prokka|PROKKA_01466
Description: ER04615_3B_prokka|PROKKA_01466
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01530
Name: ER04615_3B_prokka|PROKKA_01530
Description: ER04615_3B_prokka|PROKKA_01530
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01638
Name: ER04615_3B_prokka|PROKKA_01638
Description: ER04615_3B_prokka|PROKKA_01638
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01676
Name: ER04615_3B_prokka|PROKKA_01676
Description: ER04615_3B_prokka|PROKKA_01676
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01760
Name: ER04615_3B_prokka|PROKKA_01760
Description: ER04615_3B_prokka|PROKKA_01760
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01800
Name: ER04615_3B_prokka|PROKKA_01800
Description: ER04615_3B_prokka|PROKKA_01800
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01803
Name: ER04615_3B_prokka|PROKKA_01803
Description: ER04615_3B_prokka|PROKKA_01803
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01807
Name: ER04615_3B_prokka|PROKKA_01807
Description: ER04615_3B_prokka|PROKKA_01807
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01828
Name: ER04615_3B_prokka|PROKKA_01828
Description: ER04615_3B_prokka|PROKKA_01828
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01846
Name: ER04615_3B_prokka|PROKKA_01846
Description: ER04615_3B_prokka|PROKKA_01846
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02013
Name: ER04615_3B_prokka|PROKKA_02013
Description: ER04615_3B_prokka|PROKKA_02013
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02137
Name: ER04615_3B_prokka|PROKKA_02137
Description: ER04615_3B_prokka|PROKKA_02137
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02154
Name: ER04615_3B_prokka|PROKKA_02154
Description: ER04615_3B_prokka|PROKKA_02154
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02321
Name: ER04615_3B_prokka|PROKKA_02321
Description: ER04615_3B_prokka|PROKKA_02321
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02551
Name: ER04615_3B_prokka|PROKKA_02551
Description: ER04615_3B_prokka|PROKKA_02551
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02582
Name: ER04615_3B_prokka|PROKKA_02582
Description: ER04615_3B_prokka|PROKKA_02582
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02586
Name: ER04615_3B_prokka|PROKKA_02586
Description: ER04615_3B_prokka|PROKKA_02586
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02602
Name: ER04615_3B_prokka|PROKKA_02602
Description: ER04615_3B_prokka|PROKKA_02602
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02643
Name: ER04615_3B_prokka|PROKKA_02643
Description: ER04615_3B_prokka|PROKKA_02643
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02644
Name: ER04615_3B_prokka|PROKKA_02644
Description: ER04615_3B_prokka|PROKKA_02644
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02659
Name: ER04615_3B_prokka|PROKKA_02659
Description: ER04615_3B_prokka|PROKKA_02659
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02764
Name: ER04615_3B_prokka|PROKKA_02764
Description: ER04615_3B_prokka|PROKKA_02764
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02803
Name: ER04615_3B_prokka|PROKKA_02803
Description: ER04615_3B_prokka|PROKKA_02803
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02804
Name: ER04615_3B_prokka|PROKKA_02804
Description: ER04615_3B_prokka|PROKKA_02804
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02856
Name: ER04615_3B_prokka|PROKKA_02856
Description: ER04615_3B_prokka|PROKKA_02856
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02862
Name: ER04615_3B_prokka|PROKKA_02862
Description: ER04615_3B_prokka|PROKKA_02862
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02863
Name: ER04615_3B_prokka|PROKKA_02863
Description: ER04615_3B_prokka|PROKKA_02863
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02887
Name: ER04615_3B_prokka|PROKKA_02887
Description: ER04615_3B_prokka|PROKKA_02887
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00030
Name: ER04636_3B_prokka|PROKKA_00030
Description: ER04636_3B_prokka|PROKKA_00030
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00061
Name: ER04636_3B_prokka|PROKKA_00061
Description: ER04636_3B_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00070
Name: ER04636_3B_prokka|PROKKA_00070
Description: ER04636_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00092
Name: ER04636_3B_prokka|PROKKA_00092
Description: ER04636_3B_prokka|PROKKA_00092
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00182
Name: ER04636_3B_prokka|PROKKA_00182
Description: ER04636_3B_prokka|PROKKA_00182
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00280
Name: ER04636_3B_prokka|PROKKA_00280
Description: ER04636_3B_prokka|PROKKA_00280
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00333
Name: ER04636_3B_prokka|PROKKA_00333
Description: ER04636_3B_prokka|PROKKA_00333
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00431
Name: ER04636_3B_prokka|PROKKA_00431
Description: ER04636_3B_prokka|PROKKA_00431
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00469
Name: ER04636_3B_prokka|PROKKA_00469
Description: ER04636_3B_prokka|PROKKA_00469
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00599
Name: ER04636_3B_prokka|PROKKA_00599
Description: ER04636_3B_prokka|PROKKA_00599
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00635
Name: ER04636_3B_prokka|PROKKA_00635
Description: ER04636_3B_prokka|PROKKA_00635
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00854
Name: ER04636_3B_prokka|PROKKA_00854
Description: ER04636_3B_prokka|PROKKA_00854
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00898
Name: ER04636_3B_prokka|PROKKA_00898
Description: ER04636_3B_prokka|PROKKA_00898
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01006
Name: ER04636_3B_prokka|PROKKA_01006
Description: ER04636_3B_prokka|PROKKA_01006
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01045
Name: ER04636_3B_prokka|PROKKA_01045
Description: ER04636_3B_prokka|PROKKA_01045
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01125
Name: ER04636_3B_prokka|PROKKA_01125
Description: ER04636_3B_prokka|PROKKA_01125
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01138
Name: ER04636_3B_prokka|PROKKA_01138
Description: ER04636_3B_prokka|PROKKA_01138
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01139
Name: ER04636_3B_prokka|PROKKA_01139
Description: ER04636_3B_prokka|PROKKA_01139
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01274
Name: ER04636_3B_prokka|PROKKA_01274
Description: ER04636_3B_prokka|PROKKA_01274
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01278
Name: ER04636_3B_prokka|PROKKA_01278
Description: ER04636_3B_prokka|PROKKA_01278
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01282
Name: ER04636_3B_prokka|PROKKA_01282
Description: ER04636_3B_prokka|PROKKA_01282
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01284
Name: ER04636_3B_prokka|PROKKA_01284
Description: ER04636_3B_prokka|PROKKA_01284
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01309
Name: ER04636_3B_prokka|PROKKA_01309
Description: ER04636_3B_prokka|PROKKA_01309
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01404
Name: ER04636_3B_prokka|PROKKA_01404
Description: ER04636_3B_prokka|PROKKA_01404
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01416
Name: ER04636_3B_prokka|PROKKA_01416
Description: ER04636_3B_prokka|PROKKA_01416
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01465
Name: ER04636_3B_prokka|PROKKA_01465
Description: ER04636_3B_prokka|PROKKA_01465
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01473
Name: ER04636_3B_prokka|PROKKA_01473
Description: ER04636_3B_prokka|PROKKA_01473
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01493
Name: ER04636_3B_prokka|PROKKA_01493
Description: ER04636_3B_prokka|PROKKA_01493
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01521
Name: ER04636_3B_prokka|PROKKA_01521
Description: ER04636_3B_prokka|PROKKA_01521
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01548
Name: ER04636_3B_prokka|PROKKA_01548
Description: ER04636_3B_prokka|PROKKA_01548
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01585
Name: ER04636_3B_prokka|PROKKA_01585
Description: ER04636_3B_prokka|PROKKA_01585
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01656
Name: ER04636_3B_prokka|PROKKA_01656
Description: ER04636_3B_prokka|PROKKA_01656
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01821
Name: ER04636_3B_prokka|PROKKA_01821
Description: ER04636_3B_prokka|PROKKA_01821
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01828
Name: ER04636_3B_prokka|PROKKA_01828
Description: ER04636_3B_prokka|PROKKA_01828
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01847
Name: ER04636_3B_prokka|PROKKA_01847
Description: ER04636_3B_prokka|PROKKA_01847
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01882
Name: ER04636_3B_prokka|PROKKA_01882
Description: ER04636_3B_prokka|PROKKA_01882
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01934
Name: ER04636_3B_prokka|PROKKA_01934
Description: ER04636_3B_prokka|PROKKA_01934
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02006
Name: ER04636_3B_prokka|PROKKA_02006
Description: ER04636_3B_prokka|PROKKA_02006
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02010
Name: ER04636_3B_prokka|PROKKA_02010
Description: ER04636_3B_prokka|PROKKA_02010
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02026
Name: ER04636_3B_prokka|PROKKA_02026
Description: ER04636_3B_prokka|PROKKA_02026
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02046
Name: ER04636_3B_prokka|PROKKA_02046
Description: ER04636_3B_prokka|PROKKA_02046
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02076
Name: ER04636_3B_prokka|PROKKA_02076
Description: ER04636_3B_prokka|PROKKA_02076
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02078
Name: ER04636_3B_prokka|PROKKA_02078
Description: ER04636_3B_prokka|PROKKA_02078
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02127
Name: ER04636_3B_prokka|PROKKA_02127
Description: ER04636_3B_prokka|PROKKA_02127
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02247
Name: ER04636_3B_prokka|PROKKA_02247
Description: ER04636_3B_prokka|PROKKA_02247
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02271
Name: ER04636_3B_prokka|PROKKA_02271
Description: ER04636_3B_prokka|PROKKA_02271
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02302
Name: ER04636_3B_prokka|PROKKA_02302
Description: ER04636_3B_prokka|PROKKA_02302
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02457
Name: ER04636_3B_prokka|PROKKA_02457
Description: ER04636_3B_prokka|PROKKA_02457
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02665
Name: ER04636_3B_prokka|PROKKA_02665
Description: ER04636_3B_prokka|PROKKA_02665
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02752
Name: ER04636_3B_prokka|PROKKA_02752
Description: ER04636_3B_prokka|PROKKA_02752
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00039
Name: ER04928_3A_prokka|PROKKA_00039
Description: ER04928_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00042
Name: ER04928_3A_prokka|PROKKA_00042
Description: ER04928_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00046
Name: ER04928_3A_prokka|PROKKA_00046
Description: ER04928_3A_prokka|PROKKA_00046
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00067
Name: ER04928_3A_prokka|PROKKA_00067
Description: ER04928_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00085
Name: ER04928_3A_prokka|PROKKA_00085
Description: ER04928_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00252
Name: ER04928_3A_prokka|PROKKA_00252
Description: ER04928_3A_prokka|PROKKA_00252
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00376
Name: ER04928_3A_prokka|PROKKA_00376
Description: ER04928_3A_prokka|PROKKA_00376
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00393
Name: ER04928_3A_prokka|PROKKA_00393
Description: ER04928_3A_prokka|PROKKA_00393
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00559
Name: ER04928_3A_prokka|PROKKA_00559
Description: ER04928_3A_prokka|PROKKA_00559
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00678
Name: ER04928_3A_prokka|PROKKA_00678
Description: ER04928_3A_prokka|PROKKA_00678
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00789
Name: ER04928_3A_prokka|PROKKA_00789
Description: ER04928_3A_prokka|PROKKA_00789
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00822
Name: ER04928_3A_prokka|PROKKA_00822
Description: ER04928_3A_prokka|PROKKA_00822
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00826
Name: ER04928_3A_prokka|PROKKA_00826
Description: ER04928_3A_prokka|PROKKA_00826
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00842
Name: ER04928_3A_prokka|PROKKA_00842
Description: ER04928_3A_prokka|PROKKA_00842
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00855
Name: ER04928_3A_prokka|PROKKA_00855
Description: ER04928_3A_prokka|PROKKA_00855
Number of features: 0
Seq('MTPNLQLYNKAYEMLQGYGFPVISRKEMQQEIPYPFFCNKNAGVKQK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00874
Name: ER04928_3A_prokka|PROKKA_00874
Description: ER04928_3A_prokka|PROKKA_00874
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00875
Name: ER04928_3A_prokka|PROKKA_00875
Description: ER04928_3A_prokka|PROKKA_00875
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00890
Name: ER04928_3A_prokka|PROKKA_00890
Description: ER04928_3A_prokka|PROKKA_00890
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00995
Name: ER04928_3A_prokka|PROKKA_00995
Description: ER04928_3A_prokka|PROKKA_00995
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01034
Name: ER04928_3A_prokka|PROKKA_01034
Description: ER04928_3A_prokka|PROKKA_01034
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01035
Name: ER04928_3A_prokka|PROKKA_01035
Description: ER04928_3A_prokka|PROKKA_01035
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01084
Name: ER04928_3A_prokka|PROKKA_01084
Description: ER04928_3A_prokka|PROKKA_01084
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01092
Name: ER04928_3A_prokka|PROKKA_01092
Description: ER04928_3A_prokka|PROKKA_01092
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01093
Name: ER04928_3A_prokka|PROKKA_01093
Description: ER04928_3A_prokka|PROKKA_01093
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01116
Name: ER04928_3A_prokka|PROKKA_01116
Description: ER04928_3A_prokka|PROKKA_01116
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01146
Name: ER04928_3A_prokka|PROKKA_01146
Description: ER04928_3A_prokka|PROKKA_01146
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01147
Name: ER04928_3A_prokka|PROKKA_01147
Description: ER04928_3A_prokka|PROKKA_01147
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01149
Name: ER04928_3A_prokka|PROKKA_01149
Description: ER04928_3A_prokka|PROKKA_01149
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01201
Name: ER04928_3A_prokka|PROKKA_01201
Description: ER04928_3A_prokka|PROKKA_01201
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01243
Name: ER04928_3A_prokka|PROKKA_01243
Description: ER04928_3A_prokka|PROKKA_01243
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01257
Name: ER04928_3A_prokka|PROKKA_01257
Description: ER04928_3A_prokka|PROKKA_01257
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01269
Name: ER04928_3A_prokka|PROKKA_01269
Description: ER04928_3A_prokka|PROKKA_01269
Number of features: 0
Seq('MDFIKRKRMPIESFTHQFEEITYLSDDLQVKALMMTPHHEVNRIVVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01427
Name: ER04928_3A_prokka|PROKKA_01427
Description: ER04928_3A_prokka|PROKKA_01427
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01501
Name: ER04928_3A_prokka|PROKKA_01501
Description: ER04928_3A_prokka|PROKKA_01501
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01536
Name: ER04928_3A_prokka|PROKKA_01536
Description: ER04928_3A_prokka|PROKKA_01536
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01539
Name: ER04928_3A_prokka|PROKKA_01539
Description: ER04928_3A_prokka|PROKKA_01539
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01566
Name: ER04928_3A_prokka|PROKKA_01566
Description: ER04928_3A_prokka|PROKKA_01566
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01571
Name: ER04928_3A_prokka|PROKKA_01571
Description: ER04928_3A_prokka|PROKKA_01571
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01579
Name: ER04928_3A_prokka|PROKKA_01579
Description: ER04928_3A_prokka|PROKKA_01579
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01594
Name: ER04928_3A_prokka|PROKKA_01594
Description: ER04928_3A_prokka|PROKKA_01594
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01613
Name: ER04928_3A_prokka|PROKKA_01613
Description: ER04928_3A_prokka|PROKKA_01613
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01621
Name: ER04928_3A_prokka|PROKKA_01621
Description: ER04928_3A_prokka|PROKKA_01621
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01668
Name: ER04928_3A_prokka|PROKKA_01668
Description: ER04928_3A_prokka|PROKKA_01668
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01680
Name: ER04928_3A_prokka|PROKKA_01680
Description: ER04928_3A_prokka|PROKKA_01680
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01774
Name: ER04928_3A_prokka|PROKKA_01774
Description: ER04928_3A_prokka|PROKKA_01774
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01798
Name: ER04928_3A_prokka|PROKKA_01798
Description: ER04928_3A_prokka|PROKKA_01798
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01802
Name: ER04928_3A_prokka|PROKKA_01802
Description: ER04928_3A_prokka|PROKKA_01802
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01938
Name: ER04928_3A_prokka|PROKKA_01938
Description: ER04928_3A_prokka|PROKKA_01938
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01939
Name: ER04928_3A_prokka|PROKKA_01939
Description: ER04928_3A_prokka|PROKKA_01939
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01951
Name: ER04928_3A_prokka|PROKKA_01951
Description: ER04928_3A_prokka|PROKKA_01951
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02017
Name: ER04928_3A_prokka|PROKKA_02017
Description: ER04928_3A_prokka|PROKKA_02017
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02039
Name: ER04928_3A_prokka|PROKKA_02039
Description: ER04928_3A_prokka|PROKKA_02039
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02044
Name: ER04928_3A_prokka|PROKKA_02044
Description: ER04928_3A_prokka|PROKKA_02044
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02120
Name: ER04928_3A_prokka|PROKKA_02120
Description: ER04928_3A_prokka|PROKKA_02120
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02124
Name: ER04928_3A_prokka|PROKKA_02124
Description: ER04928_3A_prokka|PROKKA_02124
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02141
Name: ER04928_3A_prokka|PROKKA_02141
Description: ER04928_3A_prokka|PROKKA_02141
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02159
Name: ER04928_3A_prokka|PROKKA_02159
Description: ER04928_3A_prokka|PROKKA_02159
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02185
Name: ER04928_3A_prokka|PROKKA_02185
Description: ER04928_3A_prokka|PROKKA_02185
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02187
Name: ER04928_3A_prokka|PROKKA_02187
Description: ER04928_3A_prokka|PROKKA_02187
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02239
Name: ER04928_3A_prokka|PROKKA_02239
Description: ER04928_3A_prokka|PROKKA_02239
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02347
Name: ER04928_3A_prokka|PROKKA_02347
Description: ER04928_3A_prokka|PROKKA_02347
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02366
Name: ER04928_3A_prokka|PROKKA_02366
Description: ER04928_3A_prokka|PROKKA_02366
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02379
Name: ER04928_3A_prokka|PROKKA_02379
Description: ER04928_3A_prokka|PROKKA_02379
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02411
Name: ER04928_3A_prokka|PROKKA_02411
Description: ER04928_3A_prokka|PROKKA_02411
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02558
Name: ER04928_3A_prokka|PROKKA_02558
Description: ER04928_3A_prokka|PROKKA_02558
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02567
Name: ER04928_3A_prokka|PROKKA_02567
Description: ER04928_3A_prokka|PROKKA_02567
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02631
Name: ER04928_3A_prokka|PROKKA_02631
Description: ER04928_3A_prokka|PROKKA_02631
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02739
Name: ER04928_3A_prokka|PROKKA_02739
Description: ER04928_3A_prokka|PROKKA_02739
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02777
Name: ER04928_3A_prokka|PROKKA_02777
Description: ER04928_3A_prokka|PROKKA_02777
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02861
Name: ER04928_3A_prokka|PROKKA_02861
Description: ER04928_3A_prokka|PROKKA_02861
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02878
Name: ER04928_3A_prokka|PROKKA_02878
Description: ER04928_3A_prokka|PROKKA_02878
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00015
Name: ER04929_3A_prokka|PROKKA_00015
Description: ER04929_3A_prokka|PROKKA_00015
Number of features: 0
Seq('MTVKTTVSTKDIDEAFLRLKDIVKKHLYN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00017
Name: ER04929_3A_prokka|PROKKA_00017
Description: ER04929_3A_prokka|PROKKA_00017
Number of features: 0
Seq('MCLGMNPDQVPEGVHCASTSNRNFEGRQGKGARTHLVSPAMQQQQLFIKT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00019
Name: ER04929_3A_prokka|PROKKA_00019
Description: ER04929_3A_prokka|PROKKA_00019
Number of features: 0
Seq('MTICNMAIEGGAKYGIIQPDDITFEYVKGRPFADNFAKSVDKWLSYI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00031
Name: ER04929_3A_prokka|PROKKA_00031
Description: ER04929_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MWAAQFYPFKNHGQWVTSGGLGTMGFGIPSSIGAKLANPDKTVVFRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00062
Name: ER04929_3A_prokka|PROKKA_00062
Description: ER04929_3A_prokka|PROKKA_00062
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00071
Name: ER04929_3A_prokka|PROKKA_00071
Description: ER04929_3A_prokka|PROKKA_00071
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00092
Name: ER04929_3A_prokka|PROKKA_00092
Description: ER04929_3A_prokka|PROKKA_00092
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00182
Name: ER04929_3A_prokka|PROKKA_00182
Description: ER04929_3A_prokka|PROKKA_00182
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00281
Name: ER04929_3A_prokka|PROKKA_00281
Description: ER04929_3A_prokka|PROKKA_00281
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00333
Name: ER04929_3A_prokka|PROKKA_00333
Description: ER04929_3A_prokka|PROKKA_00333
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00431
Name: ER04929_3A_prokka|PROKKA_00431
Description: ER04929_3A_prokka|PROKKA_00431
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00469
Name: ER04929_3A_prokka|PROKKA_00469
Description: ER04929_3A_prokka|PROKKA_00469
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00599
Name: ER04929_3A_prokka|PROKKA_00599
Description: ER04929_3A_prokka|PROKKA_00599
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00635
Name: ER04929_3A_prokka|PROKKA_00635
Description: ER04929_3A_prokka|PROKKA_00635
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00853
Name: ER04929_3A_prokka|PROKKA_00853
Description: ER04929_3A_prokka|PROKKA_00853
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00897
Name: ER04929_3A_prokka|PROKKA_00897
Description: ER04929_3A_prokka|PROKKA_00897
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01005
Name: ER04929_3A_prokka|PROKKA_01005
Description: ER04929_3A_prokka|PROKKA_01005
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01044
Name: ER04929_3A_prokka|PROKKA_01044
Description: ER04929_3A_prokka|PROKKA_01044
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01124
Name: ER04929_3A_prokka|PROKKA_01124
Description: ER04929_3A_prokka|PROKKA_01124
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01137
Name: ER04929_3A_prokka|PROKKA_01137
Description: ER04929_3A_prokka|PROKKA_01137
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01138
Name: ER04929_3A_prokka|PROKKA_01138
Description: ER04929_3A_prokka|PROKKA_01138
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01273
Name: ER04929_3A_prokka|PROKKA_01273
Description: ER04929_3A_prokka|PROKKA_01273
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01277
Name: ER04929_3A_prokka|PROKKA_01277
Description: ER04929_3A_prokka|PROKKA_01277
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01281
Name: ER04929_3A_prokka|PROKKA_01281
Description: ER04929_3A_prokka|PROKKA_01281
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01283
Name: ER04929_3A_prokka|PROKKA_01283
Description: ER04929_3A_prokka|PROKKA_01283
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01307
Name: ER04929_3A_prokka|PROKKA_01307
Description: ER04929_3A_prokka|PROKKA_01307
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01402
Name: ER04929_3A_prokka|PROKKA_01402
Description: ER04929_3A_prokka|PROKKA_01402
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01414
Name: ER04929_3A_prokka|PROKKA_01414
Description: ER04929_3A_prokka|PROKKA_01414
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01464
Name: ER04929_3A_prokka|PROKKA_01464
Description: ER04929_3A_prokka|PROKKA_01464
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01472
Name: ER04929_3A_prokka|PROKKA_01472
Description: ER04929_3A_prokka|PROKKA_01472
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01492
Name: ER04929_3A_prokka|PROKKA_01492
Description: ER04929_3A_prokka|PROKKA_01492
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01520
Name: ER04929_3A_prokka|PROKKA_01520
Description: ER04929_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01547
Name: ER04929_3A_prokka|PROKKA_01547
Description: ER04929_3A_prokka|PROKKA_01547
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01584
Name: ER04929_3A_prokka|PROKKA_01584
Description: ER04929_3A_prokka|PROKKA_01584
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01655
Name: ER04929_3A_prokka|PROKKA_01655
Description: ER04929_3A_prokka|PROKKA_01655
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01820
Name: ER04929_3A_prokka|PROKKA_01820
Description: ER04929_3A_prokka|PROKKA_01820
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01827
Name: ER04929_3A_prokka|PROKKA_01827
Description: ER04929_3A_prokka|PROKKA_01827
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01844
Name: ER04929_3A_prokka|PROKKA_01844
Description: ER04929_3A_prokka|PROKKA_01844
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01879
Name: ER04929_3A_prokka|PROKKA_01879
Description: ER04929_3A_prokka|PROKKA_01879
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01931
Name: ER04929_3A_prokka|PROKKA_01931
Description: ER04929_3A_prokka|PROKKA_01931
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02003
Name: ER04929_3A_prokka|PROKKA_02003
Description: ER04929_3A_prokka|PROKKA_02003
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02007
Name: ER04929_3A_prokka|PROKKA_02007
Description: ER04929_3A_prokka|PROKKA_02007
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02023
Name: ER04929_3A_prokka|PROKKA_02023
Description: ER04929_3A_prokka|PROKKA_02023
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02043
Name: ER04929_3A_prokka|PROKKA_02043
Description: ER04929_3A_prokka|PROKKA_02043
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02073
Name: ER04929_3A_prokka|PROKKA_02073
Description: ER04929_3A_prokka|PROKKA_02073
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02075
Name: ER04929_3A_prokka|PROKKA_02075
Description: ER04929_3A_prokka|PROKKA_02075
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02124
Name: ER04929_3A_prokka|PROKKA_02124
Description: ER04929_3A_prokka|PROKKA_02124
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02244
Name: ER04929_3A_prokka|PROKKA_02244
Description: ER04929_3A_prokka|PROKKA_02244
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02268
Name: ER04929_3A_prokka|PROKKA_02268
Description: ER04929_3A_prokka|PROKKA_02268
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02299
Name: ER04929_3A_prokka|PROKKA_02299
Description: ER04929_3A_prokka|PROKKA_02299
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02314
Name: ER04929_3A_prokka|PROKKA_02314
Description: ER04929_3A_prokka|PROKKA_02314
Number of features: 0
Seq('MVVEKRNPIPVKEAIQRIVNQQSSMPAITVALEKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02395
Name: ER04929_3A_prokka|PROKKA_02395
Description: ER04929_3A_prokka|PROKKA_02395
Number of features: 0
Seq('MMISSPQIIDAEKHGDKITATVRLINENGKQVDKEYELEQGSQDRLQLIKTSEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02456
Name: ER04929_3A_prokka|PROKKA_02456
Description: ER04929_3A_prokka|PROKKA_02456
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02665
Name: ER04929_3A_prokka|PROKKA_02665
Description: ER04929_3A_prokka|PROKKA_02665
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02752
Name: ER04929_3A_prokka|PROKKA_02752
Description: ER04929_3A_prokka|PROKKA_02752
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00029
Name: ER05117_3A_prokka|PROKKA_00029
Description: ER05117_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00038
Name: ER05117_3A_prokka|PROKKA_00038
Description: ER05117_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00060
Name: ER05117_3A_prokka|PROKKA_00060
Description: ER05117_3A_prokka|PROKKA_00060
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00150
Name: ER05117_3A_prokka|PROKKA_00150
Description: ER05117_3A_prokka|PROKKA_00150
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00249
Name: ER05117_3A_prokka|PROKKA_00249
Description: ER05117_3A_prokka|PROKKA_00249
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00301
Name: ER05117_3A_prokka|PROKKA_00301
Description: ER05117_3A_prokka|PROKKA_00301
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00399
Name: ER05117_3A_prokka|PROKKA_00399
Description: ER05117_3A_prokka|PROKKA_00399
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00437
Name: ER05117_3A_prokka|PROKKA_00437
Description: ER05117_3A_prokka|PROKKA_00437
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00567
Name: ER05117_3A_prokka|PROKKA_00567
Description: ER05117_3A_prokka|PROKKA_00567
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00603
Name: ER05117_3A_prokka|PROKKA_00603
Description: ER05117_3A_prokka|PROKKA_00603
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00821
Name: ER05117_3A_prokka|PROKKA_00821
Description: ER05117_3A_prokka|PROKKA_00821
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00865
Name: ER05117_3A_prokka|PROKKA_00865
Description: ER05117_3A_prokka|PROKKA_00865
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00974
Name: ER05117_3A_prokka|PROKKA_00974
Description: ER05117_3A_prokka|PROKKA_00974
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01013
Name: ER05117_3A_prokka|PROKKA_01013
Description: ER05117_3A_prokka|PROKKA_01013
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01093
Name: ER05117_3A_prokka|PROKKA_01093
Description: ER05117_3A_prokka|PROKKA_01093
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01106
Name: ER05117_3A_prokka|PROKKA_01106
Description: ER05117_3A_prokka|PROKKA_01106
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01107
Name: ER05117_3A_prokka|PROKKA_01107
Description: ER05117_3A_prokka|PROKKA_01107
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01242
Name: ER05117_3A_prokka|PROKKA_01242
Description: ER05117_3A_prokka|PROKKA_01242
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01246
Name: ER05117_3A_prokka|PROKKA_01246
Description: ER05117_3A_prokka|PROKKA_01246
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01250
Name: ER05117_3A_prokka|PROKKA_01250
Description: ER05117_3A_prokka|PROKKA_01250
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01252
Name: ER05117_3A_prokka|PROKKA_01252
Description: ER05117_3A_prokka|PROKKA_01252
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01276
Name: ER05117_3A_prokka|PROKKA_01276
Description: ER05117_3A_prokka|PROKKA_01276
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01372
Name: ER05117_3A_prokka|PROKKA_01372
Description: ER05117_3A_prokka|PROKKA_01372
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01384
Name: ER05117_3A_prokka|PROKKA_01384
Description: ER05117_3A_prokka|PROKKA_01384
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01433
Name: ER05117_3A_prokka|PROKKA_01433
Description: ER05117_3A_prokka|PROKKA_01433
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01441
Name: ER05117_3A_prokka|PROKKA_01441
Description: ER05117_3A_prokka|PROKKA_01441
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01461
Name: ER05117_3A_prokka|PROKKA_01461
Description: ER05117_3A_prokka|PROKKA_01461
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01489
Name: ER05117_3A_prokka|PROKKA_01489
Description: ER05117_3A_prokka|PROKKA_01489
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01516
Name: ER05117_3A_prokka|PROKKA_01516
Description: ER05117_3A_prokka|PROKKA_01516
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01553
Name: ER05117_3A_prokka|PROKKA_01553
Description: ER05117_3A_prokka|PROKKA_01553
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01624
Name: ER05117_3A_prokka|PROKKA_01624
Description: ER05117_3A_prokka|PROKKA_01624
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01789
Name: ER05117_3A_prokka|PROKKA_01789
Description: ER05117_3A_prokka|PROKKA_01789
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01796
Name: ER05117_3A_prokka|PROKKA_01796
Description: ER05117_3A_prokka|PROKKA_01796
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01815
Name: ER05117_3A_prokka|PROKKA_01815
Description: ER05117_3A_prokka|PROKKA_01815
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01850
Name: ER05117_3A_prokka|PROKKA_01850
Description: ER05117_3A_prokka|PROKKA_01850
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01902
Name: ER05117_3A_prokka|PROKKA_01902
Description: ER05117_3A_prokka|PROKKA_01902
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01904
Name: ER05117_3A_prokka|PROKKA_01904
Description: ER05117_3A_prokka|PROKKA_01904
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01905
Name: ER05117_3A_prokka|PROKKA_01905
Description: ER05117_3A_prokka|PROKKA_01905
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01935
Name: ER05117_3A_prokka|PROKKA_01935
Description: ER05117_3A_prokka|PROKKA_01935
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDLKVKEREIEILRIRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01939
Name: ER05117_3A_prokka|PROKKA_01939
Description: ER05117_3A_prokka|PROKKA_01939
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSESEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01949
Name: ER05117_3A_prokka|PROKKA_01949
Description: ER05117_3A_prokka|PROKKA_01949
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01953
Name: ER05117_3A_prokka|PROKKA_01953
Description: ER05117_3A_prokka|PROKKA_01953
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01959
Name: ER05117_3A_prokka|PROKKA_01959
Description: ER05117_3A_prokka|PROKKA_01959
Number of features: 0
Seq('MSNIYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01966
Name: ER05117_3A_prokka|PROKKA_01966
Description: ER05117_3A_prokka|PROKKA_01966
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02046
Name: ER05117_3A_prokka|PROKKA_02046
Description: ER05117_3A_prokka|PROKKA_02046
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02050
Name: ER05117_3A_prokka|PROKKA_02050
Description: ER05117_3A_prokka|PROKKA_02050
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02066
Name: ER05117_3A_prokka|PROKKA_02066
Description: ER05117_3A_prokka|PROKKA_02066
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02086
Name: ER05117_3A_prokka|PROKKA_02086
Description: ER05117_3A_prokka|PROKKA_02086
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02116
Name: ER05117_3A_prokka|PROKKA_02116
Description: ER05117_3A_prokka|PROKKA_02116
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02118
Name: ER05117_3A_prokka|PROKKA_02118
Description: ER05117_3A_prokka|PROKKA_02118
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02167
Name: ER05117_3A_prokka|PROKKA_02167
Description: ER05117_3A_prokka|PROKKA_02167
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02278
Name: ER05117_3A_prokka|PROKKA_02278
Description: ER05117_3A_prokka|PROKKA_02278
Number of features: 0
Seq('MTKTLPEDFIFGGATAAYQAEGATNTDGKGRVAWDTYLEENYWYTAETSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02289
Name: ER05117_3A_prokka|PROKKA_02289
Description: ER05117_3A_prokka|PROKKA_02289
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02315
Name: ER05117_3A_prokka|PROKKA_02315
Description: ER05117_3A_prokka|PROKKA_02315
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02346
Name: ER05117_3A_prokka|PROKKA_02346
Description: ER05117_3A_prokka|PROKKA_02346
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02501
Name: ER05117_3A_prokka|PROKKA_02501
Description: ER05117_3A_prokka|PROKKA_02501
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02710
Name: ER05117_3A_prokka|PROKKA_02710
Description: ER05117_3A_prokka|PROKKA_02710
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02797
Name: ER05117_3A_prokka|PROKKA_02797
Description: ER05117_3A_prokka|PROKKA_02797
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02817
Name: ER05117_3A_prokka|PROKKA_02817
Description: ER05117_3A_prokka|PROKKA_02817
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALTEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02846
Name: ER05117_3A_prokka|PROKKA_02846
Description: ER05117_3A_prokka|PROKKA_02846
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00001
Name: ER05167_3A_prokka|PROKKA_00001
Description: ER05167_3A_prokka|PROKKA_00001
Number of features: 0
Seq('MLDKKDEGVIRDMFGECSKFDRDLNGKKMSYVCYDM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00014
Name: ER05167_3A_prokka|PROKKA_00014
Description: ER05167_3A_prokka|PROKKA_00014
Number of features: 0
Seq('MKKAELNHFIEETSEQALKKLEEFFYSPDSVEEYISFLSQFYNYSLETNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00028
Name: ER05167_3A_prokka|PROKKA_00028
Description: ER05167_3A_prokka|PROKKA_00028
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALTEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00047
Name: ER05167_3A_prokka|PROKKA_00047
Description: ER05167_3A_prokka|PROKKA_00047
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00079
Name: ER05167_3A_prokka|PROKKA_00079
Description: ER05167_3A_prokka|PROKKA_00079
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00088
Name: ER05167_3A_prokka|PROKKA_00088
Description: ER05167_3A_prokka|PROKKA_00088
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00110
Name: ER05167_3A_prokka|PROKKA_00110
Description: ER05167_3A_prokka|PROKKA_00110
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00201
Name: ER05167_3A_prokka|PROKKA_00201
Description: ER05167_3A_prokka|PROKKA_00201
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00299
Name: ER05167_3A_prokka|PROKKA_00299
Description: ER05167_3A_prokka|PROKKA_00299
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00352
Name: ER05167_3A_prokka|PROKKA_00352
Description: ER05167_3A_prokka|PROKKA_00352
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00450
Name: ER05167_3A_prokka|PROKKA_00450
Description: ER05167_3A_prokka|PROKKA_00450
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00488
Name: ER05167_3A_prokka|PROKKA_00488
Description: ER05167_3A_prokka|PROKKA_00488
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00618
Name: ER05167_3A_prokka|PROKKA_00618
Description: ER05167_3A_prokka|PROKKA_00618
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00654
Name: ER05167_3A_prokka|PROKKA_00654
Description: ER05167_3A_prokka|PROKKA_00654
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00876
Name: ER05167_3A_prokka|PROKKA_00876
Description: ER05167_3A_prokka|PROKKA_00876
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00920
Name: ER05167_3A_prokka|PROKKA_00920
Description: ER05167_3A_prokka|PROKKA_00920
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01030
Name: ER05167_3A_prokka|PROKKA_01030
Description: ER05167_3A_prokka|PROKKA_01030
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01069
Name: ER05167_3A_prokka|PROKKA_01069
Description: ER05167_3A_prokka|PROKKA_01069
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01149
Name: ER05167_3A_prokka|PROKKA_01149
Description: ER05167_3A_prokka|PROKKA_01149
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01162
Name: ER05167_3A_prokka|PROKKA_01162
Description: ER05167_3A_prokka|PROKKA_01162
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01163
Name: ER05167_3A_prokka|PROKKA_01163
Description: ER05167_3A_prokka|PROKKA_01163
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01298
Name: ER05167_3A_prokka|PROKKA_01298
Description: ER05167_3A_prokka|PROKKA_01298
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01302
Name: ER05167_3A_prokka|PROKKA_01302
Description: ER05167_3A_prokka|PROKKA_01302
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01306
Name: ER05167_3A_prokka|PROKKA_01306
Description: ER05167_3A_prokka|PROKKA_01306
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01308
Name: ER05167_3A_prokka|PROKKA_01308
Description: ER05167_3A_prokka|PROKKA_01308
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01332
Name: ER05167_3A_prokka|PROKKA_01332
Description: ER05167_3A_prokka|PROKKA_01332
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01359
Name: ER05167_3A_prokka|PROKKA_01359
Description: ER05167_3A_prokka|PROKKA_01359
Number of features: 0
Seq('MMPIVNVKLLEGRSDEQLKNLVSEVTDAVEKTTGQIDKQFTLL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01428
Name: ER05167_3A_prokka|PROKKA_01428
Description: ER05167_3A_prokka|PROKKA_01428
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01440
Name: ER05167_3A_prokka|PROKKA_01440
Description: ER05167_3A_prokka|PROKKA_01440
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01490
Name: ER05167_3A_prokka|PROKKA_01490
Description: ER05167_3A_prokka|PROKKA_01490
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01498
Name: ER05167_3A_prokka|PROKKA_01498
Description: ER05167_3A_prokka|PROKKA_01498
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01519
Name: ER05167_3A_prokka|PROKKA_01519
Description: ER05167_3A_prokka|PROKKA_01519
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01547
Name: ER05167_3A_prokka|PROKKA_01547
Description: ER05167_3A_prokka|PROKKA_01547
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01574
Name: ER05167_3A_prokka|PROKKA_01574
Description: ER05167_3A_prokka|PROKKA_01574
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01611
Name: ER05167_3A_prokka|PROKKA_01611
Description: ER05167_3A_prokka|PROKKA_01611
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01682
Name: ER05167_3A_prokka|PROKKA_01682
Description: ER05167_3A_prokka|PROKKA_01682
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01848
Name: ER05167_3A_prokka|PROKKA_01848
Description: ER05167_3A_prokka|PROKKA_01848
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01856
Name: ER05167_3A_prokka|PROKKA_01856
Description: ER05167_3A_prokka|PROKKA_01856
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01875
Name: ER05167_3A_prokka|PROKKA_01875
Description: ER05167_3A_prokka|PROKKA_01875
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01910
Name: ER05167_3A_prokka|PROKKA_01910
Description: ER05167_3A_prokka|PROKKA_01910
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01963
Name: ER05167_3A_prokka|PROKKA_01963
Description: ER05167_3A_prokka|PROKKA_01963
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01965
Name: ER05167_3A_prokka|PROKKA_01965
Description: ER05167_3A_prokka|PROKKA_01965
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01966
Name: ER05167_3A_prokka|PROKKA_01966
Description: ER05167_3A_prokka|PROKKA_01966
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01997
Name: ER05167_3A_prokka|PROKKA_01997
Description: ER05167_3A_prokka|PROKKA_01997
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDLKVKEREIEILRIRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02001
Name: ER05167_3A_prokka|PROKKA_02001
Description: ER05167_3A_prokka|PROKKA_02001
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSESEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02011
Name: ER05167_3A_prokka|PROKKA_02011
Description: ER05167_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02015
Name: ER05167_3A_prokka|PROKKA_02015
Description: ER05167_3A_prokka|PROKKA_02015
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02021
Name: ER05167_3A_prokka|PROKKA_02021
Description: ER05167_3A_prokka|PROKKA_02021
Number of features: 0
Seq('MSNIYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02028
Name: ER05167_3A_prokka|PROKKA_02028
Description: ER05167_3A_prokka|PROKKA_02028
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02109
Name: ER05167_3A_prokka|PROKKA_02109
Description: ER05167_3A_prokka|PROKKA_02109
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02113
Name: ER05167_3A_prokka|PROKKA_02113
Description: ER05167_3A_prokka|PROKKA_02113
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02129
Name: ER05167_3A_prokka|PROKKA_02129
Description: ER05167_3A_prokka|PROKKA_02129
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02149
Name: ER05167_3A_prokka|PROKKA_02149
Description: ER05167_3A_prokka|PROKKA_02149
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02164
Name: ER05167_3A_prokka|PROKKA_02164
Description: ER05167_3A_prokka|PROKKA_02164
Number of features: 0
Seq('MESPWFLGYWSGENHVDKKEEKLSALYEVDWKTHNVKFVKVLNDNEKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02181
Name: ER05167_3A_prokka|PROKKA_02181
Description: ER05167_3A_prokka|PROKKA_02181
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02183
Name: ER05167_3A_prokka|PROKKA_02183
Description: ER05167_3A_prokka|PROKKA_02183
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02230
Name: ER05167_3A_prokka|PROKKA_02230
Description: ER05167_3A_prokka|PROKKA_02230
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02335
Name: ER05167_3A_prokka|PROKKA_02335
Description: ER05167_3A_prokka|PROKKA_02335
Number of features: 0
Seq('MTKTLPEDFIFGGATAAYQAEGATNTDGKGRVAWDTYLEENYWYTAETSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02346
Name: ER05167_3A_prokka|PROKKA_02346
Description: ER05167_3A_prokka|PROKKA_02346
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02372
Name: ER05167_3A_prokka|PROKKA_02372
Description: ER05167_3A_prokka|PROKKA_02372
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02403
Name: ER05167_3A_prokka|PROKKA_02403
Description: ER05167_3A_prokka|PROKKA_02403
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02560
Name: ER05167_3A_prokka|PROKKA_02560
Description: ER05167_3A_prokka|PROKKA_02560
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02763
Name: ER05167_3A_prokka|PROKKA_02763
Description: ER05167_3A_prokka|PROKKA_02763
Number of features: 0
Seq('MNSDNMWLTVMGLIIIISIVGLLIAKKINPVVGMTIIPCLGQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02773
Name: ER05167_3A_prokka|PROKKA_02773
Description: ER05167_3A_prokka|PROKKA_02773
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02862
Name: ER05167_3A_prokka|PROKKA_02862
Description: ER05167_3A_prokka|PROKKA_02862
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00002
Name: ER05204_3A_prokka|PROKKA_00002
Description: ER05204_3A_prokka|PROKKA_00002
Number of features: 0
Seq('MVLLIQKRRGLNKPNILYLMKPIVTERDIYKIEKEENNV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00003
Name: ER05204_3A_prokka|PROKKA_00003
Description: ER05204_3A_prokka|PROKKA_00003
Number of features: 0
Seq('MQNQYFTVQENYKERFYQIPKVFFTSENYKNLTNDMKIAYAILRDRLNLFY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00004
Name: ER05204_3A_prokka|PROKKA_00004
Description: ER05204_3A_prokka|PROKKA_00004
Number of features: 0
Seq('MKSVKKLSEELGVSKQTIFNNIKRLNIETIKQEKHFVY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00015
Name: ER05204_3A_prokka|PROKKA_00015
Description: ER05204_3A_prokka|PROKKA_00015
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00053
Name: ER05204_3A_prokka|PROKKA_00053
Description: ER05204_3A_prokka|PROKKA_00053
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00062
Name: ER05204_3A_prokka|PROKKA_00062
Description: ER05204_3A_prokka|PROKKA_00062
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00084
Name: ER05204_3A_prokka|PROKKA_00084
Description: ER05204_3A_prokka|PROKKA_00084
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00174
Name: ER05204_3A_prokka|PROKKA_00174
Description: ER05204_3A_prokka|PROKKA_00174
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00273
Name: ER05204_3A_prokka|PROKKA_00273
Description: ER05204_3A_prokka|PROKKA_00273
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00325
Name: ER05204_3A_prokka|PROKKA_00325
Description: ER05204_3A_prokka|PROKKA_00325
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00423
Name: ER05204_3A_prokka|PROKKA_00423
Description: ER05204_3A_prokka|PROKKA_00423
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00461
Name: ER05204_3A_prokka|PROKKA_00461
Description: ER05204_3A_prokka|PROKKA_00461
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00591
Name: ER05204_3A_prokka|PROKKA_00591
Description: ER05204_3A_prokka|PROKKA_00591
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00627
Name: ER05204_3A_prokka|PROKKA_00627
Description: ER05204_3A_prokka|PROKKA_00627
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00845
Name: ER05204_3A_prokka|PROKKA_00845
Description: ER05204_3A_prokka|PROKKA_00845
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00889
Name: ER05204_3A_prokka|PROKKA_00889
Description: ER05204_3A_prokka|PROKKA_00889
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00998
Name: ER05204_3A_prokka|PROKKA_00998
Description: ER05204_3A_prokka|PROKKA_00998
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01037
Name: ER05204_3A_prokka|PROKKA_01037
Description: ER05204_3A_prokka|PROKKA_01037
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01117
Name: ER05204_3A_prokka|PROKKA_01117
Description: ER05204_3A_prokka|PROKKA_01117
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01130
Name: ER05204_3A_prokka|PROKKA_01130
Description: ER05204_3A_prokka|PROKKA_01130
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01131
Name: ER05204_3A_prokka|PROKKA_01131
Description: ER05204_3A_prokka|PROKKA_01131
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01266
Name: ER05204_3A_prokka|PROKKA_01266
Description: ER05204_3A_prokka|PROKKA_01266
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01270
Name: ER05204_3A_prokka|PROKKA_01270
Description: ER05204_3A_prokka|PROKKA_01270
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01274
Name: ER05204_3A_prokka|PROKKA_01274
Description: ER05204_3A_prokka|PROKKA_01274
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01276
Name: ER05204_3A_prokka|PROKKA_01276
Description: ER05204_3A_prokka|PROKKA_01276
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01300
Name: ER05204_3A_prokka|PROKKA_01300
Description: ER05204_3A_prokka|PROKKA_01300
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01396
Name: ER05204_3A_prokka|PROKKA_01396
Description: ER05204_3A_prokka|PROKKA_01396
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01408
Name: ER05204_3A_prokka|PROKKA_01408
Description: ER05204_3A_prokka|PROKKA_01408
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01457
Name: ER05204_3A_prokka|PROKKA_01457
Description: ER05204_3A_prokka|PROKKA_01457
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01465
Name: ER05204_3A_prokka|PROKKA_01465
Description: ER05204_3A_prokka|PROKKA_01465
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01485
Name: ER05204_3A_prokka|PROKKA_01485
Description: ER05204_3A_prokka|PROKKA_01485
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01513
Name: ER05204_3A_prokka|PROKKA_01513
Description: ER05204_3A_prokka|PROKKA_01513
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01540
Name: ER05204_3A_prokka|PROKKA_01540
Description: ER05204_3A_prokka|PROKKA_01540
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01577
Name: ER05204_3A_prokka|PROKKA_01577
Description: ER05204_3A_prokka|PROKKA_01577
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01648
Name: ER05204_3A_prokka|PROKKA_01648
Description: ER05204_3A_prokka|PROKKA_01648
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01813
Name: ER05204_3A_prokka|PROKKA_01813
Description: ER05204_3A_prokka|PROKKA_01813
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01820
Name: ER05204_3A_prokka|PROKKA_01820
Description: ER05204_3A_prokka|PROKKA_01820
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01839
Name: ER05204_3A_prokka|PROKKA_01839
Description: ER05204_3A_prokka|PROKKA_01839
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01874
Name: ER05204_3A_prokka|PROKKA_01874
Description: ER05204_3A_prokka|PROKKA_01874
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01926
Name: ER05204_3A_prokka|PROKKA_01926
Description: ER05204_3A_prokka|PROKKA_01926
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01928
Name: ER05204_3A_prokka|PROKKA_01928
Description: ER05204_3A_prokka|PROKKA_01928
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01929
Name: ER05204_3A_prokka|PROKKA_01929
Description: ER05204_3A_prokka|PROKKA_01929
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01959
Name: ER05204_3A_prokka|PROKKA_01959
Description: ER05204_3A_prokka|PROKKA_01959
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDLKVKEREIEILRIRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01963
Name: ER05204_3A_prokka|PROKKA_01963
Description: ER05204_3A_prokka|PROKKA_01963
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSESEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01973
Name: ER05204_3A_prokka|PROKKA_01973
Description: ER05204_3A_prokka|PROKKA_01973
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01977
Name: ER05204_3A_prokka|PROKKA_01977
Description: ER05204_3A_prokka|PROKKA_01977
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01983
Name: ER05204_3A_prokka|PROKKA_01983
Description: ER05204_3A_prokka|PROKKA_01983
Number of features: 0
Seq('MSNIYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01990
Name: ER05204_3A_prokka|PROKKA_01990
Description: ER05204_3A_prokka|PROKKA_01990
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02070
Name: ER05204_3A_prokka|PROKKA_02070
Description: ER05204_3A_prokka|PROKKA_02070
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02074
Name: ER05204_3A_prokka|PROKKA_02074
Description: ER05204_3A_prokka|PROKKA_02074
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02090
Name: ER05204_3A_prokka|PROKKA_02090
Description: ER05204_3A_prokka|PROKKA_02090
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02110
Name: ER05204_3A_prokka|PROKKA_02110
Description: ER05204_3A_prokka|PROKKA_02110
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02141
Name: ER05204_3A_prokka|PROKKA_02141
Description: ER05204_3A_prokka|PROKKA_02141
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02143
Name: ER05204_3A_prokka|PROKKA_02143
Description: ER05204_3A_prokka|PROKKA_02143
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02192
Name: ER05204_3A_prokka|PROKKA_02192
Description: ER05204_3A_prokka|PROKKA_02192
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02303
Name: ER05204_3A_prokka|PROKKA_02303
Description: ER05204_3A_prokka|PROKKA_02303
Number of features: 0
Seq('MTKTLPEDFIFGGATAAYQAEGATNTDGKGRVAWDTYLEENYWYTAETSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02314
Name: ER05204_3A_prokka|PROKKA_02314
Description: ER05204_3A_prokka|PROKKA_02314
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02339
Name: ER05204_3A_prokka|PROKKA_02339
Description: ER05204_3A_prokka|PROKKA_02339
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02370
Name: ER05204_3A_prokka|PROKKA_02370
Description: ER05204_3A_prokka|PROKKA_02370
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02524
Name: ER05204_3A_prokka|PROKKA_02524
Description: ER05204_3A_prokka|PROKKA_02524
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02732
Name: ER05204_3A_prokka|PROKKA_02732
Description: ER05204_3A_prokka|PROKKA_02732
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02819
Name: ER05204_3A_prokka|PROKKA_02819
Description: ER05204_3A_prokka|PROKKA_02819
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02829
Name: ER05204_3A_prokka|PROKKA_02829
Description: ER05204_3A_prokka|PROKKA_02829
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALTEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00031
Name: ER05215_3A_prokka|PROKKA_00031
Description: ER05215_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00040
Name: ER05215_3A_prokka|PROKKA_00040
Description: ER05215_3A_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00128
Name: ER05215_3A_prokka|PROKKA_00128
Description: ER05215_3A_prokka|PROKKA_00128
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00229
Name: ER05215_3A_prokka|PROKKA_00229
Description: ER05215_3A_prokka|PROKKA_00229
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00281
Name: ER05215_3A_prokka|PROKKA_00281
Description: ER05215_3A_prokka|PROKKA_00281
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00378
Name: ER05215_3A_prokka|PROKKA_00378
Description: ER05215_3A_prokka|PROKKA_00378
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00415
Name: ER05215_3A_prokka|PROKKA_00415
Description: ER05215_3A_prokka|PROKKA_00415
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00545
Name: ER05215_3A_prokka|PROKKA_00545
Description: ER05215_3A_prokka|PROKKA_00545
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00581
Name: ER05215_3A_prokka|PROKKA_00581
Description: ER05215_3A_prokka|PROKKA_00581
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00782
Name: ER05215_3A_prokka|PROKKA_00782
Description: ER05215_3A_prokka|PROKKA_00782
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00808
Name: ER05215_3A_prokka|PROKKA_00808
Description: ER05215_3A_prokka|PROKKA_00808
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00916
Name: ER05215_3A_prokka|PROKKA_00916
Description: ER05215_3A_prokka|PROKKA_00916
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00955
Name: ER05215_3A_prokka|PROKKA_00955
Description: ER05215_3A_prokka|PROKKA_00955
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01035
Name: ER05215_3A_prokka|PROKKA_01035
Description: ER05215_3A_prokka|PROKKA_01035
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01047
Name: ER05215_3A_prokka|PROKKA_01047
Description: ER05215_3A_prokka|PROKKA_01047
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01048
Name: ER05215_3A_prokka|PROKKA_01048
Description: ER05215_3A_prokka|PROKKA_01048
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01183
Name: ER05215_3A_prokka|PROKKA_01183
Description: ER05215_3A_prokka|PROKKA_01183
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01187
Name: ER05215_3A_prokka|PROKKA_01187
Description: ER05215_3A_prokka|PROKKA_01187
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01191
Name: ER05215_3A_prokka|PROKKA_01191
Description: ER05215_3A_prokka|PROKKA_01191
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01193
Name: ER05215_3A_prokka|PROKKA_01193
Description: ER05215_3A_prokka|PROKKA_01193
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01217
Name: ER05215_3A_prokka|PROKKA_01217
Description: ER05215_3A_prokka|PROKKA_01217
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01312
Name: ER05215_3A_prokka|PROKKA_01312
Description: ER05215_3A_prokka|PROKKA_01312
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01324
Name: ER05215_3A_prokka|PROKKA_01324
Description: ER05215_3A_prokka|PROKKA_01324
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01371
Name: ER05215_3A_prokka|PROKKA_01371
Description: ER05215_3A_prokka|PROKKA_01371
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01379
Name: ER05215_3A_prokka|PROKKA_01379
Description: ER05215_3A_prokka|PROKKA_01379
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01400
Name: ER05215_3A_prokka|PROKKA_01400
Description: ER05215_3A_prokka|PROKKA_01400
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01420
Name: ER05215_3A_prokka|PROKKA_01420
Description: ER05215_3A_prokka|PROKKA_01420
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01430
Name: ER05215_3A_prokka|PROKKA_01430
Description: ER05215_3A_prokka|PROKKA_01430
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01456
Name: ER05215_3A_prokka|PROKKA_01456
Description: ER05215_3A_prokka|PROKKA_01456
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01493
Name: ER05215_3A_prokka|PROKKA_01493
Description: ER05215_3A_prokka|PROKKA_01493
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01564
Name: ER05215_3A_prokka|PROKKA_01564
Description: ER05215_3A_prokka|PROKKA_01564
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01690
Name: ER05215_3A_prokka|PROKKA_01690
Description: ER05215_3A_prokka|PROKKA_01690
Number of features: 0
Seq('MIVHRITGDGPIDIMVGPMWSVNKWEVLNGIDAELARRNSYQGLRYKSKVKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01737
Name: ER05215_3A_prokka|PROKKA_01737
Description: ER05215_3A_prokka|PROKKA_01737
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01756
Name: ER05215_3A_prokka|PROKKA_01756
Description: ER05215_3A_prokka|PROKKA_01756
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01791
Name: ER05215_3A_prokka|PROKKA_01791
Description: ER05215_3A_prokka|PROKKA_01791
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01842
Name: ER05215_3A_prokka|PROKKA_01842
Description: ER05215_3A_prokka|PROKKA_01842
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01914
Name: ER05215_3A_prokka|PROKKA_01914
Description: ER05215_3A_prokka|PROKKA_01914
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01924
Name: ER05215_3A_prokka|PROKKA_01924
Description: ER05215_3A_prokka|PROKKA_01924
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01935
Name: ER05215_3A_prokka|PROKKA_01935
Description: ER05215_3A_prokka|PROKKA_01935
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01953
Name: ER05215_3A_prokka|PROKKA_01953
Description: ER05215_3A_prokka|PROKKA_01953
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01957
Name: ER05215_3A_prokka|PROKKA_01957
Description: ER05215_3A_prokka|PROKKA_01957
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01963
Name: ER05215_3A_prokka|PROKKA_01963
Description: ER05215_3A_prokka|PROKKA_01963
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01966
Name: ER05215_3A_prokka|PROKKA_01966
Description: ER05215_3A_prokka|PROKKA_01966
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01973
Name: ER05215_3A_prokka|PROKKA_01973
Description: ER05215_3A_prokka|PROKKA_01973
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01975
Name: ER05215_3A_prokka|PROKKA_01975
Description: ER05215_3A_prokka|PROKKA_01975
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01994
Name: ER05215_3A_prokka|PROKKA_01994
Description: ER05215_3A_prokka|PROKKA_01994
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01996
Name: ER05215_3A_prokka|PROKKA_01996
Description: ER05215_3A_prokka|PROKKA_01996
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_02046
Name: ER05215_3A_prokka|PROKKA_02046
Description: ER05215_3A_prokka|PROKKA_02046
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_02165
Name: ER05215_3A_prokka|PROKKA_02165
Description: ER05215_3A_prokka|PROKKA_02165
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_02189
Name: ER05215_3A_prokka|PROKKA_02189
Description: ER05215_3A_prokka|PROKKA_02189
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_02220
Name: ER05215_3A_prokka|PROKKA_02220
Description: ER05215_3A_prokka|PROKKA_02220
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_02375
Name: ER05215_3A_prokka|PROKKA_02375
Description: ER05215_3A_prokka|PROKKA_02375
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_02582
Name: ER05215_3A_prokka|PROKKA_02582
Description: ER05215_3A_prokka|PROKKA_02582
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_02669
Name: ER05215_3A_prokka|PROKKA_02669
Description: ER05215_3A_prokka|PROKKA_02669
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_02682
Name: ER05215_3A_prokka|PROKKA_02682
Description: ER05215_3A_prokka|PROKKA_02682
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00030
Name: ER05238_3A_prokka|PROKKA_00030
Description: ER05238_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00034
Name: ER05238_3A_prokka|PROKKA_00034
Description: ER05238_3A_prokka|PROKKA_00034
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00043
Name: ER05238_3A_prokka|PROKKA_00043
Description: ER05238_3A_prokka|PROKKA_00043
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00056
Name: ER05238_3A_prokka|PROKKA_00056
Description: ER05238_3A_prokka|PROKKA_00056
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00059
Name: ER05238_3A_prokka|PROKKA_00059
Description: ER05238_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00224
Name: ER05238_3A_prokka|PROKKA_00224
Description: ER05238_3A_prokka|PROKKA_00224
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00294
Name: ER05238_3A_prokka|PROKKA_00294
Description: ER05238_3A_prokka|PROKKA_00294
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00298
Name: ER05238_3A_prokka|PROKKA_00298
Description: ER05238_3A_prokka|PROKKA_00298
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00303
Name: ER05238_3A_prokka|PROKKA_00303
Description: ER05238_3A_prokka|PROKKA_00303
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00304
Name: ER05238_3A_prokka|PROKKA_00304
Description: ER05238_3A_prokka|PROKKA_00304
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00312
Name: ER05238_3A_prokka|PROKKA_00312
Description: ER05238_3A_prokka|PROKKA_00312
Number of features: 0
Seq('MNKILIRFAINYIKYQQKQLREKEARIKYLEGFLKGKGY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00316
Name: ER05238_3A_prokka|PROKKA_00316
Description: ER05238_3A_prokka|PROKKA_00316
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00335
Name: ER05238_3A_prokka|PROKKA_00335
Description: ER05238_3A_prokka|PROKKA_00335
Number of features: 0
Seq('MMWLVIAIILLVILLFGMMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00392
Name: ER05238_3A_prokka|PROKKA_00392
Description: ER05238_3A_prokka|PROKKA_00392
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00398
Name: ER05238_3A_prokka|PROKKA_00398
Description: ER05238_3A_prokka|PROKKA_00398
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00443
Name: ER05238_3A_prokka|PROKKA_00443
Description: ER05238_3A_prokka|PROKKA_00443
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00461
Name: ER05238_3A_prokka|PROKKA_00461
Description: ER05238_3A_prokka|PROKKA_00461
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00628
Name: ER05238_3A_prokka|PROKKA_00628
Description: ER05238_3A_prokka|PROKKA_00628
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00746
Name: ER05238_3A_prokka|PROKKA_00746
Description: ER05238_3A_prokka|PROKKA_00746
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00881
Name: ER05238_3A_prokka|PROKKA_00881
Description: ER05238_3A_prokka|PROKKA_00881
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00908
Name: ER05238_3A_prokka|PROKKA_00908
Description: ER05238_3A_prokka|PROKKA_00908
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01016
Name: ER05238_3A_prokka|PROKKA_01016
Description: ER05238_3A_prokka|PROKKA_01016
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01056
Name: ER05238_3A_prokka|PROKKA_01056
Description: ER05238_3A_prokka|PROKKA_01056
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01105
Name: ER05238_3A_prokka|PROKKA_01105
Description: ER05238_3A_prokka|PROKKA_01105
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01113
Name: ER05238_3A_prokka|PROKKA_01113
Description: ER05238_3A_prokka|PROKKA_01113
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01114
Name: ER05238_3A_prokka|PROKKA_01114
Description: ER05238_3A_prokka|PROKKA_01114
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01135
Name: ER05238_3A_prokka|PROKKA_01135
Description: ER05238_3A_prokka|PROKKA_01135
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01200
Name: ER05238_3A_prokka|PROKKA_01200
Description: ER05238_3A_prokka|PROKKA_01200
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01212
Name: ER05238_3A_prokka|PROKKA_01212
Description: ER05238_3A_prokka|PROKKA_01212
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01213
Name: ER05238_3A_prokka|PROKKA_01213
Description: ER05238_3A_prokka|PROKKA_01213
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01348
Name: ER05238_3A_prokka|PROKKA_01348
Description: ER05238_3A_prokka|PROKKA_01348
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01352
Name: ER05238_3A_prokka|PROKKA_01352
Description: ER05238_3A_prokka|PROKKA_01352
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01376
Name: ER05238_3A_prokka|PROKKA_01376
Description: ER05238_3A_prokka|PROKKA_01376
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01482
Name: ER05238_3A_prokka|PROKKA_01482
Description: ER05238_3A_prokka|PROKKA_01482
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01549
Name: ER05238_3A_prokka|PROKKA_01549
Description: ER05238_3A_prokka|PROKKA_01549
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01552
Name: ER05238_3A_prokka|PROKKA_01552
Description: ER05238_3A_prokka|PROKKA_01552
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01587
Name: ER05238_3A_prokka|PROKKA_01587
Description: ER05238_3A_prokka|PROKKA_01587
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01660
Name: ER05238_3A_prokka|PROKKA_01660
Description: ER05238_3A_prokka|PROKKA_01660
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01823
Name: ER05238_3A_prokka|PROKKA_01823
Description: ER05238_3A_prokka|PROKKA_01823
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01838
Name: ER05238_3A_prokka|PROKKA_01838
Description: ER05238_3A_prokka|PROKKA_01838
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01880
Name: ER05238_3A_prokka|PROKKA_01880
Description: ER05238_3A_prokka|PROKKA_01880
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01932
Name: ER05238_3A_prokka|PROKKA_01932
Description: ER05238_3A_prokka|PROKKA_01932
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02007
Name: ER05238_3A_prokka|PROKKA_02007
Description: ER05238_3A_prokka|PROKKA_02007
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02011
Name: ER05238_3A_prokka|PROKKA_02011
Description: ER05238_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02027
Name: ER05238_3A_prokka|PROKKA_02027
Description: ER05238_3A_prokka|PROKKA_02027
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02045
Name: ER05238_3A_prokka|PROKKA_02045
Description: ER05238_3A_prokka|PROKKA_02045
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02084
Name: ER05238_3A_prokka|PROKKA_02084
Description: ER05238_3A_prokka|PROKKA_02084
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02095
Name: ER05238_3A_prokka|PROKKA_02095
Description: ER05238_3A_prokka|PROKKA_02095
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02097
Name: ER05238_3A_prokka|PROKKA_02097
Description: ER05238_3A_prokka|PROKKA_02097
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02147
Name: ER05238_3A_prokka|PROKKA_02147
Description: ER05238_3A_prokka|PROKKA_02147
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02273
Name: ER05238_3A_prokka|PROKKA_02273
Description: ER05238_3A_prokka|PROKKA_02273
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02286
Name: ER05238_3A_prokka|PROKKA_02286
Description: ER05238_3A_prokka|PROKKA_02286
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02317
Name: ER05238_3A_prokka|PROKKA_02317
Description: ER05238_3A_prokka|PROKKA_02317
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02471
Name: ER05238_3A_prokka|PROKKA_02471
Description: ER05238_3A_prokka|PROKKA_02471
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02535
Name: ER05238_3A_prokka|PROKKA_02535
Description: ER05238_3A_prokka|PROKKA_02535
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02661
Name: ER05238_3A_prokka|PROKKA_02661
Description: ER05238_3A_prokka|PROKKA_02661
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02663
Name: ER05238_3A_prokka|PROKKA_02663
Description: ER05238_3A_prokka|PROKKA_02663
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02666
Name: ER05238_3A_prokka|PROKKA_02666
Description: ER05238_3A_prokka|PROKKA_02666
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02673
Name: ER05238_3A_prokka|PROKKA_02673
Description: ER05238_3A_prokka|PROKKA_02673
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02711
Name: ER05238_3A_prokka|PROKKA_02711
Description: ER05238_3A_prokka|PROKKA_02711
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02795
Name: ER05238_3A_prokka|PROKKA_02795
Description: ER05238_3A_prokka|PROKKA_02795
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02797
Name: ER05238_3A_prokka|PROKKA_02797
Description: ER05238_3A_prokka|PROKKA_02797
Number of features: 0
Seq('MKSLVLNFAKNEELNNKEIEELRDILNDISKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02798
Name: ER05238_3A_prokka|PROKKA_02798
Description: ER05238_3A_prokka|PROKKA_02798
Number of features: 0
Seq('MTNKQVEISMAEWDVMNIIWDKKSVSANEIVVEIQKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02809
Name: ER05238_3A_prokka|PROKKA_02809
Description: ER05238_3A_prokka|PROKKA_02809
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02835
Name: ER05238_3A_prokka|PROKKA_02835
Description: ER05238_3A_prokka|PROKKA_02835
Number of features: 0
Seq('MNENLEKYIKSLPLLGLLISILLIVYSFLF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02836
Name: ER05238_3A_prokka|PROKKA_02836
Description: ER05238_3A_prokka|PROKKA_02836
Number of features: 0
Seq('MKIIKLFSIISLFLLVFSANFSNAYANEEQKSSLLENQKEKLKSKTSKYHK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02837
Name: ER05238_3A_prokka|PROKKA_02837
Description: ER05238_3A_prokka|PROKKA_02837
Number of features: 0
Seq('MTKKEISFLEQLQNKNEDMQKFEKQMKKEGFKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02838
Name: ER05238_3A_prokka|PROKKA_02838
Description: ER05238_3A_prokka|PROKKA_02838
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02861
Name: ER05238_3A_prokka|PROKKA_02861
Description: ER05238_3A_prokka|PROKKA_02861
Number of features: 0
Seq('MILSKTANKILKELKNKEKYFSNLCIENRDVNSSKLTFARC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02865
Name: ER05238_3A_prokka|PROKKA_02865
Description: ER05238_3A_prokka|PROKKA_02865
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALTEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00003
Name: ER05282_3A_prokka|PROKKA_00003
Description: ER05282_3A_prokka|PROKKA_00003
Number of features: 0
Seq('MKVTNTIRFEEEKKNLIDNVVNTLEEYKDVIDSELRTIRNTNHLVMRNNLVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00039
Name: ER05282_3A_prokka|PROKKA_00039
Description: ER05282_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00080
Name: ER05282_3A_prokka|PROKKA_00080
Description: ER05282_3A_prokka|PROKKA_00080
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00084
Name: ER05282_3A_prokka|PROKKA_00084
Description: ER05282_3A_prokka|PROKKA_00084
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00093
Name: ER05282_3A_prokka|PROKKA_00093
Description: ER05282_3A_prokka|PROKKA_00093
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00106
Name: ER05282_3A_prokka|PROKKA_00106
Description: ER05282_3A_prokka|PROKKA_00106
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00109
Name: ER05282_3A_prokka|PROKKA_00109
Description: ER05282_3A_prokka|PROKKA_00109
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00274
Name: ER05282_3A_prokka|PROKKA_00274
Description: ER05282_3A_prokka|PROKKA_00274
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00370
Name: ER05282_3A_prokka|PROKKA_00370
Description: ER05282_3A_prokka|PROKKA_00370
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00376
Name: ER05282_3A_prokka|PROKKA_00376
Description: ER05282_3A_prokka|PROKKA_00376
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00420
Name: ER05282_3A_prokka|PROKKA_00420
Description: ER05282_3A_prokka|PROKKA_00420
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00438
Name: ER05282_3A_prokka|PROKKA_00438
Description: ER05282_3A_prokka|PROKKA_00438
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00603
Name: ER05282_3A_prokka|PROKKA_00603
Description: ER05282_3A_prokka|PROKKA_00603
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00856
Name: ER05282_3A_prokka|PROKKA_00856
Description: ER05282_3A_prokka|PROKKA_00856
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00868
Name: ER05282_3A_prokka|PROKKA_00868
Description: ER05282_3A_prokka|PROKKA_00868
Number of features: 0
Seq('MKMYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00885
Name: ER05282_3A_prokka|PROKKA_00885
Description: ER05282_3A_prokka|PROKKA_00885
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00886
Name: ER05282_3A_prokka|PROKKA_00886
Description: ER05282_3A_prokka|PROKKA_00886
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00908
Name: ER05282_3A_prokka|PROKKA_00908
Description: ER05282_3A_prokka|PROKKA_00908
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01016
Name: ER05282_3A_prokka|PROKKA_01016
Description: ER05282_3A_prokka|PROKKA_01016
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01056
Name: ER05282_3A_prokka|PROKKA_01056
Description: ER05282_3A_prokka|PROKKA_01056
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01137
Name: ER05282_3A_prokka|PROKKA_01137
Description: ER05282_3A_prokka|PROKKA_01137
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01149
Name: ER05282_3A_prokka|PROKKA_01149
Description: ER05282_3A_prokka|PROKKA_01149
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01150
Name: ER05282_3A_prokka|PROKKA_01150
Description: ER05282_3A_prokka|PROKKA_01150
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01286
Name: ER05282_3A_prokka|PROKKA_01286
Description: ER05282_3A_prokka|PROKKA_01286
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01290
Name: ER05282_3A_prokka|PROKKA_01290
Description: ER05282_3A_prokka|PROKKA_01290
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01314
Name: ER05282_3A_prokka|PROKKA_01314
Description: ER05282_3A_prokka|PROKKA_01314
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01409
Name: ER05282_3A_prokka|PROKKA_01409
Description: ER05282_3A_prokka|PROKKA_01409
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01421
Name: ER05282_3A_prokka|PROKKA_01421
Description: ER05282_3A_prokka|PROKKA_01421
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01488
Name: ER05282_3A_prokka|PROKKA_01488
Description: ER05282_3A_prokka|PROKKA_01488
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01491
Name: ER05282_3A_prokka|PROKKA_01491
Description: ER05282_3A_prokka|PROKKA_01491
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01526
Name: ER05282_3A_prokka|PROKKA_01526
Description: ER05282_3A_prokka|PROKKA_01526
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01599
Name: ER05282_3A_prokka|PROKKA_01599
Description: ER05282_3A_prokka|PROKKA_01599
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01762
Name: ER05282_3A_prokka|PROKKA_01762
Description: ER05282_3A_prokka|PROKKA_01762
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01777
Name: ER05282_3A_prokka|PROKKA_01777
Description: ER05282_3A_prokka|PROKKA_01777
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01819
Name: ER05282_3A_prokka|PROKKA_01819
Description: ER05282_3A_prokka|PROKKA_01819
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01871
Name: ER05282_3A_prokka|PROKKA_01871
Description: ER05282_3A_prokka|PROKKA_01871
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01946
Name: ER05282_3A_prokka|PROKKA_01946
Description: ER05282_3A_prokka|PROKKA_01946
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01950
Name: ER05282_3A_prokka|PROKKA_01950
Description: ER05282_3A_prokka|PROKKA_01950
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01966
Name: ER05282_3A_prokka|PROKKA_01966
Description: ER05282_3A_prokka|PROKKA_01966
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01984
Name: ER05282_3A_prokka|PROKKA_01984
Description: ER05282_3A_prokka|PROKKA_01984
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02023
Name: ER05282_3A_prokka|PROKKA_02023
Description: ER05282_3A_prokka|PROKKA_02023
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02034
Name: ER05282_3A_prokka|PROKKA_02034
Description: ER05282_3A_prokka|PROKKA_02034
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02036
Name: ER05282_3A_prokka|PROKKA_02036
Description: ER05282_3A_prokka|PROKKA_02036
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02086
Name: ER05282_3A_prokka|PROKKA_02086
Description: ER05282_3A_prokka|PROKKA_02086
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02212
Name: ER05282_3A_prokka|PROKKA_02212
Description: ER05282_3A_prokka|PROKKA_02212
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02225
Name: ER05282_3A_prokka|PROKKA_02225
Description: ER05282_3A_prokka|PROKKA_02225
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02256
Name: ER05282_3A_prokka|PROKKA_02256
Description: ER05282_3A_prokka|PROKKA_02256
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02410
Name: ER05282_3A_prokka|PROKKA_02410
Description: ER05282_3A_prokka|PROKKA_02410
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02474
Name: ER05282_3A_prokka|PROKKA_02474
Description: ER05282_3A_prokka|PROKKA_02474
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02593
Name: ER05282_3A_prokka|PROKKA_02593
Description: ER05282_3A_prokka|PROKKA_02593
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02595
Name: ER05282_3A_prokka|PROKKA_02595
Description: ER05282_3A_prokka|PROKKA_02595
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02598
Name: ER05282_3A_prokka|PROKKA_02598
Description: ER05282_3A_prokka|PROKKA_02598
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02605
Name: ER05282_3A_prokka|PROKKA_02605
Description: ER05282_3A_prokka|PROKKA_02605
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02644
Name: ER05282_3A_prokka|PROKKA_02644
Description: ER05282_3A_prokka|PROKKA_02644
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02728
Name: ER05282_3A_prokka|PROKKA_02728
Description: ER05282_3A_prokka|PROKKA_02728
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00031
Name: ER05310_3A_prokka|PROKKA_00031
Description: ER05310_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00032
Name: ER05310_3A_prokka|PROKKA_00032
Description: ER05310_3A_prokka|PROKKA_00032
Number of features: 0
Seq('MLTVYGHRGLPSKAPENTIASFKAASEVEGINWLELDVAITKDE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00041
Name: ER05310_3A_prokka|PROKKA_00041
Description: ER05310_3A_prokka|PROKKA_00041
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00130
Name: ER05310_3A_prokka|PROKKA_00130
Description: ER05310_3A_prokka|PROKKA_00130
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00232
Name: ER05310_3A_prokka|PROKKA_00232
Description: ER05310_3A_prokka|PROKKA_00232
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00378
Name: ER05310_3A_prokka|PROKKA_00378
Description: ER05310_3A_prokka|PROKKA_00378
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00415
Name: ER05310_3A_prokka|PROKKA_00415
Description: ER05310_3A_prokka|PROKKA_00415
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00545
Name: ER05310_3A_prokka|PROKKA_00545
Description: ER05310_3A_prokka|PROKKA_00545
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00596
Name: ER05310_3A_prokka|PROKKA_00596
Description: ER05310_3A_prokka|PROKKA_00596
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00798
Name: ER05310_3A_prokka|PROKKA_00798
Description: ER05310_3A_prokka|PROKKA_00798
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00813
Name: ER05310_3A_prokka|PROKKA_00813
Description: ER05310_3A_prokka|PROKKA_00813
Number of features: 0
Seq('MKMYLAYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00829
Name: ER05310_3A_prokka|PROKKA_00829
Description: ER05310_3A_prokka|PROKKA_00829
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00830
Name: ER05310_3A_prokka|PROKKA_00830
Description: ER05310_3A_prokka|PROKKA_00830
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIGRKTHFYCLDKKNGCR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00851
Name: ER05310_3A_prokka|PROKKA_00851
Description: ER05310_3A_prokka|PROKKA_00851
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00959
Name: ER05310_3A_prokka|PROKKA_00959
Description: ER05310_3A_prokka|PROKKA_00959
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00998
Name: ER05310_3A_prokka|PROKKA_00998
Description: ER05310_3A_prokka|PROKKA_00998
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01052
Name: ER05310_3A_prokka|PROKKA_01052
Description: ER05310_3A_prokka|PROKKA_01052
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01058
Name: ER05310_3A_prokka|PROKKA_01058
Description: ER05310_3A_prokka|PROKKA_01058
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01064
Name: ER05310_3A_prokka|PROKKA_01064
Description: ER05310_3A_prokka|PROKKA_01064
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRNAMHAVKVEKILKSPFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01068
Name: ER05310_3A_prokka|PROKKA_01068
Description: ER05310_3A_prokka|PROKKA_01068
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01076
Name: ER05310_3A_prokka|PROKKA_01076
Description: ER05310_3A_prokka|PROKKA_01076
Number of features: 0
Seq('MTFTLSDEQYKNLCTNFNKLLDKLHKALKDRE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01084
Name: ER05310_3A_prokka|PROKKA_01084
Description: ER05310_3A_prokka|PROKKA_01084
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01147
Name: ER05310_3A_prokka|PROKKA_01147
Description: ER05310_3A_prokka|PROKKA_01147
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01159
Name: ER05310_3A_prokka|PROKKA_01159
Description: ER05310_3A_prokka|PROKKA_01159
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01160
Name: ER05310_3A_prokka|PROKKA_01160
Description: ER05310_3A_prokka|PROKKA_01160
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01295
Name: ER05310_3A_prokka|PROKKA_01295
Description: ER05310_3A_prokka|PROKKA_01295
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01299
Name: ER05310_3A_prokka|PROKKA_01299
Description: ER05310_3A_prokka|PROKKA_01299
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01303
Name: ER05310_3A_prokka|PROKKA_01303
Description: ER05310_3A_prokka|PROKKA_01303
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01305
Name: ER05310_3A_prokka|PROKKA_01305
Description: ER05310_3A_prokka|PROKKA_01305
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01326
Name: ER05310_3A_prokka|PROKKA_01326
Description: ER05310_3A_prokka|PROKKA_01326
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01421
Name: ER05310_3A_prokka|PROKKA_01421
Description: ER05310_3A_prokka|PROKKA_01421
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01433
Name: ER05310_3A_prokka|PROKKA_01433
Description: ER05310_3A_prokka|PROKKA_01433
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01480
Name: ER05310_3A_prokka|PROKKA_01480
Description: ER05310_3A_prokka|PROKKA_01480
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01488
Name: ER05310_3A_prokka|PROKKA_01488
Description: ER05310_3A_prokka|PROKKA_01488
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01508
Name: ER05310_3A_prokka|PROKKA_01508
Description: ER05310_3A_prokka|PROKKA_01508
Number of features: 0
Seq('MMIKQILRLIFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01515
Name: ER05310_3A_prokka|PROKKA_01515
Description: ER05310_3A_prokka|PROKKA_01515
Number of features: 0
Seq('MTFTLSDEQYKNLCTNFNKLLDKLHKALKDRE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01523
Name: ER05310_3A_prokka|PROKKA_01523
Description: ER05310_3A_prokka|PROKKA_01523
Number of features: 0
Seq('MTIKELEEKFNISRYFVVKHDRDWETGEIIDTCIVLDEYADHINIEVEEVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01529
Name: ER05310_3A_prokka|PROKKA_01529
Description: ER05310_3A_prokka|PROKKA_01529
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01537
Name: ER05310_3A_prokka|PROKKA_01537
Description: ER05310_3A_prokka|PROKKA_01537
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01541
Name: ER05310_3A_prokka|PROKKA_01541
Description: ER05310_3A_prokka|PROKKA_01541
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASQKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01567
Name: ER05310_3A_prokka|PROKKA_01567
Description: ER05310_3A_prokka|PROKKA_01567
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01604
Name: ER05310_3A_prokka|PROKKA_01604
Description: ER05310_3A_prokka|PROKKA_01604
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01675
Name: ER05310_3A_prokka|PROKKA_01675
Description: ER05310_3A_prokka|PROKKA_01675
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01847
Name: ER05310_3A_prokka|PROKKA_01847
Description: ER05310_3A_prokka|PROKKA_01847
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01866
Name: ER05310_3A_prokka|PROKKA_01866
Description: ER05310_3A_prokka|PROKKA_01866
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01901
Name: ER05310_3A_prokka|PROKKA_01901
Description: ER05310_3A_prokka|PROKKA_01901
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01952
Name: ER05310_3A_prokka|PROKKA_01952
Description: ER05310_3A_prokka|PROKKA_01952
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02024
Name: ER05310_3A_prokka|PROKKA_02024
Description: ER05310_3A_prokka|PROKKA_02024
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02028
Name: ER05310_3A_prokka|PROKKA_02028
Description: ER05310_3A_prokka|PROKKA_02028
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02044
Name: ER05310_3A_prokka|PROKKA_02044
Description: ER05310_3A_prokka|PROKKA_02044
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02064
Name: ER05310_3A_prokka|PROKKA_02064
Description: ER05310_3A_prokka|PROKKA_02064
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02091
Name: ER05310_3A_prokka|PROKKA_02091
Description: ER05310_3A_prokka|PROKKA_02091
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02093
Name: ER05310_3A_prokka|PROKKA_02093
Description: ER05310_3A_prokka|PROKKA_02093
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02142
Name: ER05310_3A_prokka|PROKKA_02142
Description: ER05310_3A_prokka|PROKKA_02142
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02261
Name: ER05310_3A_prokka|PROKKA_02261
Description: ER05310_3A_prokka|PROKKA_02261
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02286
Name: ER05310_3A_prokka|PROKKA_02286
Description: ER05310_3A_prokka|PROKKA_02286
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02317
Name: ER05310_3A_prokka|PROKKA_02317
Description: ER05310_3A_prokka|PROKKA_02317
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02473
Name: ER05310_3A_prokka|PROKKA_02473
Description: ER05310_3A_prokka|PROKKA_02473
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02680
Name: ER05310_3A_prokka|PROKKA_02680
Description: ER05310_3A_prokka|PROKKA_02680
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02767
Name: ER05310_3A_prokka|PROKKA_02767
Description: ER05310_3A_prokka|PROKKA_02767
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00002
Name: ER05322_3A_prokka|PROKKA_00002
Description: ER05322_3A_prokka|PROKKA_00002
Number of features: 0
Seq('MKLDHDCVRHLLLEIETNKKIGEPLTEYNFKDNVVFGKYDFETVSMHY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00003
Name: ER05322_3A_prokka|PROKKA_00003
Description: ER05322_3A_prokka|PROKKA_00003
Number of features: 0
Seq('MQAQNKKVIYYYYDEECNRRPVNIQYNDGYDLMIDSVLLK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00005
Name: ER05322_3A_prokka|PROKKA_00005
Description: ER05322_3A_prokka|PROKKA_00005
Number of features: 0
Seq('MTDEAKFVLLQLYSIYLGRIDEGMSKHSASYFGSDESHLTLSFRF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00006
Name: ER05322_3A_prokka|PROKKA_00006
Description: ER05322_3A_prokka|PROKKA_00006
Number of features: 0
Seq('MALSREGIAYSESESKKDYKTLMGLIRDLKKLII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00016
Name: ER05322_3A_prokka|PROKKA_00016
Description: ER05322_3A_prokka|PROKKA_00016
Number of features: 0
Seq('MYALKSKDFKKMSEAKYQLQKIYNEIDEALKSKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00022
Name: ER05322_3A_prokka|PROKKA_00022
Description: ER05322_3A_prokka|PROKKA_00022
Number of features: 0
Seq('MKTYSEARARLRWYQGRYIDFDGWYGYQCADLAVD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00054
Name: ER05322_3A_prokka|PROKKA_00054
Description: ER05322_3A_prokka|PROKKA_00054
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00058
Name: ER05322_3A_prokka|PROKKA_00058
Description: ER05322_3A_prokka|PROKKA_00058
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00067
Name: ER05322_3A_prokka|PROKKA_00067
Description: ER05322_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00081
Name: ER05322_3A_prokka|PROKKA_00081
Description: ER05322_3A_prokka|PROKKA_00081
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00084
Name: ER05322_3A_prokka|PROKKA_00084
Description: ER05322_3A_prokka|PROKKA_00084
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00250
Name: ER05322_3A_prokka|PROKKA_00250
Description: ER05322_3A_prokka|PROKKA_00250
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00346
Name: ER05322_3A_prokka|PROKKA_00346
Description: ER05322_3A_prokka|PROKKA_00346
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00352
Name: ER05322_3A_prokka|PROKKA_00352
Description: ER05322_3A_prokka|PROKKA_00352
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00396
Name: ER05322_3A_prokka|PROKKA_00396
Description: ER05322_3A_prokka|PROKKA_00396
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00414
Name: ER05322_3A_prokka|PROKKA_00414
Description: ER05322_3A_prokka|PROKKA_00414
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00579
Name: ER05322_3A_prokka|PROKKA_00579
Description: ER05322_3A_prokka|PROKKA_00579
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00832
Name: ER05322_3A_prokka|PROKKA_00832
Description: ER05322_3A_prokka|PROKKA_00832
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00844
Name: ER05322_3A_prokka|PROKKA_00844
Description: ER05322_3A_prokka|PROKKA_00844
Number of features: 0
Seq('MKMYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00862
Name: ER05322_3A_prokka|PROKKA_00862
Description: ER05322_3A_prokka|PROKKA_00862
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00863
Name: ER05322_3A_prokka|PROKKA_00863
Description: ER05322_3A_prokka|PROKKA_00863
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00885
Name: ER05322_3A_prokka|PROKKA_00885
Description: ER05322_3A_prokka|PROKKA_00885
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00993
Name: ER05322_3A_prokka|PROKKA_00993
Description: ER05322_3A_prokka|PROKKA_00993
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01033
Name: ER05322_3A_prokka|PROKKA_01033
Description: ER05322_3A_prokka|PROKKA_01033
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01087
Name: ER05322_3A_prokka|PROKKA_01087
Description: ER05322_3A_prokka|PROKKA_01087
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01092
Name: ER05322_3A_prokka|PROKKA_01092
Description: ER05322_3A_prokka|PROKKA_01092
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01093
Name: ER05322_3A_prokka|PROKKA_01093
Description: ER05322_3A_prokka|PROKKA_01093
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFMYYKECFFKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01101
Name: ER05322_3A_prokka|PROKKA_01101
Description: ER05322_3A_prokka|PROKKA_01101
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01178
Name: ER05322_3A_prokka|PROKKA_01178
Description: ER05322_3A_prokka|PROKKA_01178
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01190
Name: ER05322_3A_prokka|PROKKA_01190
Description: ER05322_3A_prokka|PROKKA_01190
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01191
Name: ER05322_3A_prokka|PROKKA_01191
Description: ER05322_3A_prokka|PROKKA_01191
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01326
Name: ER05322_3A_prokka|PROKKA_01326
Description: ER05322_3A_prokka|PROKKA_01326
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01330
Name: ER05322_3A_prokka|PROKKA_01330
Description: ER05322_3A_prokka|PROKKA_01330
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01354
Name: ER05322_3A_prokka|PROKKA_01354
Description: ER05322_3A_prokka|PROKKA_01354
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01450
Name: ER05322_3A_prokka|PROKKA_01450
Description: ER05322_3A_prokka|PROKKA_01450
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01463
Name: ER05322_3A_prokka|PROKKA_01463
Description: ER05322_3A_prokka|PROKKA_01463
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01529
Name: ER05322_3A_prokka|PROKKA_01529
Description: ER05322_3A_prokka|PROKKA_01529
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01532
Name: ER05322_3A_prokka|PROKKA_01532
Description: ER05322_3A_prokka|PROKKA_01532
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01567
Name: ER05322_3A_prokka|PROKKA_01567
Description: ER05322_3A_prokka|PROKKA_01567
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01640
Name: ER05322_3A_prokka|PROKKA_01640
Description: ER05322_3A_prokka|PROKKA_01640
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01803
Name: ER05322_3A_prokka|PROKKA_01803
Description: ER05322_3A_prokka|PROKKA_01803
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01818
Name: ER05322_3A_prokka|PROKKA_01818
Description: ER05322_3A_prokka|PROKKA_01818
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01860
Name: ER05322_3A_prokka|PROKKA_01860
Description: ER05322_3A_prokka|PROKKA_01860
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01912
Name: ER05322_3A_prokka|PROKKA_01912
Description: ER05322_3A_prokka|PROKKA_01912
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01987
Name: ER05322_3A_prokka|PROKKA_01987
Description: ER05322_3A_prokka|PROKKA_01987
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01991
Name: ER05322_3A_prokka|PROKKA_01991
Description: ER05322_3A_prokka|PROKKA_01991
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02007
Name: ER05322_3A_prokka|PROKKA_02007
Description: ER05322_3A_prokka|PROKKA_02007
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02025
Name: ER05322_3A_prokka|PROKKA_02025
Description: ER05322_3A_prokka|PROKKA_02025
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02064
Name: ER05322_3A_prokka|PROKKA_02064
Description: ER05322_3A_prokka|PROKKA_02064
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02075
Name: ER05322_3A_prokka|PROKKA_02075
Description: ER05322_3A_prokka|PROKKA_02075
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02077
Name: ER05322_3A_prokka|PROKKA_02077
Description: ER05322_3A_prokka|PROKKA_02077
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02126
Name: ER05322_3A_prokka|PROKKA_02126
Description: ER05322_3A_prokka|PROKKA_02126
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02252
Name: ER05322_3A_prokka|PROKKA_02252
Description: ER05322_3A_prokka|PROKKA_02252
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02266
Name: ER05322_3A_prokka|PROKKA_02266
Description: ER05322_3A_prokka|PROKKA_02266
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02297
Name: ER05322_3A_prokka|PROKKA_02297
Description: ER05322_3A_prokka|PROKKA_02297
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02451
Name: ER05322_3A_prokka|PROKKA_02451
Description: ER05322_3A_prokka|PROKKA_02451
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02515
Name: ER05322_3A_prokka|PROKKA_02515
Description: ER05322_3A_prokka|PROKKA_02515
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02557
Name: ER05322_3A_prokka|PROKKA_02557
Description: ER05322_3A_prokka|PROKKA_02557
Number of features: 0
Seq('MSNMNQTIMDAFHFRHATKQFDPQKKVSKEDFKQY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02615
Name: ER05322_3A_prokka|PROKKA_02615
Description: ER05322_3A_prokka|PROKKA_02615
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02628
Name: ER05322_3A_prokka|PROKKA_02628
Description: ER05322_3A_prokka|PROKKA_02628
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02630
Name: ER05322_3A_prokka|PROKKA_02630
Description: ER05322_3A_prokka|PROKKA_02630
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02633
Name: ER05322_3A_prokka|PROKKA_02633
Description: ER05322_3A_prokka|PROKKA_02633
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02640
Name: ER05322_3A_prokka|PROKKA_02640
Description: ER05322_3A_prokka|PROKKA_02640
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02678
Name: ER05322_3A_prokka|PROKKA_02678
Description: ER05322_3A_prokka|PROKKA_02678
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02762
Name: ER05322_3A_prokka|PROKKA_02762
Description: ER05322_3A_prokka|PROKKA_02762
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02779
Name: ER05322_3A_prokka|PROKKA_02779
Description: ER05322_3A_prokka|PROKKA_02779
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02800
Name: ER05322_3A_prokka|PROKKA_02800
Description: ER05322_3A_prokka|PROKKA_02800
Number of features: 0
Seq('MEQYTIKFNQINHKLTDLRSLNIGHLYAYQFEKIALIGVMVLAKPHY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02809
Name: ER05322_3A_prokka|PROKKA_02809
Description: ER05322_3A_prokka|PROKKA_02809
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00017
Name: ER05353_3A_prokka|PROKKA_00017
Description: ER05353_3A_prokka|PROKKA_00017
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00035
Name: ER05353_3A_prokka|PROKKA_00035
Description: ER05353_3A_prokka|PROKKA_00035
Number of features: 0
Seq('MSKVHVFDHPLIQHKLSYIRDVNTGTKEFRELVDEVGMLMAYEVTRDLELQDVDI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00041
Name: ER05353_3A_prokka|PROKKA_00041
Description: ER05353_3A_prokka|PROKKA_00041
Number of features: 0
Seq('MEGHLEEIIDALTLSEQTDKLKELNNGEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00042
Name: ER05353_3A_prokka|PROKKA_00042
Description: ER05353_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MKVLKARLYDMKVQEEQQKYASQRKSAVGYW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00048
Name: ER05353_3A_prokka|PROKKA_00048
Description: ER05353_3A_prokka|PROKKA_00048
Number of features: 0
Seq('MKQGIHPEYHQVIFLDTTTNFKFLSGSTKTSSEMMSGRWKRIPSYSFRYFI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00049
Name: ER05353_3A_prokka|PROKKA_00049
Description: ER05353_3A_prokka|PROKKA_00049
Number of features: 0
Seq('MIYEEFKGTGNMELHLDRKLSERRIFPAIDIAEVQRVKKNC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00083
Name: ER05353_3A_prokka|PROKKA_00083
Description: ER05353_3A_prokka|PROKKA_00083
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00087
Name: ER05353_3A_prokka|PROKKA_00087
Description: ER05353_3A_prokka|PROKKA_00087
Number of features: 0
Seq('MSKQFFTVKKNYKERFYQLPKVFFTNPNYKDLSNDAKIAYAILRDRLQLSIKITG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00187
Name: ER05353_3A_prokka|PROKKA_00187
Description: ER05353_3A_prokka|PROKKA_00187
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00190
Name: ER05353_3A_prokka|PROKKA_00190
Description: ER05353_3A_prokka|PROKKA_00190
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00194
Name: ER05353_3A_prokka|PROKKA_00194
Description: ER05353_3A_prokka|PROKKA_00194
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00215
Name: ER05353_3A_prokka|PROKKA_00215
Description: ER05353_3A_prokka|PROKKA_00215
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00233
Name: ER05353_3A_prokka|PROKKA_00233
Description: ER05353_3A_prokka|PROKKA_00233
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00357
Name: ER05353_3A_prokka|PROKKA_00357
Description: ER05353_3A_prokka|PROKKA_00357
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00401
Name: ER05353_3A_prokka|PROKKA_00401
Description: ER05353_3A_prokka|PROKKA_00401
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00525
Name: ER05353_3A_prokka|PROKKA_00525
Description: ER05353_3A_prokka|PROKKA_00525
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00542
Name: ER05353_3A_prokka|PROKKA_00542
Description: ER05353_3A_prokka|PROKKA_00542
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00708
Name: ER05353_3A_prokka|PROKKA_00708
Description: ER05353_3A_prokka|PROKKA_00708
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00936
Name: ER05353_3A_prokka|PROKKA_00936
Description: ER05353_3A_prokka|PROKKA_00936
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00963
Name: ER05353_3A_prokka|PROKKA_00963
Description: ER05353_3A_prokka|PROKKA_00963
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01068
Name: ER05353_3A_prokka|PROKKA_01068
Description: ER05353_3A_prokka|PROKKA_01068
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01107
Name: ER05353_3A_prokka|PROKKA_01107
Description: ER05353_3A_prokka|PROKKA_01107
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01108
Name: ER05353_3A_prokka|PROKKA_01108
Description: ER05353_3A_prokka|PROKKA_01108
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01190
Name: ER05353_3A_prokka|PROKKA_01190
Description: ER05353_3A_prokka|PROKKA_01190
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01202
Name: ER05353_3A_prokka|PROKKA_01202
Description: ER05353_3A_prokka|PROKKA_01202
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01203
Name: ER05353_3A_prokka|PROKKA_01203
Description: ER05353_3A_prokka|PROKKA_01203
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01339
Name: ER05353_3A_prokka|PROKKA_01339
Description: ER05353_3A_prokka|PROKKA_01339
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01343
Name: ER05353_3A_prokka|PROKKA_01343
Description: ER05353_3A_prokka|PROKKA_01343
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01367
Name: ER05353_3A_prokka|PROKKA_01367
Description: ER05353_3A_prokka|PROKKA_01367
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01461
Name: ER05353_3A_prokka|PROKKA_01461
Description: ER05353_3A_prokka|PROKKA_01461
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01473
Name: ER05353_3A_prokka|PROKKA_01473
Description: ER05353_3A_prokka|PROKKA_01473
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01520
Name: ER05353_3A_prokka|PROKKA_01520
Description: ER05353_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01528
Name: ER05353_3A_prokka|PROKKA_01528
Description: ER05353_3A_prokka|PROKKA_01528
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01547
Name: ER05353_3A_prokka|PROKKA_01547
Description: ER05353_3A_prokka|PROKKA_01547
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01562
Name: ER05353_3A_prokka|PROKKA_01562
Description: ER05353_3A_prokka|PROKKA_01562
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01570
Name: ER05353_3A_prokka|PROKKA_01570
Description: ER05353_3A_prokka|PROKKA_01570
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01575
Name: ER05353_3A_prokka|PROKKA_01575
Description: ER05353_3A_prokka|PROKKA_01575
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01602
Name: ER05353_3A_prokka|PROKKA_01602
Description: ER05353_3A_prokka|PROKKA_01602
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01605
Name: ER05353_3A_prokka|PROKKA_01605
Description: ER05353_3A_prokka|PROKKA_01605
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01640
Name: ER05353_3A_prokka|PROKKA_01640
Description: ER05353_3A_prokka|PROKKA_01640
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01714
Name: ER05353_3A_prokka|PROKKA_01714
Description: ER05353_3A_prokka|PROKKA_01714
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01883
Name: ER05353_3A_prokka|PROKKA_01883
Description: ER05353_3A_prokka|PROKKA_01883
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01897
Name: ER05353_3A_prokka|PROKKA_01897
Description: ER05353_3A_prokka|PROKKA_01897
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01939
Name: ER05353_3A_prokka|PROKKA_01939
Description: ER05353_3A_prokka|PROKKA_01939
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01991
Name: ER05353_3A_prokka|PROKKA_01991
Description: ER05353_3A_prokka|PROKKA_01991
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01993
Name: ER05353_3A_prokka|PROKKA_01993
Description: ER05353_3A_prokka|PROKKA_01993
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01994
Name: ER05353_3A_prokka|PROKKA_01994
Description: ER05353_3A_prokka|PROKKA_01994
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02024
Name: ER05353_3A_prokka|PROKKA_02024
Description: ER05353_3A_prokka|PROKKA_02024
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02046
Name: ER05353_3A_prokka|PROKKA_02046
Description: ER05353_3A_prokka|PROKKA_02046
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02051
Name: ER05353_3A_prokka|PROKKA_02051
Description: ER05353_3A_prokka|PROKKA_02051
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02127
Name: ER05353_3A_prokka|PROKKA_02127
Description: ER05353_3A_prokka|PROKKA_02127
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02131
Name: ER05353_3A_prokka|PROKKA_02131
Description: ER05353_3A_prokka|PROKKA_02131
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02147
Name: ER05353_3A_prokka|PROKKA_02147
Description: ER05353_3A_prokka|PROKKA_02147
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02165
Name: ER05353_3A_prokka|PROKKA_02165
Description: ER05353_3A_prokka|PROKKA_02165
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02191
Name: ER05353_3A_prokka|PROKKA_02191
Description: ER05353_3A_prokka|PROKKA_02191
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02193
Name: ER05353_3A_prokka|PROKKA_02193
Description: ER05353_3A_prokka|PROKKA_02193
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02245
Name: ER05353_3A_prokka|PROKKA_02245
Description: ER05353_3A_prokka|PROKKA_02245
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02353
Name: ER05353_3A_prokka|PROKKA_02353
Description: ER05353_3A_prokka|PROKKA_02353
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02372
Name: ER05353_3A_prokka|PROKKA_02372
Description: ER05353_3A_prokka|PROKKA_02372
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02385
Name: ER05353_3A_prokka|PROKKA_02385
Description: ER05353_3A_prokka|PROKKA_02385
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02417
Name: ER05353_3A_prokka|PROKKA_02417
Description: ER05353_3A_prokka|PROKKA_02417
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02562
Name: ER05353_3A_prokka|PROKKA_02562
Description: ER05353_3A_prokka|PROKKA_02562
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02571
Name: ER05353_3A_prokka|PROKKA_02571
Description: ER05353_3A_prokka|PROKKA_02571
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02635
Name: ER05353_3A_prokka|PROKKA_02635
Description: ER05353_3A_prokka|PROKKA_02635
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02743
Name: ER05353_3A_prokka|PROKKA_02743
Description: ER05353_3A_prokka|PROKKA_02743
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02781
Name: ER05353_3A_prokka|PROKKA_02781
Description: ER05353_3A_prokka|PROKKA_02781
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02865
Name: ER05353_3A_prokka|PROKKA_02865
Description: ER05353_3A_prokka|PROKKA_02865
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00029
Name: ER05364_3A_prokka|PROKKA_00029
Description: ER05364_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00038
Name: ER05364_3A_prokka|PROKKA_00038
Description: ER05364_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00059
Name: ER05364_3A_prokka|PROKKA_00059
Description: ER05364_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00149
Name: ER05364_3A_prokka|PROKKA_00149
Description: ER05364_3A_prokka|PROKKA_00149
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00247
Name: ER05364_3A_prokka|PROKKA_00247
Description: ER05364_3A_prokka|PROKKA_00247
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00299
Name: ER05364_3A_prokka|PROKKA_00299
Description: ER05364_3A_prokka|PROKKA_00299
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00397
Name: ER05364_3A_prokka|PROKKA_00397
Description: ER05364_3A_prokka|PROKKA_00397
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00435
Name: ER05364_3A_prokka|PROKKA_00435
Description: ER05364_3A_prokka|PROKKA_00435
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00566
Name: ER05364_3A_prokka|PROKKA_00566
Description: ER05364_3A_prokka|PROKKA_00566
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00602
Name: ER05364_3A_prokka|PROKKA_00602
Description: ER05364_3A_prokka|PROKKA_00602
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00821
Name: ER05364_3A_prokka|PROKKA_00821
Description: ER05364_3A_prokka|PROKKA_00821
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00859
Name: ER05364_3A_prokka|PROKKA_00859
Description: ER05364_3A_prokka|PROKKA_00859
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00864
Name: ER05364_3A_prokka|PROKKA_00864
Description: ER05364_3A_prokka|PROKKA_00864
Number of features: 0
Seq('MSNIYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00875
Name: ER05364_3A_prokka|PROKKA_00875
Description: ER05364_3A_prokka|PROKKA_00875
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00890
Name: ER05364_3A_prokka|PROKKA_00890
Description: ER05364_3A_prokka|PROKKA_00890
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00896
Name: ER05364_3A_prokka|PROKKA_00896
Description: ER05364_3A_prokka|PROKKA_00896
Number of features: 0
Seq('MSNTDKYLRDIASELKGIRKELQKQNATVFVDTKVDGEKLKVLTNEPLF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00933
Name: ER05364_3A_prokka|PROKKA_00933
Description: ER05364_3A_prokka|PROKKA_00933
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01042
Name: ER05364_3A_prokka|PROKKA_01042
Description: ER05364_3A_prokka|PROKKA_01042
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01081
Name: ER05364_3A_prokka|PROKKA_01081
Description: ER05364_3A_prokka|PROKKA_01081
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01161
Name: ER05364_3A_prokka|PROKKA_01161
Description: ER05364_3A_prokka|PROKKA_01161
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01174
Name: ER05364_3A_prokka|PROKKA_01174
Description: ER05364_3A_prokka|PROKKA_01174
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01175
Name: ER05364_3A_prokka|PROKKA_01175
Description: ER05364_3A_prokka|PROKKA_01175
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01326
Name: ER05364_3A_prokka|PROKKA_01326
Description: ER05364_3A_prokka|PROKKA_01326
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01330
Name: ER05364_3A_prokka|PROKKA_01330
Description: ER05364_3A_prokka|PROKKA_01330
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01334
Name: ER05364_3A_prokka|PROKKA_01334
Description: ER05364_3A_prokka|PROKKA_01334
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01336
Name: ER05364_3A_prokka|PROKKA_01336
Description: ER05364_3A_prokka|PROKKA_01336
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01360
Name: ER05364_3A_prokka|PROKKA_01360
Description: ER05364_3A_prokka|PROKKA_01360
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01455
Name: ER05364_3A_prokka|PROKKA_01455
Description: ER05364_3A_prokka|PROKKA_01455
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01467
Name: ER05364_3A_prokka|PROKKA_01467
Description: ER05364_3A_prokka|PROKKA_01467
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01516
Name: ER05364_3A_prokka|PROKKA_01516
Description: ER05364_3A_prokka|PROKKA_01516
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01524
Name: ER05364_3A_prokka|PROKKA_01524
Description: ER05364_3A_prokka|PROKKA_01524
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01544
Name: ER05364_3A_prokka|PROKKA_01544
Description: ER05364_3A_prokka|PROKKA_01544
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01572
Name: ER05364_3A_prokka|PROKKA_01572
Description: ER05364_3A_prokka|PROKKA_01572
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01599
Name: ER05364_3A_prokka|PROKKA_01599
Description: ER05364_3A_prokka|PROKKA_01599
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01636
Name: ER05364_3A_prokka|PROKKA_01636
Description: ER05364_3A_prokka|PROKKA_01636
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01707
Name: ER05364_3A_prokka|PROKKA_01707
Description: ER05364_3A_prokka|PROKKA_01707
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01872
Name: ER05364_3A_prokka|PROKKA_01872
Description: ER05364_3A_prokka|PROKKA_01872
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01879
Name: ER05364_3A_prokka|PROKKA_01879
Description: ER05364_3A_prokka|PROKKA_01879
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01898
Name: ER05364_3A_prokka|PROKKA_01898
Description: ER05364_3A_prokka|PROKKA_01898
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01933
Name: ER05364_3A_prokka|PROKKA_01933
Description: ER05364_3A_prokka|PROKKA_01933
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01985
Name: ER05364_3A_prokka|PROKKA_01985
Description: ER05364_3A_prokka|PROKKA_01985
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02057
Name: ER05364_3A_prokka|PROKKA_02057
Description: ER05364_3A_prokka|PROKKA_02057
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02061
Name: ER05364_3A_prokka|PROKKA_02061
Description: ER05364_3A_prokka|PROKKA_02061
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02077
Name: ER05364_3A_prokka|PROKKA_02077
Description: ER05364_3A_prokka|PROKKA_02077
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02097
Name: ER05364_3A_prokka|PROKKA_02097
Description: ER05364_3A_prokka|PROKKA_02097
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02127
Name: ER05364_3A_prokka|PROKKA_02127
Description: ER05364_3A_prokka|PROKKA_02127
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02129
Name: ER05364_3A_prokka|PROKKA_02129
Description: ER05364_3A_prokka|PROKKA_02129
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02178
Name: ER05364_3A_prokka|PROKKA_02178
Description: ER05364_3A_prokka|PROKKA_02178
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02300
Name: ER05364_3A_prokka|PROKKA_02300
Description: ER05364_3A_prokka|PROKKA_02300
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02324
Name: ER05364_3A_prokka|PROKKA_02324
Description: ER05364_3A_prokka|PROKKA_02324
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02355
Name: ER05364_3A_prokka|PROKKA_02355
Description: ER05364_3A_prokka|PROKKA_02355
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02511
Name: ER05364_3A_prokka|PROKKA_02511
Description: ER05364_3A_prokka|PROKKA_02511
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02722
Name: ER05364_3A_prokka|PROKKA_02722
Description: ER05364_3A_prokka|PROKKA_02722
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02809
Name: ER05364_3A_prokka|PROKKA_02809
Description: ER05364_3A_prokka|PROKKA_02809
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02812
Name: ER05364_3A_prokka|PROKKA_02812
Description: ER05364_3A_prokka|PROKKA_02812
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00004
Name: ER05368_3A_prokka|PROKKA_00004
Description: ER05368_3A_prokka|PROKKA_00004
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00046
Name: ER05368_3A_prokka|PROKKA_00046
Description: ER05368_3A_prokka|PROKKA_00046
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00130
Name: ER05368_3A_prokka|PROKKA_00130
Description: ER05368_3A_prokka|PROKKA_00130
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00168
Name: ER05368_3A_prokka|PROKKA_00168
Description: ER05368_3A_prokka|PROKKA_00168
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00276
Name: ER05368_3A_prokka|PROKKA_00276
Description: ER05368_3A_prokka|PROKKA_00276
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00340
Name: ER05368_3A_prokka|PROKKA_00340
Description: ER05368_3A_prokka|PROKKA_00340
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00349
Name: ER05368_3A_prokka|PROKKA_00349
Description: ER05368_3A_prokka|PROKKA_00349
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00494
Name: ER05368_3A_prokka|PROKKA_00494
Description: ER05368_3A_prokka|PROKKA_00494
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00526
Name: ER05368_3A_prokka|PROKKA_00526
Description: ER05368_3A_prokka|PROKKA_00526
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00539
Name: ER05368_3A_prokka|PROKKA_00539
Description: ER05368_3A_prokka|PROKKA_00539
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00558
Name: ER05368_3A_prokka|PROKKA_00558
Description: ER05368_3A_prokka|PROKKA_00558
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00666
Name: ER05368_3A_prokka|PROKKA_00666
Description: ER05368_3A_prokka|PROKKA_00666
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00718
Name: ER05368_3A_prokka|PROKKA_00718
Description: ER05368_3A_prokka|PROKKA_00718
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00720
Name: ER05368_3A_prokka|PROKKA_00720
Description: ER05368_3A_prokka|PROKKA_00720
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00746
Name: ER05368_3A_prokka|PROKKA_00746
Description: ER05368_3A_prokka|PROKKA_00746
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00764
Name: ER05368_3A_prokka|PROKKA_00764
Description: ER05368_3A_prokka|PROKKA_00764
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00780
Name: ER05368_3A_prokka|PROKKA_00780
Description: ER05368_3A_prokka|PROKKA_00780
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00784
Name: ER05368_3A_prokka|PROKKA_00784
Description: ER05368_3A_prokka|PROKKA_00784
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00860
Name: ER05368_3A_prokka|PROKKA_00860
Description: ER05368_3A_prokka|PROKKA_00860
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00865
Name: ER05368_3A_prokka|PROKKA_00865
Description: ER05368_3A_prokka|PROKKA_00865
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00887
Name: ER05368_3A_prokka|PROKKA_00887
Description: ER05368_3A_prokka|PROKKA_00887
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00917
Name: ER05368_3A_prokka|PROKKA_00917
Description: ER05368_3A_prokka|PROKKA_00917
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00918
Name: ER05368_3A_prokka|PROKKA_00918
Description: ER05368_3A_prokka|PROKKA_00918
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00920
Name: ER05368_3A_prokka|PROKKA_00920
Description: ER05368_3A_prokka|PROKKA_00920
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00972
Name: ER05368_3A_prokka|PROKKA_00972
Description: ER05368_3A_prokka|PROKKA_00972
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01014
Name: ER05368_3A_prokka|PROKKA_01014
Description: ER05368_3A_prokka|PROKKA_01014
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01028
Name: ER05368_3A_prokka|PROKKA_01028
Description: ER05368_3A_prokka|PROKKA_01028
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01197
Name: ER05368_3A_prokka|PROKKA_01197
Description: ER05368_3A_prokka|PROKKA_01197
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01271
Name: ER05368_3A_prokka|PROKKA_01271
Description: ER05368_3A_prokka|PROKKA_01271
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01306
Name: ER05368_3A_prokka|PROKKA_01306
Description: ER05368_3A_prokka|PROKKA_01306
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01309
Name: ER05368_3A_prokka|PROKKA_01309
Description: ER05368_3A_prokka|PROKKA_01309
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01336
Name: ER05368_3A_prokka|PROKKA_01336
Description: ER05368_3A_prokka|PROKKA_01336
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01341
Name: ER05368_3A_prokka|PROKKA_01341
Description: ER05368_3A_prokka|PROKKA_01341
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01349
Name: ER05368_3A_prokka|PROKKA_01349
Description: ER05368_3A_prokka|PROKKA_01349
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01364
Name: ER05368_3A_prokka|PROKKA_01364
Description: ER05368_3A_prokka|PROKKA_01364
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01383
Name: ER05368_3A_prokka|PROKKA_01383
Description: ER05368_3A_prokka|PROKKA_01383
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01391
Name: ER05368_3A_prokka|PROKKA_01391
Description: ER05368_3A_prokka|PROKKA_01391
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01438
Name: ER05368_3A_prokka|PROKKA_01438
Description: ER05368_3A_prokka|PROKKA_01438
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01450
Name: ER05368_3A_prokka|PROKKA_01450
Description: ER05368_3A_prokka|PROKKA_01450
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01543
Name: ER05368_3A_prokka|PROKKA_01543
Description: ER05368_3A_prokka|PROKKA_01543
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01567
Name: ER05368_3A_prokka|PROKKA_01567
Description: ER05368_3A_prokka|PROKKA_01567
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01571
Name: ER05368_3A_prokka|PROKKA_01571
Description: ER05368_3A_prokka|PROKKA_01571
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01707
Name: ER05368_3A_prokka|PROKKA_01707
Description: ER05368_3A_prokka|PROKKA_01707
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01708
Name: ER05368_3A_prokka|PROKKA_01708
Description: ER05368_3A_prokka|PROKKA_01708
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01720
Name: ER05368_3A_prokka|PROKKA_01720
Description: ER05368_3A_prokka|PROKKA_01720
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01802
Name: ER05368_3A_prokka|PROKKA_01802
Description: ER05368_3A_prokka|PROKKA_01802
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01803
Name: ER05368_3A_prokka|PROKKA_01803
Description: ER05368_3A_prokka|PROKKA_01803
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01820
Name: ER05368_3A_prokka|PROKKA_01820
Description: ER05368_3A_prokka|PROKKA_01820
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01843
Name: ER05368_3A_prokka|PROKKA_01843
Description: ER05368_3A_prokka|PROKKA_01843
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01948
Name: ER05368_3A_prokka|PROKKA_01948
Description: ER05368_3A_prokka|PROKKA_01948
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01975
Name: ER05368_3A_prokka|PROKKA_01975
Description: ER05368_3A_prokka|PROKKA_01975
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02204
Name: ER05368_3A_prokka|PROKKA_02204
Description: ER05368_3A_prokka|PROKKA_02204
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02370
Name: ER05368_3A_prokka|PROKKA_02370
Description: ER05368_3A_prokka|PROKKA_02370
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02387
Name: ER05368_3A_prokka|PROKKA_02387
Description: ER05368_3A_prokka|PROKKA_02387
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02511
Name: ER05368_3A_prokka|PROKKA_02511
Description: ER05368_3A_prokka|PROKKA_02511
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02555
Name: ER05368_3A_prokka|PROKKA_02555
Description: ER05368_3A_prokka|PROKKA_02555
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02679
Name: ER05368_3A_prokka|PROKKA_02679
Description: ER05368_3A_prokka|PROKKA_02679
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02697
Name: ER05368_3A_prokka|PROKKA_02697
Description: ER05368_3A_prokka|PROKKA_02697
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02718
Name: ER05368_3A_prokka|PROKKA_02718
Description: ER05368_3A_prokka|PROKKA_02718
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02722
Name: ER05368_3A_prokka|PROKKA_02722
Description: ER05368_3A_prokka|PROKKA_02722
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02725
Name: ER05368_3A_prokka|PROKKA_02725
Description: ER05368_3A_prokka|PROKKA_02725
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02746
Name: ER05368_3A_prokka|PROKKA_02746
Description: ER05368_3A_prokka|PROKKA_02746
Number of features: 0
Seq('MTLETRETNLGNAIADAMEAYGVKNFLKRLTLP', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02748
Name: ER05368_3A_prokka|PROKKA_02748
Description: ER05368_3A_prokka|PROKKA_02748
Number of features: 0
Seq('MLDAGDAFQGYHFQNQSKGEEMAKAMNAVGYDAMAVGNHEFDFGYDQLKKLEVC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02769
Name: ER05368_3A_prokka|PROKKA_02769
Description: ER05368_3A_prokka|PROKKA_02769
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00011
Name: ER05387_3A_prokka|PROKKA_00011
Description: ER05387_3A_prokka|PROKKA_00011
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00030
Name: ER05387_3A_prokka|PROKKA_00030
Description: ER05387_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00031
Name: ER05387_3A_prokka|PROKKA_00031
Description: ER05387_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00037
Name: ER05387_3A_prokka|PROKKA_00037
Description: ER05387_3A_prokka|PROKKA_00037
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00042
Name: ER05387_3A_prokka|PROKKA_00042
Description: ER05387_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00091
Name: ER05387_3A_prokka|PROKKA_00091
Description: ER05387_3A_prokka|PROKKA_00091
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00109
Name: ER05387_3A_prokka|PROKKA_00109
Description: ER05387_3A_prokka|PROKKA_00109
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00132
Name: ER05387_3A_prokka|PROKKA_00132
Description: ER05387_3A_prokka|PROKKA_00132
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00241
Name: ER05387_3A_prokka|PROKKA_00241
Description: ER05387_3A_prokka|PROKKA_00241
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00268
Name: ER05387_3A_prokka|PROKKA_00268
Description: ER05387_3A_prokka|PROKKA_00268
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00520
Name: ER05387_3A_prokka|PROKKA_00520
Description: ER05387_3A_prokka|PROKKA_00520
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00686
Name: ER05387_3A_prokka|PROKKA_00686
Description: ER05387_3A_prokka|PROKKA_00686
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00704
Name: ER05387_3A_prokka|PROKKA_00704
Description: ER05387_3A_prokka|PROKKA_00704
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00748
Name: ER05387_3A_prokka|PROKKA_00748
Description: ER05387_3A_prokka|PROKKA_00748
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00754
Name: ER05387_3A_prokka|PROKKA_00754
Description: ER05387_3A_prokka|PROKKA_00754
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00852
Name: ER05387_3A_prokka|PROKKA_00852
Description: ER05387_3A_prokka|PROKKA_00852
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01017
Name: ER05387_3A_prokka|PROKKA_01017
Description: ER05387_3A_prokka|PROKKA_01017
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01020
Name: ER05387_3A_prokka|PROKKA_01020
Description: ER05387_3A_prokka|PROKKA_01020
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01033
Name: ER05387_3A_prokka|PROKKA_01033
Description: ER05387_3A_prokka|PROKKA_01033
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01042
Name: ER05387_3A_prokka|PROKKA_01042
Description: ER05387_3A_prokka|PROKKA_01042
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01046
Name: ER05387_3A_prokka|PROKKA_01046
Description: ER05387_3A_prokka|PROKKA_01046
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01076
Name: ER05387_3A_prokka|PROKKA_01076
Description: ER05387_3A_prokka|PROKKA_01076
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01150
Name: ER05387_3A_prokka|PROKKA_01150
Description: ER05387_3A_prokka|PROKKA_01150
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01151
Name: ER05387_3A_prokka|PROKKA_01151
Description: ER05387_3A_prokka|PROKKA_01151
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01170
Name: ER05387_3A_prokka|PROKKA_01170
Description: ER05387_3A_prokka|PROKKA_01170
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01234
Name: ER05387_3A_prokka|PROKKA_01234
Description: ER05387_3A_prokka|PROKKA_01234
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01246
Name: ER05387_3A_prokka|PROKKA_01246
Description: ER05387_3A_prokka|PROKKA_01246
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01247
Name: ER05387_3A_prokka|PROKKA_01247
Description: ER05387_3A_prokka|PROKKA_01247
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01382
Name: ER05387_3A_prokka|PROKKA_01382
Description: ER05387_3A_prokka|PROKKA_01382
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01386
Name: ER05387_3A_prokka|PROKKA_01386
Description: ER05387_3A_prokka|PROKKA_01386
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01410
Name: ER05387_3A_prokka|PROKKA_01410
Description: ER05387_3A_prokka|PROKKA_01410
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01505
Name: ER05387_3A_prokka|PROKKA_01505
Description: ER05387_3A_prokka|PROKKA_01505
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01517
Name: ER05387_3A_prokka|PROKKA_01517
Description: ER05387_3A_prokka|PROKKA_01517
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01584
Name: ER05387_3A_prokka|PROKKA_01584
Description: ER05387_3A_prokka|PROKKA_01584
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01587
Name: ER05387_3A_prokka|PROKKA_01587
Description: ER05387_3A_prokka|PROKKA_01587
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01622
Name: ER05387_3A_prokka|PROKKA_01622
Description: ER05387_3A_prokka|PROKKA_01622
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01695
Name: ER05387_3A_prokka|PROKKA_01695
Description: ER05387_3A_prokka|PROKKA_01695
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01858
Name: ER05387_3A_prokka|PROKKA_01858
Description: ER05387_3A_prokka|PROKKA_01858
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01873
Name: ER05387_3A_prokka|PROKKA_01873
Description: ER05387_3A_prokka|PROKKA_01873
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01915
Name: ER05387_3A_prokka|PROKKA_01915
Description: ER05387_3A_prokka|PROKKA_01915
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01967
Name: ER05387_3A_prokka|PROKKA_01967
Description: ER05387_3A_prokka|PROKKA_01967
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02040
Name: ER05387_3A_prokka|PROKKA_02040
Description: ER05387_3A_prokka|PROKKA_02040
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02044
Name: ER05387_3A_prokka|PROKKA_02044
Description: ER05387_3A_prokka|PROKKA_02044
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02060
Name: ER05387_3A_prokka|PROKKA_02060
Description: ER05387_3A_prokka|PROKKA_02060
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02078
Name: ER05387_3A_prokka|PROKKA_02078
Description: ER05387_3A_prokka|PROKKA_02078
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02081
Name: ER05387_3A_prokka|PROKKA_02081
Description: ER05387_3A_prokka|PROKKA_02081
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02088
Name: ER05387_3A_prokka|PROKKA_02088
Description: ER05387_3A_prokka|PROKKA_02088
Number of features: 0
Seq('MNLKEVDINIEEWEMVEIPFYTEEELTYRLKNDLPITKSEFEEQESKNEFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02090
Name: ER05387_3A_prokka|PROKKA_02090
Description: ER05387_3A_prokka|PROKKA_02090
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02117
Name: ER05387_3A_prokka|PROKKA_02117
Description: ER05387_3A_prokka|PROKKA_02117
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02128
Name: ER05387_3A_prokka|PROKKA_02128
Description: ER05387_3A_prokka|PROKKA_02128
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02130
Name: ER05387_3A_prokka|PROKKA_02130
Description: ER05387_3A_prokka|PROKKA_02130
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02180
Name: ER05387_3A_prokka|PROKKA_02180
Description: ER05387_3A_prokka|PROKKA_02180
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02191
Name: ER05387_3A_prokka|PROKKA_02191
Description: ER05387_3A_prokka|PROKKA_02191
Number of features: 0
Seq('MKKTLLASSLAVGLGIVAGNAGHEAHASEADFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02308
Name: ER05387_3A_prokka|PROKKA_02308
Description: ER05387_3A_prokka|PROKKA_02308
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02321
Name: ER05387_3A_prokka|PROKKA_02321
Description: ER05387_3A_prokka|PROKKA_02321
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02352
Name: ER05387_3A_prokka|PROKKA_02352
Description: ER05387_3A_prokka|PROKKA_02352
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02570
Name: ER05387_3A_prokka|PROKKA_02570
Description: ER05387_3A_prokka|PROKKA_02570
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02686
Name: ER05387_3A_prokka|PROKKA_02686
Description: ER05387_3A_prokka|PROKKA_02686
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02699
Name: ER05387_3A_prokka|PROKKA_02699
Description: ER05387_3A_prokka|PROKKA_02699
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02701
Name: ER05387_3A_prokka|PROKKA_02701
Description: ER05387_3A_prokka|PROKKA_02701
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02704
Name: ER05387_3A_prokka|PROKKA_02704
Description: ER05387_3A_prokka|PROKKA_02704
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02711
Name: ER05387_3A_prokka|PROKKA_02711
Description: ER05387_3A_prokka|PROKKA_02711
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02749
Name: ER05387_3A_prokka|PROKKA_02749
Description: ER05387_3A_prokka|PROKKA_02749
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00002
Name: ER05423_3A_prokka|PROKKA_00002
Description: ER05423_3A_prokka|PROKKA_00002
Number of features: 0
Seq('MLSEAEVDSSDEVVNLVVTDTAEQTKLNVEAFSNAVKKRLMKRLRLTLDNRH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00026
Name: ER05423_3A_prokka|PROKKA_00026
Description: ER05423_3A_prokka|PROKKA_00026
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00027
Name: ER05423_3A_prokka|PROKKA_00027
Description: ER05423_3A_prokka|PROKKA_00027
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00042
Name: ER05423_3A_prokka|PROKKA_00042
Description: ER05423_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00147
Name: ER05423_3A_prokka|PROKKA_00147
Description: ER05423_3A_prokka|PROKKA_00147
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00186
Name: ER05423_3A_prokka|PROKKA_00186
Description: ER05423_3A_prokka|PROKKA_00186
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00187
Name: ER05423_3A_prokka|PROKKA_00187
Description: ER05423_3A_prokka|PROKKA_00187
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00236
Name: ER05423_3A_prokka|PROKKA_00236
Description: ER05423_3A_prokka|PROKKA_00236
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00244
Name: ER05423_3A_prokka|PROKKA_00244
Description: ER05423_3A_prokka|PROKKA_00244
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00245
Name: ER05423_3A_prokka|PROKKA_00245
Description: ER05423_3A_prokka|PROKKA_00245
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00268
Name: ER05423_3A_prokka|PROKKA_00268
Description: ER05423_3A_prokka|PROKKA_00268
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00290
Name: ER05423_3A_prokka|PROKKA_00290
Description: ER05423_3A_prokka|PROKKA_00290
Number of features: 0
Seq('MPVDDPLNAFIKLLIPAKTFLKILPMIGKFVFVYSIKRVIEFSPAALLAQLEND', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00307
Name: ER05423_3A_prokka|PROKKA_00307
Description: ER05423_3A_prokka|PROKKA_00307
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00329
Name: ER05423_3A_prokka|PROKKA_00329
Description: ER05423_3A_prokka|PROKKA_00329
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00334
Name: ER05423_3A_prokka|PROKKA_00334
Description: ER05423_3A_prokka|PROKKA_00334
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00410
Name: ER05423_3A_prokka|PROKKA_00410
Description: ER05423_3A_prokka|PROKKA_00410
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00414
Name: ER05423_3A_prokka|PROKKA_00414
Description: ER05423_3A_prokka|PROKKA_00414
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00431
Name: ER05423_3A_prokka|PROKKA_00431
Description: ER05423_3A_prokka|PROKKA_00431
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00449
Name: ER05423_3A_prokka|PROKKA_00449
Description: ER05423_3A_prokka|PROKKA_00449
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00475
Name: ER05423_3A_prokka|PROKKA_00475
Description: ER05423_3A_prokka|PROKKA_00475
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00477
Name: ER05423_3A_prokka|PROKKA_00477
Description: ER05423_3A_prokka|PROKKA_00477
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00529
Name: ER05423_3A_prokka|PROKKA_00529
Description: ER05423_3A_prokka|PROKKA_00529
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00637
Name: ER05423_3A_prokka|PROKKA_00637
Description: ER05423_3A_prokka|PROKKA_00637
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00656
Name: ER05423_3A_prokka|PROKKA_00656
Description: ER05423_3A_prokka|PROKKA_00656
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00669
Name: ER05423_3A_prokka|PROKKA_00669
Description: ER05423_3A_prokka|PROKKA_00669
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00701
Name: ER05423_3A_prokka|PROKKA_00701
Description: ER05423_3A_prokka|PROKKA_00701
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00848
Name: ER05423_3A_prokka|PROKKA_00848
Description: ER05423_3A_prokka|PROKKA_00848
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00857
Name: ER05423_3A_prokka|PROKKA_00857
Description: ER05423_3A_prokka|PROKKA_00857
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00921
Name: ER05423_3A_prokka|PROKKA_00921
Description: ER05423_3A_prokka|PROKKA_00921
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01029
Name: ER05423_3A_prokka|PROKKA_01029
Description: ER05423_3A_prokka|PROKKA_01029
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01067
Name: ER05423_3A_prokka|PROKKA_01067
Description: ER05423_3A_prokka|PROKKA_01067
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01151
Name: ER05423_3A_prokka|PROKKA_01151
Description: ER05423_3A_prokka|PROKKA_01151
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01190
Name: ER05423_3A_prokka|PROKKA_01190
Description: ER05423_3A_prokka|PROKKA_01190
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01193
Name: ER05423_3A_prokka|PROKKA_01193
Description: ER05423_3A_prokka|PROKKA_01193
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01197
Name: ER05423_3A_prokka|PROKKA_01197
Description: ER05423_3A_prokka|PROKKA_01197
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01218
Name: ER05423_3A_prokka|PROKKA_01218
Description: ER05423_3A_prokka|PROKKA_01218
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01236
Name: ER05423_3A_prokka|PROKKA_01236
Description: ER05423_3A_prokka|PROKKA_01236
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01403
Name: ER05423_3A_prokka|PROKKA_01403
Description: ER05423_3A_prokka|PROKKA_01403
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01527
Name: ER05423_3A_prokka|PROKKA_01527
Description: ER05423_3A_prokka|PROKKA_01527
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01544
Name: ER05423_3A_prokka|PROKKA_01544
Description: ER05423_3A_prokka|PROKKA_01544
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01710
Name: ER05423_3A_prokka|PROKKA_01710
Description: ER05423_3A_prokka|PROKKA_01710
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01939
Name: ER05423_3A_prokka|PROKKA_01939
Description: ER05423_3A_prokka|PROKKA_01939
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01972
Name: ER05423_3A_prokka|PROKKA_01972
Description: ER05423_3A_prokka|PROKKA_01972
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01976
Name: ER05423_3A_prokka|PROKKA_01976
Description: ER05423_3A_prokka|PROKKA_01976
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01992
Name: ER05423_3A_prokka|PROKKA_01992
Description: ER05423_3A_prokka|PROKKA_01992
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02058
Name: ER05423_3A_prokka|PROKKA_02058
Description: ER05423_3A_prokka|PROKKA_02058
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02070
Name: ER05423_3A_prokka|PROKKA_02070
Description: ER05423_3A_prokka|PROKKA_02070
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02071
Name: ER05423_3A_prokka|PROKKA_02071
Description: ER05423_3A_prokka|PROKKA_02071
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02207
Name: ER05423_3A_prokka|PROKKA_02207
Description: ER05423_3A_prokka|PROKKA_02207
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02211
Name: ER05423_3A_prokka|PROKKA_02211
Description: ER05423_3A_prokka|PROKKA_02211
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02235
Name: ER05423_3A_prokka|PROKKA_02235
Description: ER05423_3A_prokka|PROKKA_02235
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02329
Name: ER05423_3A_prokka|PROKKA_02329
Description: ER05423_3A_prokka|PROKKA_02329
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02341
Name: ER05423_3A_prokka|PROKKA_02341
Description: ER05423_3A_prokka|PROKKA_02341
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02388
Name: ER05423_3A_prokka|PROKKA_02388
Description: ER05423_3A_prokka|PROKKA_02388
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02396
Name: ER05423_3A_prokka|PROKKA_02396
Description: ER05423_3A_prokka|PROKKA_02396
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02415
Name: ER05423_3A_prokka|PROKKA_02415
Description: ER05423_3A_prokka|PROKKA_02415
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02430
Name: ER05423_3A_prokka|PROKKA_02430
Description: ER05423_3A_prokka|PROKKA_02430
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02438
Name: ER05423_3A_prokka|PROKKA_02438
Description: ER05423_3A_prokka|PROKKA_02438
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02443
Name: ER05423_3A_prokka|PROKKA_02443
Description: ER05423_3A_prokka|PROKKA_02443
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02470
Name: ER05423_3A_prokka|PROKKA_02470
Description: ER05423_3A_prokka|PROKKA_02470
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02473
Name: ER05423_3A_prokka|PROKKA_02473
Description: ER05423_3A_prokka|PROKKA_02473
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02508
Name: ER05423_3A_prokka|PROKKA_02508
Description: ER05423_3A_prokka|PROKKA_02508
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02582
Name: ER05423_3A_prokka|PROKKA_02582
Description: ER05423_3A_prokka|PROKKA_02582
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02740
Name: ER05423_3A_prokka|PROKKA_02740
Description: ER05423_3A_prokka|PROKKA_02740
Number of features: 0
Seq('MDFIKRKRMPIESFTHQFEEITYLSDDLQVKALMMTPHHEVNRIVVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02752
Name: ER05423_3A_prokka|PROKKA_02752
Description: ER05423_3A_prokka|PROKKA_02752
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02766
Name: ER05423_3A_prokka|PROKKA_02766
Description: ER05423_3A_prokka|PROKKA_02766
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02808
Name: ER05423_3A_prokka|PROKKA_02808
Description: ER05423_3A_prokka|PROKKA_02808
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02860
Name: ER05423_3A_prokka|PROKKA_02860
Description: ER05423_3A_prokka|PROKKA_02860
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02862
Name: ER05423_3A_prokka|PROKKA_02862
Description: ER05423_3A_prokka|PROKKA_02862
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02863
Name: ER05423_3A_prokka|PROKKA_02863
Description: ER05423_3A_prokka|PROKKA_02863
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02894
Name: ER05423_3A_prokka|PROKKA_02894
Description: ER05423_3A_prokka|PROKKA_02894
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00005
Name: ER05435_3A_prokka|PROKKA_00005
Description: ER05435_3A_prokka|PROKKA_00005
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00026
Name: ER05435_3A_prokka|PROKKA_00026
Description: ER05435_3A_prokka|PROKKA_00026
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00035
Name: ER05435_3A_prokka|PROKKA_00035
Description: ER05435_3A_prokka|PROKKA_00035
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00064
Name: ER05435_3A_prokka|PROKKA_00064
Description: ER05435_3A_prokka|PROKKA_00064
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00151
Name: ER05435_3A_prokka|PROKKA_00151
Description: ER05435_3A_prokka|PROKKA_00151
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00362
Name: ER05435_3A_prokka|PROKKA_00362
Description: ER05435_3A_prokka|PROKKA_00362
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00518
Name: ER05435_3A_prokka|PROKKA_00518
Description: ER05435_3A_prokka|PROKKA_00518
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00549
Name: ER05435_3A_prokka|PROKKA_00549
Description: ER05435_3A_prokka|PROKKA_00549
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00573
Name: ER05435_3A_prokka|PROKKA_00573
Description: ER05435_3A_prokka|PROKKA_00573
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00693
Name: ER05435_3A_prokka|PROKKA_00693
Description: ER05435_3A_prokka|PROKKA_00693
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00742
Name: ER05435_3A_prokka|PROKKA_00742
Description: ER05435_3A_prokka|PROKKA_00742
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00744
Name: ER05435_3A_prokka|PROKKA_00744
Description: ER05435_3A_prokka|PROKKA_00744
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00774
Name: ER05435_3A_prokka|PROKKA_00774
Description: ER05435_3A_prokka|PROKKA_00774
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00794
Name: ER05435_3A_prokka|PROKKA_00794
Description: ER05435_3A_prokka|PROKKA_00794
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00810
Name: ER05435_3A_prokka|PROKKA_00810
Description: ER05435_3A_prokka|PROKKA_00810
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00814
Name: ER05435_3A_prokka|PROKKA_00814
Description: ER05435_3A_prokka|PROKKA_00814
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00886
Name: ER05435_3A_prokka|PROKKA_00886
Description: ER05435_3A_prokka|PROKKA_00886
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00938
Name: ER05435_3A_prokka|PROKKA_00938
Description: ER05435_3A_prokka|PROKKA_00938
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00973
Name: ER05435_3A_prokka|PROKKA_00973
Description: ER05435_3A_prokka|PROKKA_00973
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00992
Name: ER05435_3A_prokka|PROKKA_00992
Description: ER05435_3A_prokka|PROKKA_00992
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00999
Name: ER05435_3A_prokka|PROKKA_00999
Description: ER05435_3A_prokka|PROKKA_00999
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01164
Name: ER05435_3A_prokka|PROKKA_01164
Description: ER05435_3A_prokka|PROKKA_01164
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01235
Name: ER05435_3A_prokka|PROKKA_01235
Description: ER05435_3A_prokka|PROKKA_01235
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01272
Name: ER05435_3A_prokka|PROKKA_01272
Description: ER05435_3A_prokka|PROKKA_01272
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01299
Name: ER05435_3A_prokka|PROKKA_01299
Description: ER05435_3A_prokka|PROKKA_01299
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01327
Name: ER05435_3A_prokka|PROKKA_01327
Description: ER05435_3A_prokka|PROKKA_01327
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01347
Name: ER05435_3A_prokka|PROKKA_01347
Description: ER05435_3A_prokka|PROKKA_01347
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01357
Name: ER05435_3A_prokka|PROKKA_01357
Description: ER05435_3A_prokka|PROKKA_01357
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01406
Name: ER05435_3A_prokka|PROKKA_01406
Description: ER05435_3A_prokka|PROKKA_01406
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01419
Name: ER05435_3A_prokka|PROKKA_01419
Description: ER05435_3A_prokka|PROKKA_01419
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01514
Name: ER05435_3A_prokka|PROKKA_01514
Description: ER05435_3A_prokka|PROKKA_01514
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01538
Name: ER05435_3A_prokka|PROKKA_01538
Description: ER05435_3A_prokka|PROKKA_01538
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01540
Name: ER05435_3A_prokka|PROKKA_01540
Description: ER05435_3A_prokka|PROKKA_01540
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01544
Name: ER05435_3A_prokka|PROKKA_01544
Description: ER05435_3A_prokka|PROKKA_01544
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01548
Name: ER05435_3A_prokka|PROKKA_01548
Description: ER05435_3A_prokka|PROKKA_01548
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01683
Name: ER05435_3A_prokka|PROKKA_01683
Description: ER05435_3A_prokka|PROKKA_01683
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01684
Name: ER05435_3A_prokka|PROKKA_01684
Description: ER05435_3A_prokka|PROKKA_01684
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01776
Name: ER05435_3A_prokka|PROKKA_01776
Description: ER05435_3A_prokka|PROKKA_01776
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01815
Name: ER05435_3A_prokka|PROKKA_01815
Description: ER05435_3A_prokka|PROKKA_01815
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01923
Name: ER05435_3A_prokka|PROKKA_01923
Description: ER05435_3A_prokka|PROKKA_01923
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_02183
Name: ER05435_3A_prokka|PROKKA_02183
Description: ER05435_3A_prokka|PROKKA_02183
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_02219
Name: ER05435_3A_prokka|PROKKA_02219
Description: ER05435_3A_prokka|PROKKA_02219
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_02349
Name: ER05435_3A_prokka|PROKKA_02349
Description: ER05435_3A_prokka|PROKKA_02349
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_02387
Name: ER05435_3A_prokka|PROKKA_02387
Description: ER05435_3A_prokka|PROKKA_02387
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_02485
Name: ER05435_3A_prokka|PROKKA_02485
Description: ER05435_3A_prokka|PROKKA_02485
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_02537
Name: ER05435_3A_prokka|PROKKA_02537
Description: ER05435_3A_prokka|PROKKA_02537
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_02636
Name: ER05435_3A_prokka|PROKKA_02636
Description: ER05435_3A_prokka|PROKKA_02636
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_02726
Name: ER05435_3A_prokka|PROKKA_02726
Description: ER05435_3A_prokka|PROKKA_02726
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_02736
Name: ER05435_3A_prokka|PROKKA_02736
Description: ER05435_3A_prokka|PROKKA_02736
Number of features: 0
Seq('MHYIKFIESKDNTKLYMKVNDIQDAKANIIIAHGVAEHLDRYDEITAYLNEAGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_02747
Name: ER05435_3A_prokka|PROKKA_02747
Description: ER05435_3A_prokka|PROKKA_02747
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_02758
Name: ER05435_3A_prokka|PROKKA_02758
Description: ER05435_3A_prokka|PROKKA_02758
Number of features: 0
Seq('MKFTEVEVIEHLVKAYKEAGKPTYPHENLYRGRNHSISGIGEDLLGLFD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_02785
Name: ER05435_3A_prokka|PROKKA_02785
Description: ER05435_3A_prokka|PROKKA_02785
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00022
Name: ER05457_3A_prokka|PROKKA_00022
Description: ER05457_3A_prokka|PROKKA_00022
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00052
Name: ER05457_3A_prokka|PROKKA_00052
Description: ER05457_3A_prokka|PROKKA_00052
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00070
Name: ER05457_3A_prokka|PROKKA_00070
Description: ER05457_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MPVDDPLNAFIKLLIPTKTFLKILPMIGKFVFVYSIKRVIEFSPAALLAQLEKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00075
Name: ER05457_3A_prokka|PROKKA_00075
Description: ER05457_3A_prokka|PROKKA_00075
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00076
Name: ER05457_3A_prokka|PROKKA_00076
Description: ER05457_3A_prokka|PROKKA_00076
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00128
Name: ER05457_3A_prokka|PROKKA_00128
Description: ER05457_3A_prokka|PROKKA_00128
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00134
Name: ER05457_3A_prokka|PROKKA_00134
Description: ER05457_3A_prokka|PROKKA_00134
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00135
Name: ER05457_3A_prokka|PROKKA_00135
Description: ER05457_3A_prokka|PROKKA_00135
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00159
Name: ER05457_3A_prokka|PROKKA_00159
Description: ER05457_3A_prokka|PROKKA_00159
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00190
Name: ER05457_3A_prokka|PROKKA_00190
Description: ER05457_3A_prokka|PROKKA_00190
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00191
Name: ER05457_3A_prokka|PROKKA_00191
Description: ER05457_3A_prokka|PROKKA_00191
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00206
Name: ER05457_3A_prokka|PROKKA_00206
Description: ER05457_3A_prokka|PROKKA_00206
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00312
Name: ER05457_3A_prokka|PROKKA_00312
Description: ER05457_3A_prokka|PROKKA_00312
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00369
Name: ER05457_3A_prokka|PROKKA_00369
Description: ER05457_3A_prokka|PROKKA_00369
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00391
Name: ER05457_3A_prokka|PROKKA_00391
Description: ER05457_3A_prokka|PROKKA_00391
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00396
Name: ER05457_3A_prokka|PROKKA_00396
Description: ER05457_3A_prokka|PROKKA_00396
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00471
Name: ER05457_3A_prokka|PROKKA_00471
Description: ER05457_3A_prokka|PROKKA_00471
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00475
Name: ER05457_3A_prokka|PROKKA_00475
Description: ER05457_3A_prokka|PROKKA_00475
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00478
Name: ER05457_3A_prokka|PROKKA_00478
Description: ER05457_3A_prokka|PROKKA_00478
Number of features: 0
Seq('MAIKHASAPKAYFNITGLGFAKLTKEGAELKYSDITKTRGL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00492
Name: ER05457_3A_prokka|PROKKA_00492
Description: ER05457_3A_prokka|PROKKA_00492
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00510
Name: ER05457_3A_prokka|PROKKA_00510
Description: ER05457_3A_prokka|PROKKA_00510
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00516
Name: ER05457_3A_prokka|PROKKA_00516
Description: ER05457_3A_prokka|PROKKA_00516
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00521
Name: ER05457_3A_prokka|PROKKA_00521
Description: ER05457_3A_prokka|PROKKA_00521
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00537
Name: ER05457_3A_prokka|PROKKA_00537
Description: ER05457_3A_prokka|PROKKA_00537
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00539
Name: ER05457_3A_prokka|PROKKA_00539
Description: ER05457_3A_prokka|PROKKA_00539
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00591
Name: ER05457_3A_prokka|PROKKA_00591
Description: ER05457_3A_prokka|PROKKA_00591
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00699
Name: ER05457_3A_prokka|PROKKA_00699
Description: ER05457_3A_prokka|PROKKA_00699
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00718
Name: ER05457_3A_prokka|PROKKA_00718
Description: ER05457_3A_prokka|PROKKA_00718
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00731
Name: ER05457_3A_prokka|PROKKA_00731
Description: ER05457_3A_prokka|PROKKA_00731
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00763
Name: ER05457_3A_prokka|PROKKA_00763
Description: ER05457_3A_prokka|PROKKA_00763
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00909
Name: ER05457_3A_prokka|PROKKA_00909
Description: ER05457_3A_prokka|PROKKA_00909
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00918
Name: ER05457_3A_prokka|PROKKA_00918
Description: ER05457_3A_prokka|PROKKA_00918
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00982
Name: ER05457_3A_prokka|PROKKA_00982
Description: ER05457_3A_prokka|PROKKA_00982
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_01090
Name: ER05457_3A_prokka|PROKKA_01090
Description: ER05457_3A_prokka|PROKKA_01090
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_01128
Name: ER05457_3A_prokka|PROKKA_01128
Description: ER05457_3A_prokka|PROKKA_01128
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_01212
Name: ER05457_3A_prokka|PROKKA_01212
Description: ER05457_3A_prokka|PROKKA_01212
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_01251
Name: ER05457_3A_prokka|PROKKA_01251
Description: ER05457_3A_prokka|PROKKA_01251
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_01257
Name: ER05457_3A_prokka|PROKKA_01257
Description: ER05457_3A_prokka|PROKKA_01257
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_01278
Name: ER05457_3A_prokka|PROKKA_01278
Description: ER05457_3A_prokka|PROKKA_01278
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_01296
Name: ER05457_3A_prokka|PROKKA_01296
Description: ER05457_3A_prokka|PROKKA_01296
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_01463
Name: ER05457_3A_prokka|PROKKA_01463
Description: ER05457_3A_prokka|PROKKA_01463
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_01588
Name: ER05457_3A_prokka|PROKKA_01588
Description: ER05457_3A_prokka|PROKKA_01588
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_01605
Name: ER05457_3A_prokka|PROKKA_01605
Description: ER05457_3A_prokka|PROKKA_01605
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_01771
Name: ER05457_3A_prokka|PROKKA_01771
Description: ER05457_3A_prokka|PROKKA_01771
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_01999
Name: ER05457_3A_prokka|PROKKA_01999
Description: ER05457_3A_prokka|PROKKA_01999
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02030
Name: ER05457_3A_prokka|PROKKA_02030
Description: ER05457_3A_prokka|PROKKA_02030
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02034
Name: ER05457_3A_prokka|PROKKA_02034
Description: ER05457_3A_prokka|PROKKA_02034
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02050
Name: ER05457_3A_prokka|PROKKA_02050
Description: ER05457_3A_prokka|PROKKA_02050
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02081
Name: ER05457_3A_prokka|PROKKA_02081
Description: ER05457_3A_prokka|PROKKA_02081
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02082
Name: ER05457_3A_prokka|PROKKA_02082
Description: ER05457_3A_prokka|PROKKA_02082
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02084
Name: ER05457_3A_prokka|PROKKA_02084
Description: ER05457_3A_prokka|PROKKA_02084
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02136
Name: ER05457_3A_prokka|PROKKA_02136
Description: ER05457_3A_prokka|PROKKA_02136
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02178
Name: ER05457_3A_prokka|PROKKA_02178
Description: ER05457_3A_prokka|PROKKA_02178
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02192
Name: ER05457_3A_prokka|PROKKA_02192
Description: ER05457_3A_prokka|PROKKA_02192
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02308
Name: ER05457_3A_prokka|PROKKA_02308
Description: ER05457_3A_prokka|PROKKA_02308
Number of features: 0
Seq('MSKVQNESNNVVKRGLKDRHISMIAIGVVLVQVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02353
Name: ER05457_3A_prokka|PROKKA_02353
Description: ER05457_3A_prokka|PROKKA_02353
Number of features: 0
Seq('MVQRVDFQSKQAITQQKVEQVVKDSGLKADQIQINGKDNKVATVQFKDDLNACSR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02367
Name: ER05457_3A_prokka|PROKKA_02367
Description: ER05457_3A_prokka|PROKKA_02367
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02417
Name: ER05457_3A_prokka|PROKKA_02417
Description: ER05457_3A_prokka|PROKKA_02417
Number of features: 0
Seq('MIFGPEGGLSENEISLFSNTSTVVGLGPRILRAETAPLYALSAISYEKELMG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02443
Name: ER05457_3A_prokka|PROKKA_02443
Description: ER05457_3A_prokka|PROKKA_02443
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02479
Name: ER05457_3A_prokka|PROKKA_02479
Description: ER05457_3A_prokka|PROKKA_02479
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02482
Name: ER05457_3A_prokka|PROKKA_02482
Description: ER05457_3A_prokka|PROKKA_02482
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02509
Name: ER05457_3A_prokka|PROKKA_02509
Description: ER05457_3A_prokka|PROKKA_02509
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02514
Name: ER05457_3A_prokka|PROKKA_02514
Description: ER05457_3A_prokka|PROKKA_02514
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02522
Name: ER05457_3A_prokka|PROKKA_02522
Description: ER05457_3A_prokka|PROKKA_02522
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02537
Name: ER05457_3A_prokka|PROKKA_02537
Description: ER05457_3A_prokka|PROKKA_02537
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02556
Name: ER05457_3A_prokka|PROKKA_02556
Description: ER05457_3A_prokka|PROKKA_02556
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02564
Name: ER05457_3A_prokka|PROKKA_02564
Description: ER05457_3A_prokka|PROKKA_02564
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02589
Name: ER05457_3A_prokka|PROKKA_02589
Description: ER05457_3A_prokka|PROKKA_02589
Number of features: 0
Seq('MFLKLMELLYGAIFLDKPLNPITKIIFILTLIYIFMY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02595
Name: ER05457_3A_prokka|PROKKA_02595
Description: ER05457_3A_prokka|PROKKA_02595
Number of features: 0
Seq('MEDIYKLIDDINLQKLENLDSRVNEAINY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02617
Name: ER05457_3A_prokka|PROKKA_02617
Description: ER05457_3A_prokka|PROKKA_02617
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02629
Name: ER05457_3A_prokka|PROKKA_02629
Description: ER05457_3A_prokka|PROKKA_02629
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02677
Name: ER05457_3A_prokka|PROKKA_02677
Description: ER05457_3A_prokka|PROKKA_02677
Number of features: 0
Seq('MTLFDMPNYLWITTLIMILLTIFCCLVLNKWFVSAVITFVILGVLAFFIPNFQSI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02723
Name: ER05457_3A_prokka|PROKKA_02723
Description: ER05457_3A_prokka|PROKKA_02723
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02747
Name: ER05457_3A_prokka|PROKKA_02747
Description: ER05457_3A_prokka|PROKKA_02747
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02751
Name: ER05457_3A_prokka|PROKKA_02751
Description: ER05457_3A_prokka|PROKKA_02751
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02817
Name: ER05457_3A_prokka|PROKKA_02817
Description: ER05457_3A_prokka|PROKKA_02817
Number of features: 0
Seq('MNIHEYQGKEIFRSMGVAVPEGRVAFTAEEAVEKAKELNLMYML', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02890
Name: ER05457_3A_prokka|PROKKA_02890
Description: ER05457_3A_prokka|PROKKA_02890
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02891
Name: ER05457_3A_prokka|PROKKA_02891
Description: ER05457_3A_prokka|PROKKA_02891
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02903
Name: ER05457_3A_prokka|PROKKA_02903
Description: ER05457_3A_prokka|PROKKA_02903
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02939
Name: ER05457_3A_prokka|PROKKA_02939
Description: ER05457_3A_prokka|PROKKA_02939
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02940
Name: ER05457_3A_prokka|PROKKA_02940
Description: ER05457_3A_prokka|PROKKA_02940
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02958
Name: ER05457_3A_prokka|PROKKA_02958
Description: ER05457_3A_prokka|PROKKA_02958
Number of features: 0
Seq('MTTLADVKKRIGLKDEKQDEQLEEIIKSCESQLLSMLPIEVEQYRKGLVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02968
Name: ER05457_3A_prokka|PROKKA_02968
Description: ER05457_3A_prokka|PROKKA_02968
Number of features: 0
Seq('MNKLTKKQRLFAEVYTIPGTECYGNATKSAVHAGYSEKTAYSQGQRMLKKC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02970
Name: ER05457_3A_prokka|PROKKA_02970
Description: ER05457_3A_prokka|PROKKA_02970
Number of features: 0
Seq('MINIPKMKFPKKYTEIIKKYKNKTPEEKAKIEDDFIKEINDKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02986
Name: ER05457_3A_prokka|PROKKA_02986
Description: ER05457_3A_prokka|PROKKA_02986
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03012
Name: ER05457_3A_prokka|PROKKA_03012
Description: ER05457_3A_prokka|PROKKA_03012
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03013
Name: ER05457_3A_prokka|PROKKA_03013
Description: ER05457_3A_prokka|PROKKA_03013
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03049
Name: ER05457_3A_prokka|PROKKA_03049
Description: ER05457_3A_prokka|PROKKA_03049
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03061
Name: ER05457_3A_prokka|PROKKA_03061
Description: ER05457_3A_prokka|PROKKA_03061
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03062
Name: ER05457_3A_prokka|PROKKA_03062
Description: ER05457_3A_prokka|PROKKA_03062
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03199
Name: ER05457_3A_prokka|PROKKA_03199
Description: ER05457_3A_prokka|PROKKA_03199
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03203
Name: ER05457_3A_prokka|PROKKA_03203
Description: ER05457_3A_prokka|PROKKA_03203
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03227
Name: ER05457_3A_prokka|PROKKA_03227
Description: ER05457_3A_prokka|PROKKA_03227
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03321
Name: ER05457_3A_prokka|PROKKA_03321
Description: ER05457_3A_prokka|PROKKA_03321
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03333
Name: ER05457_3A_prokka|PROKKA_03333
Description: ER05457_3A_prokka|PROKKA_03333
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03380
Name: ER05457_3A_prokka|PROKKA_03380
Description: ER05457_3A_prokka|PROKKA_03380
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03388
Name: ER05457_3A_prokka|PROKKA_03388
Description: ER05457_3A_prokka|PROKKA_03388
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03407
Name: ER05457_3A_prokka|PROKKA_03407
Description: ER05457_3A_prokka|PROKKA_03407
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03422
Name: ER05457_3A_prokka|PROKKA_03422
Description: ER05457_3A_prokka|PROKKA_03422
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03430
Name: ER05457_3A_prokka|PROKKA_03430
Description: ER05457_3A_prokka|PROKKA_03430
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03435
Name: ER05457_3A_prokka|PROKKA_03435
Description: ER05457_3A_prokka|PROKKA_03435
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03462
Name: ER05457_3A_prokka|PROKKA_03462
Description: ER05457_3A_prokka|PROKKA_03462
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03465
Name: ER05457_3A_prokka|PROKKA_03465
Description: ER05457_3A_prokka|PROKKA_03465
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03502
Name: ER05457_3A_prokka|PROKKA_03502
Description: ER05457_3A_prokka|PROKKA_03502
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03576
Name: ER05457_3A_prokka|PROKKA_03576
Description: ER05457_3A_prokka|PROKKA_03576
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03630
Name: ER05457_3A_prokka|PROKKA_03630
Description: ER05457_3A_prokka|PROKKA_03630
Number of features: 0
Seq('MSKVQNESNNVVKRGLKDRHISMIAIGVVLVQVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03681
Name: ER05457_3A_prokka|PROKKA_03681
Description: ER05457_3A_prokka|PROKKA_03681
Number of features: 0
Seq('MVVPREDGFNITVASEIMAILCLSRSIKDLKIKLVVLLLVTLEIASQLQLQI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03684
Name: ER05457_3A_prokka|PROKKA_03684
Description: ER05457_3A_prokka|PROKKA_03684
Number of features: 0
Seq('MSRTPELYFALLGVLKIGAIVGPLFEAFMEKAVAID', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03685
Name: ER05457_3A_prokka|PROKKA_03685
Description: ER05457_3A_prokka|PROKKA_03685
Number of features: 0
Seq('MKVEVYKGAQGKHNLKDYEEHIILLIGKT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03751
Name: ER05457_3A_prokka|PROKKA_03751
Description: ER05457_3A_prokka|PROKKA_03751
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03755
Name: ER05457_3A_prokka|PROKKA_03755
Description: ER05457_3A_prokka|PROKKA_03755
Number of features: 0
Seq('MDASEFRNYILGLIFYRFLSEKAEQEYADACQVKTSRIKKHGQMKIS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03766
Name: ER05457_3A_prokka|PROKKA_03766
Description: ER05457_3A_prokka|PROKKA_03766
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03808
Name: ER05457_3A_prokka|PROKKA_03808
Description: ER05457_3A_prokka|PROKKA_03808
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03860
Name: ER05457_3A_prokka|PROKKA_03860
Description: ER05457_3A_prokka|PROKKA_03860
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03862
Name: ER05457_3A_prokka|PROKKA_03862
Description: ER05457_3A_prokka|PROKKA_03862
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03863
Name: ER05457_3A_prokka|PROKKA_03863
Description: ER05457_3A_prokka|PROKKA_03863
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00008
Name: ER05470_3A_prokka|PROKKA_00008
Description: ER05470_3A_prokka|PROKKA_00008
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00012
Name: ER05470_3A_prokka|PROKKA_00012
Description: ER05470_3A_prokka|PROKKA_00012
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00026
Name: ER05470_3A_prokka|PROKKA_00026
Description: ER05470_3A_prokka|PROKKA_00026
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00057
Name: ER05470_3A_prokka|PROKKA_00057
Description: ER05470_3A_prokka|PROKKA_00057
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00066
Name: ER05470_3A_prokka|PROKKA_00066
Description: ER05470_3A_prokka|PROKKA_00066
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00239
Name: ER05470_3A_prokka|PROKKA_00239
Description: ER05470_3A_prokka|PROKKA_00239
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00363
Name: ER05470_3A_prokka|PROKKA_00363
Description: ER05470_3A_prokka|PROKKA_00363
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00380
Name: ER05470_3A_prokka|PROKKA_00380
Description: ER05470_3A_prokka|PROKKA_00380
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00546
Name: ER05470_3A_prokka|PROKKA_00546
Description: ER05470_3A_prokka|PROKKA_00546
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00798
Name: ER05470_3A_prokka|PROKKA_00798
Description: ER05470_3A_prokka|PROKKA_00798
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00829
Name: ER05470_3A_prokka|PROKKA_00829
Description: ER05470_3A_prokka|PROKKA_00829
Number of features: 0
Seq('MNRLRIIKTALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00833
Name: ER05470_3A_prokka|PROKKA_00833
Description: ER05470_3A_prokka|PROKKA_00833
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00846
Name: ER05470_3A_prokka|PROKKA_00846
Description: ER05470_3A_prokka|PROKKA_00846
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00876
Name: ER05470_3A_prokka|PROKKA_00876
Description: ER05470_3A_prokka|PROKKA_00876
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00877
Name: ER05470_3A_prokka|PROKKA_00877
Description: ER05470_3A_prokka|PROKKA_00877
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00892
Name: ER05470_3A_prokka|PROKKA_00892
Description: ER05470_3A_prokka|PROKKA_00892
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00997
Name: ER05470_3A_prokka|PROKKA_00997
Description: ER05470_3A_prokka|PROKKA_00997
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01037
Name: ER05470_3A_prokka|PROKKA_01037
Description: ER05470_3A_prokka|PROKKA_01037
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01118
Name: ER05470_3A_prokka|PROKKA_01118
Description: ER05470_3A_prokka|PROKKA_01118
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01130
Name: ER05470_3A_prokka|PROKKA_01130
Description: ER05470_3A_prokka|PROKKA_01130
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01131
Name: ER05470_3A_prokka|PROKKA_01131
Description: ER05470_3A_prokka|PROKKA_01131
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01266
Name: ER05470_3A_prokka|PROKKA_01266
Description: ER05470_3A_prokka|PROKKA_01266
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01270
Name: ER05470_3A_prokka|PROKKA_01270
Description: ER05470_3A_prokka|PROKKA_01270
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01294
Name: ER05470_3A_prokka|PROKKA_01294
Description: ER05470_3A_prokka|PROKKA_01294
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01399
Name: ER05470_3A_prokka|PROKKA_01399
Description: ER05470_3A_prokka|PROKKA_01399
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01466
Name: ER05470_3A_prokka|PROKKA_01466
Description: ER05470_3A_prokka|PROKKA_01466
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01469
Name: ER05470_3A_prokka|PROKKA_01469
Description: ER05470_3A_prokka|PROKKA_01469
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01504
Name: ER05470_3A_prokka|PROKKA_01504
Description: ER05470_3A_prokka|PROKKA_01504
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01576
Name: ER05470_3A_prokka|PROKKA_01576
Description: ER05470_3A_prokka|PROKKA_01576
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01740
Name: ER05470_3A_prokka|PROKKA_01740
Description: ER05470_3A_prokka|PROKKA_01740
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01755
Name: ER05470_3A_prokka|PROKKA_01755
Description: ER05470_3A_prokka|PROKKA_01755
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01797
Name: ER05470_3A_prokka|PROKKA_01797
Description: ER05470_3A_prokka|PROKKA_01797
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01849
Name: ER05470_3A_prokka|PROKKA_01849
Description: ER05470_3A_prokka|PROKKA_01849
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01923
Name: ER05470_3A_prokka|PROKKA_01923
Description: ER05470_3A_prokka|PROKKA_01923
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01928
Name: ER05470_3A_prokka|PROKKA_01928
Description: ER05470_3A_prokka|PROKKA_01928
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01944
Name: ER05470_3A_prokka|PROKKA_01944
Description: ER05470_3A_prokka|PROKKA_01944
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01962
Name: ER05470_3A_prokka|PROKKA_01962
Description: ER05470_3A_prokka|PROKKA_01962
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01988
Name: ER05470_3A_prokka|PROKKA_01988
Description: ER05470_3A_prokka|PROKKA_01988
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01990
Name: ER05470_3A_prokka|PROKKA_01990
Description: ER05470_3A_prokka|PROKKA_01990
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_02040
Name: ER05470_3A_prokka|PROKKA_02040
Description: ER05470_3A_prokka|PROKKA_02040
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_02168
Name: ER05470_3A_prokka|PROKKA_02168
Description: ER05470_3A_prokka|PROKKA_02168
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_02181
Name: ER05470_3A_prokka|PROKKA_02181
Description: ER05470_3A_prokka|PROKKA_02181
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_02212
Name: ER05470_3A_prokka|PROKKA_02212
Description: ER05470_3A_prokka|PROKKA_02212
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_02264
Name: ER05470_3A_prokka|PROKKA_02264
Description: ER05470_3A_prokka|PROKKA_02264
Number of features: 0
Seq('MRTFSISFKKNRKNFFGKRLHFKKDCAMILLVTGGAIKQRGRAI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_02367
Name: ER05470_3A_prokka|PROKKA_02367
Description: ER05470_3A_prokka|PROKKA_02367
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_02431
Name: ER05470_3A_prokka|PROKKA_02431
Description: ER05470_3A_prokka|PROKKA_02431
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_02525
Name: ER05470_3A_prokka|PROKKA_02525
Description: ER05470_3A_prokka|PROKKA_02525
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWYVSALTRNKNNRKLRHRTSAFINR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_02540
Name: ER05470_3A_prokka|PROKKA_02540
Description: ER05470_3A_prokka|PROKKA_02540
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_02578
Name: ER05470_3A_prokka|PROKKA_02578
Description: ER05470_3A_prokka|PROKKA_02578
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_02677
Name: ER05470_3A_prokka|PROKKA_02677
Description: ER05470_3A_prokka|PROKKA_02677
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00007
Name: ER05502_3A_prokka|PROKKA_00007
Description: ER05502_3A_prokka|PROKKA_00007
Number of features: 0
Seq('MAQKSNYRGRDFKIIRNTKDFVPQPGDWGVWTGGWQVM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00076
Name: ER05502_3A_prokka|PROKKA_00076
Description: ER05502_3A_prokka|PROKKA_00076
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00127
Name: ER05502_3A_prokka|PROKKA_00127
Description: ER05502_3A_prokka|PROKKA_00127
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00130
Name: ER05502_3A_prokka|PROKKA_00130
Description: ER05502_3A_prokka|PROKKA_00130
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00134
Name: ER05502_3A_prokka|PROKKA_00134
Description: ER05502_3A_prokka|PROKKA_00134
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00155
Name: ER05502_3A_prokka|PROKKA_00155
Description: ER05502_3A_prokka|PROKKA_00155
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00173
Name: ER05502_3A_prokka|PROKKA_00173
Description: ER05502_3A_prokka|PROKKA_00173
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00296
Name: ER05502_3A_prokka|PROKKA_00296
Description: ER05502_3A_prokka|PROKKA_00296
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00340
Name: ER05502_3A_prokka|PROKKA_00340
Description: ER05502_3A_prokka|PROKKA_00340
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00464
Name: ER05502_3A_prokka|PROKKA_00464
Description: ER05502_3A_prokka|PROKKA_00464
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00481
Name: ER05502_3A_prokka|PROKKA_00481
Description: ER05502_3A_prokka|PROKKA_00481
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00649
Name: ER05502_3A_prokka|PROKKA_00649
Description: ER05502_3A_prokka|PROKKA_00649
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00720
Name: ER05502_3A_prokka|PROKKA_00720
Description: ER05502_3A_prokka|PROKKA_00720
Number of features: 0
Seq('MPKIILVSHSKEIASGTKSLLKQMAGDVDIIPIGDYQMVQLELHLISSKKF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00879
Name: ER05502_3A_prokka|PROKKA_00879
Description: ER05502_3A_prokka|PROKKA_00879
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00910
Name: ER05502_3A_prokka|PROKKA_00910
Description: ER05502_3A_prokka|PROKKA_00910
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00914
Name: ER05502_3A_prokka|PROKKA_00914
Description: ER05502_3A_prokka|PROKKA_00914
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00930
Name: ER05502_3A_prokka|PROKKA_00930
Description: ER05502_3A_prokka|PROKKA_00930
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00960
Name: ER05502_3A_prokka|PROKKA_00960
Description: ER05502_3A_prokka|PROKKA_00960
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00961
Name: ER05502_3A_prokka|PROKKA_00961
Description: ER05502_3A_prokka|PROKKA_00961
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00963
Name: ER05502_3A_prokka|PROKKA_00963
Description: ER05502_3A_prokka|PROKKA_00963
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01015
Name: ER05502_3A_prokka|PROKKA_01015
Description: ER05502_3A_prokka|PROKKA_01015
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01057
Name: ER05502_3A_prokka|PROKKA_01057
Description: ER05502_3A_prokka|PROKKA_01057
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01071
Name: ER05502_3A_prokka|PROKKA_01071
Description: ER05502_3A_prokka|PROKKA_01071
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01240
Name: ER05502_3A_prokka|PROKKA_01240
Description: ER05502_3A_prokka|PROKKA_01240
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01314
Name: ER05502_3A_prokka|PROKKA_01314
Description: ER05502_3A_prokka|PROKKA_01314
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01349
Name: ER05502_3A_prokka|PROKKA_01349
Description: ER05502_3A_prokka|PROKKA_01349
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01352
Name: ER05502_3A_prokka|PROKKA_01352
Description: ER05502_3A_prokka|PROKKA_01352
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01379
Name: ER05502_3A_prokka|PROKKA_01379
Description: ER05502_3A_prokka|PROKKA_01379
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01384
Name: ER05502_3A_prokka|PROKKA_01384
Description: ER05502_3A_prokka|PROKKA_01384
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01392
Name: ER05502_3A_prokka|PROKKA_01392
Description: ER05502_3A_prokka|PROKKA_01392
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01407
Name: ER05502_3A_prokka|PROKKA_01407
Description: ER05502_3A_prokka|PROKKA_01407
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01426
Name: ER05502_3A_prokka|PROKKA_01426
Description: ER05502_3A_prokka|PROKKA_01426
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01435
Name: ER05502_3A_prokka|PROKKA_01435
Description: ER05502_3A_prokka|PROKKA_01435
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01482
Name: ER05502_3A_prokka|PROKKA_01482
Description: ER05502_3A_prokka|PROKKA_01482
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01494
Name: ER05502_3A_prokka|PROKKA_01494
Description: ER05502_3A_prokka|PROKKA_01494
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01587
Name: ER05502_3A_prokka|PROKKA_01587
Description: ER05502_3A_prokka|PROKKA_01587
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01611
Name: ER05502_3A_prokka|PROKKA_01611
Description: ER05502_3A_prokka|PROKKA_01611
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01615
Name: ER05502_3A_prokka|PROKKA_01615
Description: ER05502_3A_prokka|PROKKA_01615
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01751
Name: ER05502_3A_prokka|PROKKA_01751
Description: ER05502_3A_prokka|PROKKA_01751
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01752
Name: ER05502_3A_prokka|PROKKA_01752
Description: ER05502_3A_prokka|PROKKA_01752
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01764
Name: ER05502_3A_prokka|PROKKA_01764
Description: ER05502_3A_prokka|PROKKA_01764
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01846
Name: ER05502_3A_prokka|PROKKA_01846
Description: ER05502_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01847
Name: ER05502_3A_prokka|PROKKA_01847
Description: ER05502_3A_prokka|PROKKA_01847
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01864
Name: ER05502_3A_prokka|PROKKA_01864
Description: ER05502_3A_prokka|PROKKA_01864
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01887
Name: ER05502_3A_prokka|PROKKA_01887
Description: ER05502_3A_prokka|PROKKA_01887
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01993
Name: ER05502_3A_prokka|PROKKA_01993
Description: ER05502_3A_prokka|PROKKA_01993
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02008
Name: ER05502_3A_prokka|PROKKA_02008
Description: ER05502_3A_prokka|PROKKA_02008
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02009
Name: ER05502_3A_prokka|PROKKA_02009
Description: ER05502_3A_prokka|PROKKA_02009
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02040
Name: ER05502_3A_prokka|PROKKA_02040
Description: ER05502_3A_prokka|PROKKA_02040
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02062
Name: ER05502_3A_prokka|PROKKA_02062
Description: ER05502_3A_prokka|PROKKA_02062
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02067
Name: ER05502_3A_prokka|PROKKA_02067
Description: ER05502_3A_prokka|PROKKA_02067
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02141
Name: ER05502_3A_prokka|PROKKA_02141
Description: ER05502_3A_prokka|PROKKA_02141
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02145
Name: ER05502_3A_prokka|PROKKA_02145
Description: ER05502_3A_prokka|PROKKA_02145
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02161
Name: ER05502_3A_prokka|PROKKA_02161
Description: ER05502_3A_prokka|PROKKA_02161
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02179
Name: ER05502_3A_prokka|PROKKA_02179
Description: ER05502_3A_prokka|PROKKA_02179
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02185
Name: ER05502_3A_prokka|PROKKA_02185
Description: ER05502_3A_prokka|PROKKA_02185
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02190
Name: ER05502_3A_prokka|PROKKA_02190
Description: ER05502_3A_prokka|PROKKA_02190
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02206
Name: ER05502_3A_prokka|PROKKA_02206
Description: ER05502_3A_prokka|PROKKA_02206
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02208
Name: ER05502_3A_prokka|PROKKA_02208
Description: ER05502_3A_prokka|PROKKA_02208
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02260
Name: ER05502_3A_prokka|PROKKA_02260
Description: ER05502_3A_prokka|PROKKA_02260
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02368
Name: ER05502_3A_prokka|PROKKA_02368
Description: ER05502_3A_prokka|PROKKA_02368
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02387
Name: ER05502_3A_prokka|PROKKA_02387
Description: ER05502_3A_prokka|PROKKA_02387
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02400
Name: ER05502_3A_prokka|PROKKA_02400
Description: ER05502_3A_prokka|PROKKA_02400
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02432
Name: ER05502_3A_prokka|PROKKA_02432
Description: ER05502_3A_prokka|PROKKA_02432
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02577
Name: ER05502_3A_prokka|PROKKA_02577
Description: ER05502_3A_prokka|PROKKA_02577
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02586
Name: ER05502_3A_prokka|PROKKA_02586
Description: ER05502_3A_prokka|PROKKA_02586
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02650
Name: ER05502_3A_prokka|PROKKA_02650
Description: ER05502_3A_prokka|PROKKA_02650
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02758
Name: ER05502_3A_prokka|PROKKA_02758
Description: ER05502_3A_prokka|PROKKA_02758
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02796
Name: ER05502_3A_prokka|PROKKA_02796
Description: ER05502_3A_prokka|PROKKA_02796
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02880
Name: ER05502_3A_prokka|PROKKA_02880
Description: ER05502_3A_prokka|PROKKA_02880
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00039
Name: ER05508_3A_prokka|PROKKA_00039
Description: ER05508_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00045
Name: ER05508_3A_prokka|PROKKA_00045
Description: ER05508_3A_prokka|PROKKA_00045
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00066
Name: ER05508_3A_prokka|PROKKA_00066
Description: ER05508_3A_prokka|PROKKA_00066
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00085
Name: ER05508_3A_prokka|PROKKA_00085
Description: ER05508_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00209
Name: ER05508_3A_prokka|PROKKA_00209
Description: ER05508_3A_prokka|PROKKA_00209
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00253
Name: ER05508_3A_prokka|PROKKA_00253
Description: ER05508_3A_prokka|PROKKA_00253
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00377
Name: ER05508_3A_prokka|PROKKA_00377
Description: ER05508_3A_prokka|PROKKA_00377
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00394
Name: ER05508_3A_prokka|PROKKA_00394
Description: ER05508_3A_prokka|PROKKA_00394
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00455
Name: ER05508_3A_prokka|PROKKA_00455
Description: ER05508_3A_prokka|PROKKA_00455
Number of features: 0
Seq('MYISRLVKPIGIKVTRLAQGLSVGGDLEYADEVTLSKAIAGRTEM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00561
Name: ER05508_3A_prokka|PROKKA_00561
Description: ER05508_3A_prokka|PROKKA_00561
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00789
Name: ER05508_3A_prokka|PROKKA_00789
Description: ER05508_3A_prokka|PROKKA_00789
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00816
Name: ER05508_3A_prokka|PROKKA_00816
Description: ER05508_3A_prokka|PROKKA_00816
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00873
Name: ER05508_3A_prokka|PROKKA_00873
Description: ER05508_3A_prokka|PROKKA_00873
Number of features: 0
Seq('MTERILEVNDLHVSFDITAGEVQAVRGVDFYLNKGKHWQLLVNQVQVNL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00923
Name: ER05508_3A_prokka|PROKKA_00923
Description: ER05508_3A_prokka|PROKKA_00923
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00962
Name: ER05508_3A_prokka|PROKKA_00962
Description: ER05508_3A_prokka|PROKKA_00962
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00963
Name: ER05508_3A_prokka|PROKKA_00963
Description: ER05508_3A_prokka|PROKKA_00963
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01045
Name: ER05508_3A_prokka|PROKKA_01045
Description: ER05508_3A_prokka|PROKKA_01045
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01058
Name: ER05508_3A_prokka|PROKKA_01058
Description: ER05508_3A_prokka|PROKKA_01058
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01059
Name: ER05508_3A_prokka|PROKKA_01059
Description: ER05508_3A_prokka|PROKKA_01059
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01195
Name: ER05508_3A_prokka|PROKKA_01195
Description: ER05508_3A_prokka|PROKKA_01195
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01199
Name: ER05508_3A_prokka|PROKKA_01199
Description: ER05508_3A_prokka|PROKKA_01199
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01223
Name: ER05508_3A_prokka|PROKKA_01223
Description: ER05508_3A_prokka|PROKKA_01223
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01317
Name: ER05508_3A_prokka|PROKKA_01317
Description: ER05508_3A_prokka|PROKKA_01317
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01329
Name: ER05508_3A_prokka|PROKKA_01329
Description: ER05508_3A_prokka|PROKKA_01329
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01376
Name: ER05508_3A_prokka|PROKKA_01376
Description: ER05508_3A_prokka|PROKKA_01376
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01384
Name: ER05508_3A_prokka|PROKKA_01384
Description: ER05508_3A_prokka|PROKKA_01384
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01403
Name: ER05508_3A_prokka|PROKKA_01403
Description: ER05508_3A_prokka|PROKKA_01403
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01418
Name: ER05508_3A_prokka|PROKKA_01418
Description: ER05508_3A_prokka|PROKKA_01418
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01426
Name: ER05508_3A_prokka|PROKKA_01426
Description: ER05508_3A_prokka|PROKKA_01426
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01431
Name: ER05508_3A_prokka|PROKKA_01431
Description: ER05508_3A_prokka|PROKKA_01431
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01458
Name: ER05508_3A_prokka|PROKKA_01458
Description: ER05508_3A_prokka|PROKKA_01458
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01461
Name: ER05508_3A_prokka|PROKKA_01461
Description: ER05508_3A_prokka|PROKKA_01461
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01496
Name: ER05508_3A_prokka|PROKKA_01496
Description: ER05508_3A_prokka|PROKKA_01496
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01570
Name: ER05508_3A_prokka|PROKKA_01570
Description: ER05508_3A_prokka|PROKKA_01570
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01739
Name: ER05508_3A_prokka|PROKKA_01739
Description: ER05508_3A_prokka|PROKKA_01739
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01753
Name: ER05508_3A_prokka|PROKKA_01753
Description: ER05508_3A_prokka|PROKKA_01753
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01795
Name: ER05508_3A_prokka|PROKKA_01795
Description: ER05508_3A_prokka|PROKKA_01795
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01847
Name: ER05508_3A_prokka|PROKKA_01847
Description: ER05508_3A_prokka|PROKKA_01847
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01849
Name: ER05508_3A_prokka|PROKKA_01849
Description: ER05508_3A_prokka|PROKKA_01849
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01850
Name: ER05508_3A_prokka|PROKKA_01850
Description: ER05508_3A_prokka|PROKKA_01850
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01880
Name: ER05508_3A_prokka|PROKKA_01880
Description: ER05508_3A_prokka|PROKKA_01880
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01902
Name: ER05508_3A_prokka|PROKKA_01902
Description: ER05508_3A_prokka|PROKKA_01902
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01907
Name: ER05508_3A_prokka|PROKKA_01907
Description: ER05508_3A_prokka|PROKKA_01907
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01983
Name: ER05508_3A_prokka|PROKKA_01983
Description: ER05508_3A_prokka|PROKKA_01983
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01987
Name: ER05508_3A_prokka|PROKKA_01987
Description: ER05508_3A_prokka|PROKKA_01987
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02003
Name: ER05508_3A_prokka|PROKKA_02003
Description: ER05508_3A_prokka|PROKKA_02003
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02021
Name: ER05508_3A_prokka|PROKKA_02021
Description: ER05508_3A_prokka|PROKKA_02021
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02047
Name: ER05508_3A_prokka|PROKKA_02047
Description: ER05508_3A_prokka|PROKKA_02047
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02049
Name: ER05508_3A_prokka|PROKKA_02049
Description: ER05508_3A_prokka|PROKKA_02049
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02101
Name: ER05508_3A_prokka|PROKKA_02101
Description: ER05508_3A_prokka|PROKKA_02101
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02209
Name: ER05508_3A_prokka|PROKKA_02209
Description: ER05508_3A_prokka|PROKKA_02209
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02228
Name: ER05508_3A_prokka|PROKKA_02228
Description: ER05508_3A_prokka|PROKKA_02228
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02241
Name: ER05508_3A_prokka|PROKKA_02241
Description: ER05508_3A_prokka|PROKKA_02241
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02273
Name: ER05508_3A_prokka|PROKKA_02273
Description: ER05508_3A_prokka|PROKKA_02273
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02418
Name: ER05508_3A_prokka|PROKKA_02418
Description: ER05508_3A_prokka|PROKKA_02418
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02427
Name: ER05508_3A_prokka|PROKKA_02427
Description: ER05508_3A_prokka|PROKKA_02427
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02492
Name: ER05508_3A_prokka|PROKKA_02492
Description: ER05508_3A_prokka|PROKKA_02492
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02600
Name: ER05508_3A_prokka|PROKKA_02600
Description: ER05508_3A_prokka|PROKKA_02600
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02638
Name: ER05508_3A_prokka|PROKKA_02638
Description: ER05508_3A_prokka|PROKKA_02638
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02722
Name: ER05508_3A_prokka|PROKKA_02722
Description: ER05508_3A_prokka|PROKKA_02722
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02787
Name: ER05508_3A_prokka|PROKKA_02787
Description: ER05508_3A_prokka|PROKKA_02787
Number of features: 0
Seq('MYMYITLNGDSYEKIQALEKDVKRTLTRLRLKTHTPTNAMRDHFIQFFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02804
Name: ER05508_3A_prokka|PROKKA_02804
Description: ER05508_3A_prokka|PROKKA_02804
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00030
Name: ER05524_3A_prokka|PROKKA_00030
Description: ER05524_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00061
Name: ER05524_3A_prokka|PROKKA_00061
Description: ER05524_3A_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00070
Name: ER05524_3A_prokka|PROKKA_00070
Description: ER05524_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00091
Name: ER05524_3A_prokka|PROKKA_00091
Description: ER05524_3A_prokka|PROKKA_00091
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00181
Name: ER05524_3A_prokka|PROKKA_00181
Description: ER05524_3A_prokka|PROKKA_00181
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00280
Name: ER05524_3A_prokka|PROKKA_00280
Description: ER05524_3A_prokka|PROKKA_00280
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00332
Name: ER05524_3A_prokka|PROKKA_00332
Description: ER05524_3A_prokka|PROKKA_00332
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00430
Name: ER05524_3A_prokka|PROKKA_00430
Description: ER05524_3A_prokka|PROKKA_00430
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00468
Name: ER05524_3A_prokka|PROKKA_00468
Description: ER05524_3A_prokka|PROKKA_00468
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00598
Name: ER05524_3A_prokka|PROKKA_00598
Description: ER05524_3A_prokka|PROKKA_00598
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00634
Name: ER05524_3A_prokka|PROKKA_00634
Description: ER05524_3A_prokka|PROKKA_00634
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00853
Name: ER05524_3A_prokka|PROKKA_00853
Description: ER05524_3A_prokka|PROKKA_00853
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00897
Name: ER05524_3A_prokka|PROKKA_00897
Description: ER05524_3A_prokka|PROKKA_00897
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01005
Name: ER05524_3A_prokka|PROKKA_01005
Description: ER05524_3A_prokka|PROKKA_01005
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01044
Name: ER05524_3A_prokka|PROKKA_01044
Description: ER05524_3A_prokka|PROKKA_01044
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01124
Name: ER05524_3A_prokka|PROKKA_01124
Description: ER05524_3A_prokka|PROKKA_01124
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01137
Name: ER05524_3A_prokka|PROKKA_01137
Description: ER05524_3A_prokka|PROKKA_01137
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01138
Name: ER05524_3A_prokka|PROKKA_01138
Description: ER05524_3A_prokka|PROKKA_01138
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01273
Name: ER05524_3A_prokka|PROKKA_01273
Description: ER05524_3A_prokka|PROKKA_01273
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01277
Name: ER05524_3A_prokka|PROKKA_01277
Description: ER05524_3A_prokka|PROKKA_01277
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01281
Name: ER05524_3A_prokka|PROKKA_01281
Description: ER05524_3A_prokka|PROKKA_01281
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01283
Name: ER05524_3A_prokka|PROKKA_01283
Description: ER05524_3A_prokka|PROKKA_01283
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01307
Name: ER05524_3A_prokka|PROKKA_01307
Description: ER05524_3A_prokka|PROKKA_01307
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01402
Name: ER05524_3A_prokka|PROKKA_01402
Description: ER05524_3A_prokka|PROKKA_01402
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01414
Name: ER05524_3A_prokka|PROKKA_01414
Description: ER05524_3A_prokka|PROKKA_01414
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01463
Name: ER05524_3A_prokka|PROKKA_01463
Description: ER05524_3A_prokka|PROKKA_01463
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01471
Name: ER05524_3A_prokka|PROKKA_01471
Description: ER05524_3A_prokka|PROKKA_01471
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01491
Name: ER05524_3A_prokka|PROKKA_01491
Description: ER05524_3A_prokka|PROKKA_01491
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01519
Name: ER05524_3A_prokka|PROKKA_01519
Description: ER05524_3A_prokka|PROKKA_01519
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01546
Name: ER05524_3A_prokka|PROKKA_01546
Description: ER05524_3A_prokka|PROKKA_01546
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01583
Name: ER05524_3A_prokka|PROKKA_01583
Description: ER05524_3A_prokka|PROKKA_01583
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01655
Name: ER05524_3A_prokka|PROKKA_01655
Description: ER05524_3A_prokka|PROKKA_01655
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01820
Name: ER05524_3A_prokka|PROKKA_01820
Description: ER05524_3A_prokka|PROKKA_01820
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01827
Name: ER05524_3A_prokka|PROKKA_01827
Description: ER05524_3A_prokka|PROKKA_01827
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01846
Name: ER05524_3A_prokka|PROKKA_01846
Description: ER05524_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01881
Name: ER05524_3A_prokka|PROKKA_01881
Description: ER05524_3A_prokka|PROKKA_01881
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01933
Name: ER05524_3A_prokka|PROKKA_01933
Description: ER05524_3A_prokka|PROKKA_01933
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02005
Name: ER05524_3A_prokka|PROKKA_02005
Description: ER05524_3A_prokka|PROKKA_02005
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02009
Name: ER05524_3A_prokka|PROKKA_02009
Description: ER05524_3A_prokka|PROKKA_02009
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02012
Name: ER05524_3A_prokka|PROKKA_02012
Description: ER05524_3A_prokka|PROKKA_02012
Number of features: 0
Seq('MVVKQASAPKAYFNITGLGFAKLTKEGAKLEYSDITKTR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02026
Name: ER05524_3A_prokka|PROKKA_02026
Description: ER05524_3A_prokka|PROKKA_02026
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02046
Name: ER05524_3A_prokka|PROKKA_02046
Description: ER05524_3A_prokka|PROKKA_02046
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02076
Name: ER05524_3A_prokka|PROKKA_02076
Description: ER05524_3A_prokka|PROKKA_02076
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02093
Name: ER05524_3A_prokka|PROKKA_02093
Description: ER05524_3A_prokka|PROKKA_02093
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02142
Name: ER05524_3A_prokka|PROKKA_02142
Description: ER05524_3A_prokka|PROKKA_02142
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02262
Name: ER05524_3A_prokka|PROKKA_02262
Description: ER05524_3A_prokka|PROKKA_02262
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02286
Name: ER05524_3A_prokka|PROKKA_02286
Description: ER05524_3A_prokka|PROKKA_02286
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02317
Name: ER05524_3A_prokka|PROKKA_02317
Description: ER05524_3A_prokka|PROKKA_02317
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02472
Name: ER05524_3A_prokka|PROKKA_02472
Description: ER05524_3A_prokka|PROKKA_02472
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02681
Name: ER05524_3A_prokka|PROKKA_02681
Description: ER05524_3A_prokka|PROKKA_02681
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02768
Name: ER05524_3A_prokka|PROKKA_02768
Description: ER05524_3A_prokka|PROKKA_02768
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02778
Name: ER05524_3A_prokka|PROKKA_02778
Description: ER05524_3A_prokka|PROKKA_02778
Number of features: 0
Seq('MKKDKDEYETKTEEKQRKVNQNILINIPIKSENNKYVVVEYPYFTPIP', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00039
Name: ER05526_3A_prokka|PROKKA_00039
Description: ER05526_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00042
Name: ER05526_3A_prokka|PROKKA_00042
Description: ER05526_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00046
Name: ER05526_3A_prokka|PROKKA_00046
Description: ER05526_3A_prokka|PROKKA_00046
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00067
Name: ER05526_3A_prokka|PROKKA_00067
Description: ER05526_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00085
Name: ER05526_3A_prokka|PROKKA_00085
Description: ER05526_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00209
Name: ER05526_3A_prokka|PROKKA_00209
Description: ER05526_3A_prokka|PROKKA_00209
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00254
Name: ER05526_3A_prokka|PROKKA_00254
Description: ER05526_3A_prokka|PROKKA_00254
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00378
Name: ER05526_3A_prokka|PROKKA_00378
Description: ER05526_3A_prokka|PROKKA_00378
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00395
Name: ER05526_3A_prokka|PROKKA_00395
Description: ER05526_3A_prokka|PROKKA_00395
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00561
Name: ER05526_3A_prokka|PROKKA_00561
Description: ER05526_3A_prokka|PROKKA_00561
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00790
Name: ER05526_3A_prokka|PROKKA_00790
Description: ER05526_3A_prokka|PROKKA_00790
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00817
Name: ER05526_3A_prokka|PROKKA_00817
Description: ER05526_3A_prokka|PROKKA_00817
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00922
Name: ER05526_3A_prokka|PROKKA_00922
Description: ER05526_3A_prokka|PROKKA_00922
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00961
Name: ER05526_3A_prokka|PROKKA_00961
Description: ER05526_3A_prokka|PROKKA_00961
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00962
Name: ER05526_3A_prokka|PROKKA_00962
Description: ER05526_3A_prokka|PROKKA_00962
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01044
Name: ER05526_3A_prokka|PROKKA_01044
Description: ER05526_3A_prokka|PROKKA_01044
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01056
Name: ER05526_3A_prokka|PROKKA_01056
Description: ER05526_3A_prokka|PROKKA_01056
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01057
Name: ER05526_3A_prokka|PROKKA_01057
Description: ER05526_3A_prokka|PROKKA_01057
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01193
Name: ER05526_3A_prokka|PROKKA_01193
Description: ER05526_3A_prokka|PROKKA_01193
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01197
Name: ER05526_3A_prokka|PROKKA_01197
Description: ER05526_3A_prokka|PROKKA_01197
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01221
Name: ER05526_3A_prokka|PROKKA_01221
Description: ER05526_3A_prokka|PROKKA_01221
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01314
Name: ER05526_3A_prokka|PROKKA_01314
Description: ER05526_3A_prokka|PROKKA_01314
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01326
Name: ER05526_3A_prokka|PROKKA_01326
Description: ER05526_3A_prokka|PROKKA_01326
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01373
Name: ER05526_3A_prokka|PROKKA_01373
Description: ER05526_3A_prokka|PROKKA_01373
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01381
Name: ER05526_3A_prokka|PROKKA_01381
Description: ER05526_3A_prokka|PROKKA_01381
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01400
Name: ER05526_3A_prokka|PROKKA_01400
Description: ER05526_3A_prokka|PROKKA_01400
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01415
Name: ER05526_3A_prokka|PROKKA_01415
Description: ER05526_3A_prokka|PROKKA_01415
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01423
Name: ER05526_3A_prokka|PROKKA_01423
Description: ER05526_3A_prokka|PROKKA_01423
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01428
Name: ER05526_3A_prokka|PROKKA_01428
Description: ER05526_3A_prokka|PROKKA_01428
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01455
Name: ER05526_3A_prokka|PROKKA_01455
Description: ER05526_3A_prokka|PROKKA_01455
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01458
Name: ER05526_3A_prokka|PROKKA_01458
Description: ER05526_3A_prokka|PROKKA_01458
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01493
Name: ER05526_3A_prokka|PROKKA_01493
Description: ER05526_3A_prokka|PROKKA_01493
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01567
Name: ER05526_3A_prokka|PROKKA_01567
Description: ER05526_3A_prokka|PROKKA_01567
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01736
Name: ER05526_3A_prokka|PROKKA_01736
Description: ER05526_3A_prokka|PROKKA_01736
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01750
Name: ER05526_3A_prokka|PROKKA_01750
Description: ER05526_3A_prokka|PROKKA_01750
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01792
Name: ER05526_3A_prokka|PROKKA_01792
Description: ER05526_3A_prokka|PROKKA_01792
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01844
Name: ER05526_3A_prokka|PROKKA_01844
Description: ER05526_3A_prokka|PROKKA_01844
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01846
Name: ER05526_3A_prokka|PROKKA_01846
Description: ER05526_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01847
Name: ER05526_3A_prokka|PROKKA_01847
Description: ER05526_3A_prokka|PROKKA_01847
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01877
Name: ER05526_3A_prokka|PROKKA_01877
Description: ER05526_3A_prokka|PROKKA_01877
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01899
Name: ER05526_3A_prokka|PROKKA_01899
Description: ER05526_3A_prokka|PROKKA_01899
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01904
Name: ER05526_3A_prokka|PROKKA_01904
Description: ER05526_3A_prokka|PROKKA_01904
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01980
Name: ER05526_3A_prokka|PROKKA_01980
Description: ER05526_3A_prokka|PROKKA_01980
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01984
Name: ER05526_3A_prokka|PROKKA_01984
Description: ER05526_3A_prokka|PROKKA_01984
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02000
Name: ER05526_3A_prokka|PROKKA_02000
Description: ER05526_3A_prokka|PROKKA_02000
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02018
Name: ER05526_3A_prokka|PROKKA_02018
Description: ER05526_3A_prokka|PROKKA_02018
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02044
Name: ER05526_3A_prokka|PROKKA_02044
Description: ER05526_3A_prokka|PROKKA_02044
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02046
Name: ER05526_3A_prokka|PROKKA_02046
Description: ER05526_3A_prokka|PROKKA_02046
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02098
Name: ER05526_3A_prokka|PROKKA_02098
Description: ER05526_3A_prokka|PROKKA_02098
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02207
Name: ER05526_3A_prokka|PROKKA_02207
Description: ER05526_3A_prokka|PROKKA_02207
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02226
Name: ER05526_3A_prokka|PROKKA_02226
Description: ER05526_3A_prokka|PROKKA_02226
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02240
Name: ER05526_3A_prokka|PROKKA_02240
Description: ER05526_3A_prokka|PROKKA_02240
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02272
Name: ER05526_3A_prokka|PROKKA_02272
Description: ER05526_3A_prokka|PROKKA_02272
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02417
Name: ER05526_3A_prokka|PROKKA_02417
Description: ER05526_3A_prokka|PROKKA_02417
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02426
Name: ER05526_3A_prokka|PROKKA_02426
Description: ER05526_3A_prokka|PROKKA_02426
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02490
Name: ER05526_3A_prokka|PROKKA_02490
Description: ER05526_3A_prokka|PROKKA_02490
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02598
Name: ER05526_3A_prokka|PROKKA_02598
Description: ER05526_3A_prokka|PROKKA_02598
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02636
Name: ER05526_3A_prokka|PROKKA_02636
Description: ER05526_3A_prokka|PROKKA_02636
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02720
Name: ER05526_3A_prokka|PROKKA_02720
Description: ER05526_3A_prokka|PROKKA_02720
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02736
Name: ER05526_3A_prokka|PROKKA_02736
Description: ER05526_3A_prokka|PROKKA_02736
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00030
Name: ER05532_3A_prokka|PROKKA_00030
Description: ER05532_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00039
Name: ER05532_3A_prokka|PROKKA_00039
Description: ER05532_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00211
Name: ER05532_3A_prokka|PROKKA_00211
Description: ER05532_3A_prokka|PROKKA_00211
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00264
Name: ER05532_3A_prokka|PROKKA_00264
Description: ER05532_3A_prokka|PROKKA_00264
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00365
Name: ER05532_3A_prokka|PROKKA_00365
Description: ER05532_3A_prokka|PROKKA_00365
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00400
Name: ER05532_3A_prokka|PROKKA_00400
Description: ER05532_3A_prokka|PROKKA_00400
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00530
Name: ER05532_3A_prokka|PROKKA_00530
Description: ER05532_3A_prokka|PROKKA_00530
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00566
Name: ER05532_3A_prokka|PROKKA_00566
Description: ER05532_3A_prokka|PROKKA_00566
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00747
Name: ER05532_3A_prokka|PROKKA_00747
Description: ER05532_3A_prokka|PROKKA_00747
Number of features: 0
Seq('MKMYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00791
Name: ER05532_3A_prokka|PROKKA_00791
Description: ER05532_3A_prokka|PROKKA_00791
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00817
Name: ER05532_3A_prokka|PROKKA_00817
Description: ER05532_3A_prokka|PROKKA_00817
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00925
Name: ER05532_3A_prokka|PROKKA_00925
Description: ER05532_3A_prokka|PROKKA_00925
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00964
Name: ER05532_3A_prokka|PROKKA_00964
Description: ER05532_3A_prokka|PROKKA_00964
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01044
Name: ER05532_3A_prokka|PROKKA_01044
Description: ER05532_3A_prokka|PROKKA_01044
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01056
Name: ER05532_3A_prokka|PROKKA_01056
Description: ER05532_3A_prokka|PROKKA_01056
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01057
Name: ER05532_3A_prokka|PROKKA_01057
Description: ER05532_3A_prokka|PROKKA_01057
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01195
Name: ER05532_3A_prokka|PROKKA_01195
Description: ER05532_3A_prokka|PROKKA_01195
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01199
Name: ER05532_3A_prokka|PROKKA_01199
Description: ER05532_3A_prokka|PROKKA_01199
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01203
Name: ER05532_3A_prokka|PROKKA_01203
Description: ER05532_3A_prokka|PROKKA_01203
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01205
Name: ER05532_3A_prokka|PROKKA_01205
Description: ER05532_3A_prokka|PROKKA_01205
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01229
Name: ER05532_3A_prokka|PROKKA_01229
Description: ER05532_3A_prokka|PROKKA_01229
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01326
Name: ER05532_3A_prokka|PROKKA_01326
Description: ER05532_3A_prokka|PROKKA_01326
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01339
Name: ER05532_3A_prokka|PROKKA_01339
Description: ER05532_3A_prokka|PROKKA_01339
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01405
Name: ER05532_3A_prokka|PROKKA_01405
Description: ER05532_3A_prokka|PROKKA_01405
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01442
Name: ER05532_3A_prokka|PROKKA_01442
Description: ER05532_3A_prokka|PROKKA_01442
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01514
Name: ER05532_3A_prokka|PROKKA_01514
Description: ER05532_3A_prokka|PROKKA_01514
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01690
Name: ER05532_3A_prokka|PROKKA_01690
Description: ER05532_3A_prokka|PROKKA_01690
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01709
Name: ER05532_3A_prokka|PROKKA_01709
Description: ER05532_3A_prokka|PROKKA_01709
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01744
Name: ER05532_3A_prokka|PROKKA_01744
Description: ER05532_3A_prokka|PROKKA_01744
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01796
Name: ER05532_3A_prokka|PROKKA_01796
Description: ER05532_3A_prokka|PROKKA_01796
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01871
Name: ER05532_3A_prokka|PROKKA_01871
Description: ER05532_3A_prokka|PROKKA_01871
Number of features: 0
Seq('MKTYSEARARLRWYQGRYIDFDGWYGYQCADLAVDYIYWLLEIRM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01875
Name: ER05532_3A_prokka|PROKKA_01875
Description: ER05532_3A_prokka|PROKKA_01875
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01894
Name: ER05532_3A_prokka|PROKKA_01894
Description: ER05532_3A_prokka|PROKKA_01894
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01896
Name: ER05532_3A_prokka|PROKKA_01896
Description: ER05532_3A_prokka|PROKKA_01896
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01945
Name: ER05532_3A_prokka|PROKKA_01945
Description: ER05532_3A_prokka|PROKKA_01945
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_02097
Name: ER05532_3A_prokka|PROKKA_02097
Description: ER05532_3A_prokka|PROKKA_02097
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_02122
Name: ER05532_3A_prokka|PROKKA_02122
Description: ER05532_3A_prokka|PROKKA_02122
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_02153
Name: ER05532_3A_prokka|PROKKA_02153
Description: ER05532_3A_prokka|PROKKA_02153
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_02309
Name: ER05532_3A_prokka|PROKKA_02309
Description: ER05532_3A_prokka|PROKKA_02309
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_02523
Name: ER05532_3A_prokka|PROKKA_02523
Description: ER05532_3A_prokka|PROKKA_02523
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_02609
Name: ER05532_3A_prokka|PROKKA_02609
Description: ER05532_3A_prokka|PROKKA_02609
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00042
Name: ER05576_3A_prokka|PROKKA_00042
Description: ER05576_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00053
Name: ER05576_3A_prokka|PROKKA_00053
Description: ER05576_3A_prokka|PROKKA_00053
Number of features: 0
Seq('MITIDSKINKQIAKNLSLEGMYVTREQQIQILHAINNEKEITNELIRKIAFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00062
Name: ER05576_3A_prokka|PROKKA_00062
Description: ER05576_3A_prokka|PROKKA_00062
Number of features: 0
Seq('MEDLKQSLKGLGWYDFFYSTYVSTIRVSAEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00153
Name: ER05576_3A_prokka|PROKKA_00153
Description: ER05576_3A_prokka|PROKKA_00153
Number of features: 0
Seq('MKGDLIDDFKIQNLRGERTINDAAKHNRNEKTGASPYEGIRTCL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00206
Name: ER05576_3A_prokka|PROKKA_00206
Description: ER05576_3A_prokka|PROKKA_00206
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00257
Name: ER05576_3A_prokka|PROKKA_00257
Description: ER05576_3A_prokka|PROKKA_00257
Number of features: 0
Seq('MYKKFGVLPEMEYEMEEIRAVEKYVKEQE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00294
Name: ER05576_3A_prokka|PROKKA_00294
Description: ER05576_3A_prokka|PROKKA_00294
Number of features: 0
Seq('MNIVLLSGSTVGSKTRIAMDDLKNELEVINEGHQIALMDLRDLEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00325
Name: ER05576_3A_prokka|PROKKA_00325
Description: ER05576_3A_prokka|PROKKA_00325
Number of features: 0
Seq('MWVREITKNNSTAYRYLERYTDPLTGKYKTVSVNT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00327
Name: ER05576_3A_prokka|PROKKA_00327
Description: ER05576_3A_prokka|PROKKA_00327
Number of features: 0
Seq('MFMTVKEVAQLLRISERHTYKLLQKNVIPHTKIGGKILVNKERLLETLEKKEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00368
Name: ER05576_3A_prokka|PROKKA_00368
Description: ER05576_3A_prokka|PROKKA_00368
Number of features: 0
Seq('MVPEEKGSITLSKDAATIFATAKFKPFQNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00391
Name: ER05576_3A_prokka|PROKKA_00391
Description: ER05576_3A_prokka|PROKKA_00391
Number of features: 0
Seq('MSKSVYKLDVGKLKKILNRQAQYHLWRMKLKMLIIII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00397
Name: ER05576_3A_prokka|PROKKA_00397
Description: ER05576_3A_prokka|PROKKA_00397
Number of features: 0
Seq('MSEANAAINVLLLLTVTRVFQPKRAMKFCTRPIYHALDHEDH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00406
Name: ER05576_3A_prokka|PROKKA_00406
Description: ER05576_3A_prokka|PROKKA_00406
Number of features: 0
Seq('MMIEFRQVSKSFHKKKQTIDALKDVSFTVNRNDILV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00535
Name: ER05576_3A_prokka|PROKKA_00535
Description: ER05576_3A_prokka|PROKKA_00535
Number of features: 0
Seq('MIIYRQYQHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00627
Name: ER05576_3A_prokka|PROKKA_00627
Description: ER05576_3A_prokka|PROKKA_00627
Number of features: 0
Seq('MAKSCLHILTNNEYATTRCQDGIVLFWPIDGEIELQKFRKSKIIEDDIYIYY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00720
Name: ER05576_3A_prokka|PROKKA_00720
Description: ER05576_3A_prokka|PROKKA_00720
Number of features: 0
Seq('MSLEAFHVANKMHILGPQQREFRKEILQTMQVGAGPQHKEILFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00832
Name: ER05576_3A_prokka|PROKKA_00832
Description: ER05576_3A_prokka|PROKKA_00832
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00858
Name: ER05576_3A_prokka|PROKKA_00858
Description: ER05576_3A_prokka|PROKKA_00858
Number of features: 0
Seq('MTKSEKIIELTNHYGAHNYLPLPIVISEA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00949
Name: ER05576_3A_prokka|PROKKA_00949
Description: ER05576_3A_prokka|PROKKA_00949
Number of features: 0
Seq('MRQFIKRIVKTILVGYVIKFIRNKLSGKSSHPTDNKHK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00989
Name: ER05576_3A_prokka|PROKKA_00989
Description: ER05576_3A_prokka|PROKKA_00989
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01081
Name: ER05576_3A_prokka|PROKKA_01081
Description: ER05576_3A_prokka|PROKKA_01081
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01099
Name: ER05576_3A_prokka|PROKKA_01099
Description: ER05576_3A_prokka|PROKKA_01099
Number of features: 0
Seq('MNHTIVDSADFQLQANDLISIQGFGRAHITDLGGKTKKDKTHITYRTLFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01232
Name: ER05576_3A_prokka|PROKKA_01232
Description: ER05576_3A_prokka|PROKKA_01232
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01243
Name: ER05576_3A_prokka|PROKKA_01243
Description: ER05576_3A_prokka|PROKKA_01243
Number of features: 0
Seq('MMLDGKLSKKELLRLLTEKNDEKNKGKEKQSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01247
Name: ER05576_3A_prokka|PROKKA_01247
Description: ER05576_3A_prokka|PROKKA_01247
Number of features: 0
Seq('MLKHEALEHYLMNKYNLHYIEAHKLTEIKYNYSILIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01251
Name: ER05576_3A_prokka|PROKKA_01251
Description: ER05576_3A_prokka|PROKKA_01251
Number of features: 0
Seq('MIDSQLDGNVTAKELSESFKELVEEFERIEKANKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01272
Name: ER05576_3A_prokka|PROKKA_01272
Description: ER05576_3A_prokka|PROKKA_01272
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01380
Name: ER05576_3A_prokka|PROKKA_01380
Description: ER05576_3A_prokka|PROKKA_01380
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01445
Name: ER05576_3A_prokka|PROKKA_01445
Description: ER05576_3A_prokka|PROKKA_01445
Number of features: 0
Seq('MNLGNVKETISIIYLIEIVSFLMYLSKFTTHDIFNDFLSLVKLKFLTFIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01448
Name: ER05576_3A_prokka|PROKKA_01448
Description: ER05576_3A_prokka|PROKKA_01448
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01485
Name: ER05576_3A_prokka|PROKKA_01485
Description: ER05576_3A_prokka|PROKKA_01485
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01558
Name: ER05576_3A_prokka|PROKKA_01558
Description: ER05576_3A_prokka|PROKKA_01558
Number of features: 0
Seq('MSFIDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01735
Name: ER05576_3A_prokka|PROKKA_01735
Description: ER05576_3A_prokka|PROKKA_01735
Number of features: 0
Seq('MNKKYILIIVSVILIGMIVISYAHNKQKKTITLKHKKRE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01752
Name: ER05576_3A_prokka|PROKKA_01752
Description: ER05576_3A_prokka|PROKKA_01752
Number of features: 0
Seq('MIGRIVTCIHNLNSNNELVGIHFASDVKDDDNRNAYGVYFTPEIKKFIAENIDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01782
Name: ER05576_3A_prokka|PROKKA_01782
Description: ER05576_3A_prokka|PROKKA_01782
Number of features: 0
Seq('MNPKQYFQSIHKYDLRENHYKQRLTVIGNQTFIRAIKKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01796
Name: ER05576_3A_prokka|PROKKA_01796
Description: ER05576_3A_prokka|PROKKA_01796
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01846
Name: ER05576_3A_prokka|PROKKA_01846
Description: ER05576_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01924
Name: ER05576_3A_prokka|PROKKA_01924
Description: ER05576_3A_prokka|PROKKA_01924
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01926
Name: ER05576_3A_prokka|PROKKA_01926
Description: ER05576_3A_prokka|PROKKA_01926
Number of features: 0
Seq('MKKLLNKVIELLVDFFNSIGYRAAYINCDFLLDEAEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01977
Name: ER05576_3A_prokka|PROKKA_01977
Description: ER05576_3A_prokka|PROKKA_01977
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_02051
Name: ER05576_3A_prokka|PROKKA_02051
Description: ER05576_3A_prokka|PROKKA_02051
Number of features: 0
Seq('MNLFRQQKFSIRKFNVGIFSALIATVTFISINPTTASAAE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_02097
Name: ER05576_3A_prokka|PROKKA_02097
Description: ER05576_3A_prokka|PROKKA_02097
Number of features: 0
Seq('MTYIPFSIITLITGIIMHMTMYFVKFECRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_02119
Name: ER05576_3A_prokka|PROKKA_02119
Description: ER05576_3A_prokka|PROKKA_02119
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_02150
Name: ER05576_3A_prokka|PROKKA_02150
Description: ER05576_3A_prokka|PROKKA_02150
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_02312
Name: ER05576_3A_prokka|PROKKA_02312
Description: ER05576_3A_prokka|PROKKA_02312
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_02508
Name: ER05576_3A_prokka|PROKKA_02508
Description: ER05576_3A_prokka|PROKKA_02508
Number of features: 0
Seq('MMRKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_02597
Name: ER05576_3A_prokka|PROKKA_02597
Description: ER05576_3A_prokka|PROKKA_02597
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_02603
Name: ER05576_3A_prokka|PROKKA_02603
Description: ER05576_3A_prokka|PROKKA_02603
Number of features: 0
Seq('MNTLNLDIVTPNGSVYNRDNVELVVMQTTAGEIGVMSGGDIFQL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_02610
Name: ER05576_3A_prokka|PROKKA_02610
Description: ER05576_3A_prokka|PROKKA_02610
Number of features: 0
Seq('MGTIKSEIFRGNKHFKFNSVEEATKTIHDFILFFNHERITLKMADSV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_02613
Name: ER05576_3A_prokka|PROKKA_02613
Description: ER05576_3A_prokka|PROKKA_02613
Number of features: 0
Seq('MSIKPKVDIDVLLYMFQEYEKGVSFQYLIDTFTIRY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_00030
Name: ER05651_3A_prokka|PROKKA_00030
Description: ER05651_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_00039
Name: ER05651_3A_prokka|PROKKA_00039
Description: ER05651_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_00052
Name: ER05651_3A_prokka|PROKKA_00052
Description: ER05651_3A_prokka|PROKKA_00052
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_00055
Name: ER05651_3A_prokka|PROKKA_00055
Description: ER05651_3A_prokka|PROKKA_00055
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_00221
Name: ER05651_3A_prokka|PROKKA_00221
Description: ER05651_3A_prokka|PROKKA_00221
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_00345
Name: ER05651_3A_prokka|PROKKA_00345
Description: ER05651_3A_prokka|PROKKA_00345
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_00363
Name: ER05651_3A_prokka|PROKKA_00363
Description: ER05651_3A_prokka|PROKKA_00363
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_00530
Name: ER05651_3A_prokka|PROKKA_00530
Description: ER05651_3A_prokka|PROKKA_00530
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_00783
Name: ER05651_3A_prokka|PROKKA_00783
Description: ER05651_3A_prokka|PROKKA_00783
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_00810
Name: ER05651_3A_prokka|PROKKA_00810
Description: ER05651_3A_prokka|PROKKA_00810
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_00919
Name: ER05651_3A_prokka|PROKKA_00919
Description: ER05651_3A_prokka|PROKKA_00919
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_00959
Name: ER05651_3A_prokka|PROKKA_00959
Description: ER05651_3A_prokka|PROKKA_00959
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01010
Name: ER05651_3A_prokka|PROKKA_01010
Description: ER05651_3A_prokka|PROKKA_01010
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01017
Name: ER05651_3A_prokka|PROKKA_01017
Description: ER05651_3A_prokka|PROKKA_01017
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01018
Name: ER05651_3A_prokka|PROKKA_01018
Description: ER05651_3A_prokka|PROKKA_01018
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01038
Name: ER05651_3A_prokka|PROKKA_01038
Description: ER05651_3A_prokka|PROKKA_01038
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01103
Name: ER05651_3A_prokka|PROKKA_01103
Description: ER05651_3A_prokka|PROKKA_01103
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01115
Name: ER05651_3A_prokka|PROKKA_01115
Description: ER05651_3A_prokka|PROKKA_01115
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01116
Name: ER05651_3A_prokka|PROKKA_01116
Description: ER05651_3A_prokka|PROKKA_01116
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01251
Name: ER05651_3A_prokka|PROKKA_01251
Description: ER05651_3A_prokka|PROKKA_01251
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01255
Name: ER05651_3A_prokka|PROKKA_01255
Description: ER05651_3A_prokka|PROKKA_01255
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01279
Name: ER05651_3A_prokka|PROKKA_01279
Description: ER05651_3A_prokka|PROKKA_01279
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01374
Name: ER05651_3A_prokka|PROKKA_01374
Description: ER05651_3A_prokka|PROKKA_01374
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01387
Name: ER05651_3A_prokka|PROKKA_01387
Description: ER05651_3A_prokka|PROKKA_01387
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01454
Name: ER05651_3A_prokka|PROKKA_01454
Description: ER05651_3A_prokka|PROKKA_01454
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01457
Name: ER05651_3A_prokka|PROKKA_01457
Description: ER05651_3A_prokka|PROKKA_01457
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01492
Name: ER05651_3A_prokka|PROKKA_01492
Description: ER05651_3A_prokka|PROKKA_01492
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01565
Name: ER05651_3A_prokka|PROKKA_01565
Description: ER05651_3A_prokka|PROKKA_01565
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01728
Name: ER05651_3A_prokka|PROKKA_01728
Description: ER05651_3A_prokka|PROKKA_01728
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01743
Name: ER05651_3A_prokka|PROKKA_01743
Description: ER05651_3A_prokka|PROKKA_01743
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01785
Name: ER05651_3A_prokka|PROKKA_01785
Description: ER05651_3A_prokka|PROKKA_01785
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01837
Name: ER05651_3A_prokka|PROKKA_01837
Description: ER05651_3A_prokka|PROKKA_01837
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01912
Name: ER05651_3A_prokka|PROKKA_01912
Description: ER05651_3A_prokka|PROKKA_01912
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01916
Name: ER05651_3A_prokka|PROKKA_01916
Description: ER05651_3A_prokka|PROKKA_01916
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01932
Name: ER05651_3A_prokka|PROKKA_01932
Description: ER05651_3A_prokka|PROKKA_01932
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01950
Name: ER05651_3A_prokka|PROKKA_01950
Description: ER05651_3A_prokka|PROKKA_01950
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01989
Name: ER05651_3A_prokka|PROKKA_01989
Description: ER05651_3A_prokka|PROKKA_01989
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02000
Name: ER05651_3A_prokka|PROKKA_02000
Description: ER05651_3A_prokka|PROKKA_02000
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02002
Name: ER05651_3A_prokka|PROKKA_02002
Description: ER05651_3A_prokka|PROKKA_02002
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02052
Name: ER05651_3A_prokka|PROKKA_02052
Description: ER05651_3A_prokka|PROKKA_02052
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02178
Name: ER05651_3A_prokka|PROKKA_02178
Description: ER05651_3A_prokka|PROKKA_02178
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02191
Name: ER05651_3A_prokka|PROKKA_02191
Description: ER05651_3A_prokka|PROKKA_02191
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02222
Name: ER05651_3A_prokka|PROKKA_02222
Description: ER05651_3A_prokka|PROKKA_02222
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02376
Name: ER05651_3A_prokka|PROKKA_02376
Description: ER05651_3A_prokka|PROKKA_02376
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02440
Name: ER05651_3A_prokka|PROKKA_02440
Description: ER05651_3A_prokka|PROKKA_02440
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02548
Name: ER05651_3A_prokka|PROKKA_02548
Description: ER05651_3A_prokka|PROKKA_02548
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02579
Name: ER05651_3A_prokka|PROKKA_02579
Description: ER05651_3A_prokka|PROKKA_02579
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02582
Name: ER05651_3A_prokka|PROKKA_02582
Description: ER05651_3A_prokka|PROKKA_02582
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02589
Name: ER05651_3A_prokka|PROKKA_02589
Description: ER05651_3A_prokka|PROKKA_02589
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02627
Name: ER05651_3A_prokka|PROKKA_02627
Description: ER05651_3A_prokka|PROKKA_02627
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02707
Name: ER05651_3A_prokka|PROKKA_02707
Description: ER05651_3A_prokka|PROKKA_02707
Number of features: 0
Seq('MIFSQNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEHRTLIYVPA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02713
Name: ER05651_3A_prokka|PROKKA_02713
Description: ER05651_3A_prokka|PROKKA_02713
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00044
Name: ER05661_3A_prokka|PROKKA_00044
Description: ER05661_3A_prokka|PROKKA_00044
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00063
Name: ER05661_3A_prokka|PROKKA_00063
Description: ER05661_3A_prokka|PROKKA_00063
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00230
Name: ER05661_3A_prokka|PROKKA_00230
Description: ER05661_3A_prokka|PROKKA_00230
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00353
Name: ER05661_3A_prokka|PROKKA_00353
Description: ER05661_3A_prokka|PROKKA_00353
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00370
Name: ER05661_3A_prokka|PROKKA_00370
Description: ER05661_3A_prokka|PROKKA_00370
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00536
Name: ER05661_3A_prokka|PROKKA_00536
Description: ER05661_3A_prokka|PROKKA_00536
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00765
Name: ER05661_3A_prokka|PROKKA_00765
Description: ER05661_3A_prokka|PROKKA_00765
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00792
Name: ER05661_3A_prokka|PROKKA_00792
Description: ER05661_3A_prokka|PROKKA_00792
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00897
Name: ER05661_3A_prokka|PROKKA_00897
Description: ER05661_3A_prokka|PROKKA_00897
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00936
Name: ER05661_3A_prokka|PROKKA_00936
Description: ER05661_3A_prokka|PROKKA_00936
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00937
Name: ER05661_3A_prokka|PROKKA_00937
Description: ER05661_3A_prokka|PROKKA_00937
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00996
Name: ER05661_3A_prokka|PROKKA_00996
Description: ER05661_3A_prokka|PROKKA_00996
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00997
Name: ER05661_3A_prokka|PROKKA_00997
Description: ER05661_3A_prokka|PROKKA_00997
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01019
Name: ER05661_3A_prokka|PROKKA_01019
Description: ER05661_3A_prokka|PROKKA_01019
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGEVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01051
Name: ER05661_3A_prokka|PROKKA_01051
Description: ER05661_3A_prokka|PROKKA_01051
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01052
Name: ER05661_3A_prokka|PROKKA_01052
Description: ER05661_3A_prokka|PROKKA_01052
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01088
Name: ER05661_3A_prokka|PROKKA_01088
Description: ER05661_3A_prokka|PROKKA_01088
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01100
Name: ER05661_3A_prokka|PROKKA_01100
Description: ER05661_3A_prokka|PROKKA_01100
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01101
Name: ER05661_3A_prokka|PROKKA_01101
Description: ER05661_3A_prokka|PROKKA_01101
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01237
Name: ER05661_3A_prokka|PROKKA_01237
Description: ER05661_3A_prokka|PROKKA_01237
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01241
Name: ER05661_3A_prokka|PROKKA_01241
Description: ER05661_3A_prokka|PROKKA_01241
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01265
Name: ER05661_3A_prokka|PROKKA_01265
Description: ER05661_3A_prokka|PROKKA_01265
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01371
Name: ER05661_3A_prokka|PROKKA_01371
Description: ER05661_3A_prokka|PROKKA_01371
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01418
Name: ER05661_3A_prokka|PROKKA_01418
Description: ER05661_3A_prokka|PROKKA_01418
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01426
Name: ER05661_3A_prokka|PROKKA_01426
Description: ER05661_3A_prokka|PROKKA_01426
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01445
Name: ER05661_3A_prokka|PROKKA_01445
Description: ER05661_3A_prokka|PROKKA_01445
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01463
Name: ER05661_3A_prokka|PROKKA_01463
Description: ER05661_3A_prokka|PROKKA_01463
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01471
Name: ER05661_3A_prokka|PROKKA_01471
Description: ER05661_3A_prokka|PROKKA_01471
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01476
Name: ER05661_3A_prokka|PROKKA_01476
Description: ER05661_3A_prokka|PROKKA_01476
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01503
Name: ER05661_3A_prokka|PROKKA_01503
Description: ER05661_3A_prokka|PROKKA_01503
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01506
Name: ER05661_3A_prokka|PROKKA_01506
Description: ER05661_3A_prokka|PROKKA_01506
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01541
Name: ER05661_3A_prokka|PROKKA_01541
Description: ER05661_3A_prokka|PROKKA_01541
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01614
Name: ER05661_3A_prokka|PROKKA_01614
Description: ER05661_3A_prokka|PROKKA_01614
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01783
Name: ER05661_3A_prokka|PROKKA_01783
Description: ER05661_3A_prokka|PROKKA_01783
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01797
Name: ER05661_3A_prokka|PROKKA_01797
Description: ER05661_3A_prokka|PROKKA_01797
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01839
Name: ER05661_3A_prokka|PROKKA_01839
Description: ER05661_3A_prokka|PROKKA_01839
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01891
Name: ER05661_3A_prokka|PROKKA_01891
Description: ER05661_3A_prokka|PROKKA_01891
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01963
Name: ER05661_3A_prokka|PROKKA_01963
Description: ER05661_3A_prokka|PROKKA_01963
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01967
Name: ER05661_3A_prokka|PROKKA_01967
Description: ER05661_3A_prokka|PROKKA_01967
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01983
Name: ER05661_3A_prokka|PROKKA_01983
Description: ER05661_3A_prokka|PROKKA_01983
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02001
Name: ER05661_3A_prokka|PROKKA_02001
Description: ER05661_3A_prokka|PROKKA_02001
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02007
Name: ER05661_3A_prokka|PROKKA_02007
Description: ER05661_3A_prokka|PROKKA_02007
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02012
Name: ER05661_3A_prokka|PROKKA_02012
Description: ER05661_3A_prokka|PROKKA_02012
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02028
Name: ER05661_3A_prokka|PROKKA_02028
Description: ER05661_3A_prokka|PROKKA_02028
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02030
Name: ER05661_3A_prokka|PROKKA_02030
Description: ER05661_3A_prokka|PROKKA_02030
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02080
Name: ER05661_3A_prokka|PROKKA_02080
Description: ER05661_3A_prokka|PROKKA_02080
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGANIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02206
Name: ER05661_3A_prokka|PROKKA_02206
Description: ER05661_3A_prokka|PROKKA_02206
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02219
Name: ER05661_3A_prokka|PROKKA_02219
Description: ER05661_3A_prokka|PROKKA_02219
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02250
Name: ER05661_3A_prokka|PROKKA_02250
Description: ER05661_3A_prokka|PROKKA_02250
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02395
Name: ER05661_3A_prokka|PROKKA_02395
Description: ER05661_3A_prokka|PROKKA_02395
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02404
Name: ER05661_3A_prokka|PROKKA_02404
Description: ER05661_3A_prokka|PROKKA_02404
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02468
Name: ER05661_3A_prokka|PROKKA_02468
Description: ER05661_3A_prokka|PROKKA_02468
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02577
Name: ER05661_3A_prokka|PROKKA_02577
Description: ER05661_3A_prokka|PROKKA_02577
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02615
Name: ER05661_3A_prokka|PROKKA_02615
Description: ER05661_3A_prokka|PROKKA_02615
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02699
Name: ER05661_3A_prokka|PROKKA_02699
Description: ER05661_3A_prokka|PROKKA_02699
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00016
Name: ER05682_3A_prokka|PROKKA_00016
Description: ER05682_3A_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00067
Name: ER05682_3A_prokka|PROKKA_00067
Description: ER05682_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00070
Name: ER05682_3A_prokka|PROKKA_00070
Description: ER05682_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00074
Name: ER05682_3A_prokka|PROKKA_00074
Description: ER05682_3A_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00095
Name: ER05682_3A_prokka|PROKKA_00095
Description: ER05682_3A_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00113
Name: ER05682_3A_prokka|PROKKA_00113
Description: ER05682_3A_prokka|PROKKA_00113
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00237
Name: ER05682_3A_prokka|PROKKA_00237
Description: ER05682_3A_prokka|PROKKA_00237
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00281
Name: ER05682_3A_prokka|PROKKA_00281
Description: ER05682_3A_prokka|PROKKA_00281
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00405
Name: ER05682_3A_prokka|PROKKA_00405
Description: ER05682_3A_prokka|PROKKA_00405
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00422
Name: ER05682_3A_prokka|PROKKA_00422
Description: ER05682_3A_prokka|PROKKA_00422
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00588
Name: ER05682_3A_prokka|PROKKA_00588
Description: ER05682_3A_prokka|PROKKA_00588
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00817
Name: ER05682_3A_prokka|PROKKA_00817
Description: ER05682_3A_prokka|PROKKA_00817
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00844
Name: ER05682_3A_prokka|PROKKA_00844
Description: ER05682_3A_prokka|PROKKA_00844
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00949
Name: ER05682_3A_prokka|PROKKA_00949
Description: ER05682_3A_prokka|PROKKA_00949
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00988
Name: ER05682_3A_prokka|PROKKA_00988
Description: ER05682_3A_prokka|PROKKA_00988
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00989
Name: ER05682_3A_prokka|PROKKA_00989
Description: ER05682_3A_prokka|PROKKA_00989
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01071
Name: ER05682_3A_prokka|PROKKA_01071
Description: ER05682_3A_prokka|PROKKA_01071
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01083
Name: ER05682_3A_prokka|PROKKA_01083
Description: ER05682_3A_prokka|PROKKA_01083
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01084
Name: ER05682_3A_prokka|PROKKA_01084
Description: ER05682_3A_prokka|PROKKA_01084
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01220
Name: ER05682_3A_prokka|PROKKA_01220
Description: ER05682_3A_prokka|PROKKA_01220
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01224
Name: ER05682_3A_prokka|PROKKA_01224
Description: ER05682_3A_prokka|PROKKA_01224
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01248
Name: ER05682_3A_prokka|PROKKA_01248
Description: ER05682_3A_prokka|PROKKA_01248
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01341
Name: ER05682_3A_prokka|PROKKA_01341
Description: ER05682_3A_prokka|PROKKA_01341
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01353
Name: ER05682_3A_prokka|PROKKA_01353
Description: ER05682_3A_prokka|PROKKA_01353
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01400
Name: ER05682_3A_prokka|PROKKA_01400
Description: ER05682_3A_prokka|PROKKA_01400
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01408
Name: ER05682_3A_prokka|PROKKA_01408
Description: ER05682_3A_prokka|PROKKA_01408
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01427
Name: ER05682_3A_prokka|PROKKA_01427
Description: ER05682_3A_prokka|PROKKA_01427
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01442
Name: ER05682_3A_prokka|PROKKA_01442
Description: ER05682_3A_prokka|PROKKA_01442
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01450
Name: ER05682_3A_prokka|PROKKA_01450
Description: ER05682_3A_prokka|PROKKA_01450
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01455
Name: ER05682_3A_prokka|PROKKA_01455
Description: ER05682_3A_prokka|PROKKA_01455
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01482
Name: ER05682_3A_prokka|PROKKA_01482
Description: ER05682_3A_prokka|PROKKA_01482
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01485
Name: ER05682_3A_prokka|PROKKA_01485
Description: ER05682_3A_prokka|PROKKA_01485
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01520
Name: ER05682_3A_prokka|PROKKA_01520
Description: ER05682_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01594
Name: ER05682_3A_prokka|PROKKA_01594
Description: ER05682_3A_prokka|PROKKA_01594
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01763
Name: ER05682_3A_prokka|PROKKA_01763
Description: ER05682_3A_prokka|PROKKA_01763
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01777
Name: ER05682_3A_prokka|PROKKA_01777
Description: ER05682_3A_prokka|PROKKA_01777
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01819
Name: ER05682_3A_prokka|PROKKA_01819
Description: ER05682_3A_prokka|PROKKA_01819
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01871
Name: ER05682_3A_prokka|PROKKA_01871
Description: ER05682_3A_prokka|PROKKA_01871
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01873
Name: ER05682_3A_prokka|PROKKA_01873
Description: ER05682_3A_prokka|PROKKA_01873
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01874
Name: ER05682_3A_prokka|PROKKA_01874
Description: ER05682_3A_prokka|PROKKA_01874
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01904
Name: ER05682_3A_prokka|PROKKA_01904
Description: ER05682_3A_prokka|PROKKA_01904
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01926
Name: ER05682_3A_prokka|PROKKA_01926
Description: ER05682_3A_prokka|PROKKA_01926
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01931
Name: ER05682_3A_prokka|PROKKA_01931
Description: ER05682_3A_prokka|PROKKA_01931
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02007
Name: ER05682_3A_prokka|PROKKA_02007
Description: ER05682_3A_prokka|PROKKA_02007
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02011
Name: ER05682_3A_prokka|PROKKA_02011
Description: ER05682_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02027
Name: ER05682_3A_prokka|PROKKA_02027
Description: ER05682_3A_prokka|PROKKA_02027
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02045
Name: ER05682_3A_prokka|PROKKA_02045
Description: ER05682_3A_prokka|PROKKA_02045
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02071
Name: ER05682_3A_prokka|PROKKA_02071
Description: ER05682_3A_prokka|PROKKA_02071
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02073
Name: ER05682_3A_prokka|PROKKA_02073
Description: ER05682_3A_prokka|PROKKA_02073
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02125
Name: ER05682_3A_prokka|PROKKA_02125
Description: ER05682_3A_prokka|PROKKA_02125
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02233
Name: ER05682_3A_prokka|PROKKA_02233
Description: ER05682_3A_prokka|PROKKA_02233
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02252
Name: ER05682_3A_prokka|PROKKA_02252
Description: ER05682_3A_prokka|PROKKA_02252
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02265
Name: ER05682_3A_prokka|PROKKA_02265
Description: ER05682_3A_prokka|PROKKA_02265
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02297
Name: ER05682_3A_prokka|PROKKA_02297
Description: ER05682_3A_prokka|PROKKA_02297
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02442
Name: ER05682_3A_prokka|PROKKA_02442
Description: ER05682_3A_prokka|PROKKA_02442
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02451
Name: ER05682_3A_prokka|PROKKA_02451
Description: ER05682_3A_prokka|PROKKA_02451
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02515
Name: ER05682_3A_prokka|PROKKA_02515
Description: ER05682_3A_prokka|PROKKA_02515
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02623
Name: ER05682_3A_prokka|PROKKA_02623
Description: ER05682_3A_prokka|PROKKA_02623
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02661
Name: ER05682_3A_prokka|PROKKA_02661
Description: ER05682_3A_prokka|PROKKA_02661
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02746
Name: ER05682_3A_prokka|PROKKA_02746
Description: ER05682_3A_prokka|PROKKA_02746
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02809
Name: ER05682_3A_prokka|PROKKA_02809
Description: ER05682_3A_prokka|PROKKA_02809
Number of features: 0
Seq('MADIQKMLEQKEKLQEKIKEEKKKEYEKFGRWFFNKFKVNRSADAKKIINKKFA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00039
Name: ER05686_3A_prokka|PROKKA_00039
Description: ER05686_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00042
Name: ER05686_3A_prokka|PROKKA_00042
Description: ER05686_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00046
Name: ER05686_3A_prokka|PROKKA_00046
Description: ER05686_3A_prokka|PROKKA_00046
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00067
Name: ER05686_3A_prokka|PROKKA_00067
Description: ER05686_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00085
Name: ER05686_3A_prokka|PROKKA_00085
Description: ER05686_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00209
Name: ER05686_3A_prokka|PROKKA_00209
Description: ER05686_3A_prokka|PROKKA_00209
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00253
Name: ER05686_3A_prokka|PROKKA_00253
Description: ER05686_3A_prokka|PROKKA_00253
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00377
Name: ER05686_3A_prokka|PROKKA_00377
Description: ER05686_3A_prokka|PROKKA_00377
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00394
Name: ER05686_3A_prokka|PROKKA_00394
Description: ER05686_3A_prokka|PROKKA_00394
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00560
Name: ER05686_3A_prokka|PROKKA_00560
Description: ER05686_3A_prokka|PROKKA_00560
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00789
Name: ER05686_3A_prokka|PROKKA_00789
Description: ER05686_3A_prokka|PROKKA_00789
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00816
Name: ER05686_3A_prokka|PROKKA_00816
Description: ER05686_3A_prokka|PROKKA_00816
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00921
Name: ER05686_3A_prokka|PROKKA_00921
Description: ER05686_3A_prokka|PROKKA_00921
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00960
Name: ER05686_3A_prokka|PROKKA_00960
Description: ER05686_3A_prokka|PROKKA_00960
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00961
Name: ER05686_3A_prokka|PROKKA_00961
Description: ER05686_3A_prokka|PROKKA_00961
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01043
Name: ER05686_3A_prokka|PROKKA_01043
Description: ER05686_3A_prokka|PROKKA_01043
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01055
Name: ER05686_3A_prokka|PROKKA_01055
Description: ER05686_3A_prokka|PROKKA_01055
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01056
Name: ER05686_3A_prokka|PROKKA_01056
Description: ER05686_3A_prokka|PROKKA_01056
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01192
Name: ER05686_3A_prokka|PROKKA_01192
Description: ER05686_3A_prokka|PROKKA_01192
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01196
Name: ER05686_3A_prokka|PROKKA_01196
Description: ER05686_3A_prokka|PROKKA_01196
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01220
Name: ER05686_3A_prokka|PROKKA_01220
Description: ER05686_3A_prokka|PROKKA_01220
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01313
Name: ER05686_3A_prokka|PROKKA_01313
Description: ER05686_3A_prokka|PROKKA_01313
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01325
Name: ER05686_3A_prokka|PROKKA_01325
Description: ER05686_3A_prokka|PROKKA_01325
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01372
Name: ER05686_3A_prokka|PROKKA_01372
Description: ER05686_3A_prokka|PROKKA_01372
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01380
Name: ER05686_3A_prokka|PROKKA_01380
Description: ER05686_3A_prokka|PROKKA_01380
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01399
Name: ER05686_3A_prokka|PROKKA_01399
Description: ER05686_3A_prokka|PROKKA_01399
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01414
Name: ER05686_3A_prokka|PROKKA_01414
Description: ER05686_3A_prokka|PROKKA_01414
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01422
Name: ER05686_3A_prokka|PROKKA_01422
Description: ER05686_3A_prokka|PROKKA_01422
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01427
Name: ER05686_3A_prokka|PROKKA_01427
Description: ER05686_3A_prokka|PROKKA_01427
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01454
Name: ER05686_3A_prokka|PROKKA_01454
Description: ER05686_3A_prokka|PROKKA_01454
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01457
Name: ER05686_3A_prokka|PROKKA_01457
Description: ER05686_3A_prokka|PROKKA_01457
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01492
Name: ER05686_3A_prokka|PROKKA_01492
Description: ER05686_3A_prokka|PROKKA_01492
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01566
Name: ER05686_3A_prokka|PROKKA_01566
Description: ER05686_3A_prokka|PROKKA_01566
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01735
Name: ER05686_3A_prokka|PROKKA_01735
Description: ER05686_3A_prokka|PROKKA_01735
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01749
Name: ER05686_3A_prokka|PROKKA_01749
Description: ER05686_3A_prokka|PROKKA_01749
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01791
Name: ER05686_3A_prokka|PROKKA_01791
Description: ER05686_3A_prokka|PROKKA_01791
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01843
Name: ER05686_3A_prokka|PROKKA_01843
Description: ER05686_3A_prokka|PROKKA_01843
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01845
Name: ER05686_3A_prokka|PROKKA_01845
Description: ER05686_3A_prokka|PROKKA_01845
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01846
Name: ER05686_3A_prokka|PROKKA_01846
Description: ER05686_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01876
Name: ER05686_3A_prokka|PROKKA_01876
Description: ER05686_3A_prokka|PROKKA_01876
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01898
Name: ER05686_3A_prokka|PROKKA_01898
Description: ER05686_3A_prokka|PROKKA_01898
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01903
Name: ER05686_3A_prokka|PROKKA_01903
Description: ER05686_3A_prokka|PROKKA_01903
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01979
Name: ER05686_3A_prokka|PROKKA_01979
Description: ER05686_3A_prokka|PROKKA_01979
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01983
Name: ER05686_3A_prokka|PROKKA_01983
Description: ER05686_3A_prokka|PROKKA_01983
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01999
Name: ER05686_3A_prokka|PROKKA_01999
Description: ER05686_3A_prokka|PROKKA_01999
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02017
Name: ER05686_3A_prokka|PROKKA_02017
Description: ER05686_3A_prokka|PROKKA_02017
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02043
Name: ER05686_3A_prokka|PROKKA_02043
Description: ER05686_3A_prokka|PROKKA_02043
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02045
Name: ER05686_3A_prokka|PROKKA_02045
Description: ER05686_3A_prokka|PROKKA_02045
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02097
Name: ER05686_3A_prokka|PROKKA_02097
Description: ER05686_3A_prokka|PROKKA_02097
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02205
Name: ER05686_3A_prokka|PROKKA_02205
Description: ER05686_3A_prokka|PROKKA_02205
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02224
Name: ER05686_3A_prokka|PROKKA_02224
Description: ER05686_3A_prokka|PROKKA_02224
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02237
Name: ER05686_3A_prokka|PROKKA_02237
Description: ER05686_3A_prokka|PROKKA_02237
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02269
Name: ER05686_3A_prokka|PROKKA_02269
Description: ER05686_3A_prokka|PROKKA_02269
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02414
Name: ER05686_3A_prokka|PROKKA_02414
Description: ER05686_3A_prokka|PROKKA_02414
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02423
Name: ER05686_3A_prokka|PROKKA_02423
Description: ER05686_3A_prokka|PROKKA_02423
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02487
Name: ER05686_3A_prokka|PROKKA_02487
Description: ER05686_3A_prokka|PROKKA_02487
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02595
Name: ER05686_3A_prokka|PROKKA_02595
Description: ER05686_3A_prokka|PROKKA_02595
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02633
Name: ER05686_3A_prokka|PROKKA_02633
Description: ER05686_3A_prokka|PROKKA_02633
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02717
Name: ER05686_3A_prokka|PROKKA_02717
Description: ER05686_3A_prokka|PROKKA_02717
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02733
Name: ER05686_3A_prokka|PROKKA_02733
Description: ER05686_3A_prokka|PROKKA_02733
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00002
Name: ER05716_3A_prokka|PROKKA_00002
Description: ER05716_3A_prokka|PROKKA_00002
Number of features: 0
Seq('MLCKIALKEDIYLDEAVGIMTGQVVYKYEEEQEND', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00033
Name: ER05716_3A_prokka|PROKKA_00033
Description: ER05716_3A_prokka|PROKKA_00033
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00037
Name: ER05716_3A_prokka|PROKKA_00037
Description: ER05716_3A_prokka|PROKKA_00037
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00046
Name: ER05716_3A_prokka|PROKKA_00046
Description: ER05716_3A_prokka|PROKKA_00046
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00059
Name: ER05716_3A_prokka|PROKKA_00059
Description: ER05716_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00062
Name: ER05716_3A_prokka|PROKKA_00062
Description: ER05716_3A_prokka|PROKKA_00062
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00227
Name: ER05716_3A_prokka|PROKKA_00227
Description: ER05716_3A_prokka|PROKKA_00227
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00325
Name: ER05716_3A_prokka|PROKKA_00325
Description: ER05716_3A_prokka|PROKKA_00325
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00331
Name: ER05716_3A_prokka|PROKKA_00331
Description: ER05716_3A_prokka|PROKKA_00331
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00375
Name: ER05716_3A_prokka|PROKKA_00375
Description: ER05716_3A_prokka|PROKKA_00375
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00393
Name: ER05716_3A_prokka|PROKKA_00393
Description: ER05716_3A_prokka|PROKKA_00393
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00560
Name: ER05716_3A_prokka|PROKKA_00560
Description: ER05716_3A_prokka|PROKKA_00560
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00582
Name: ER05716_3A_prokka|PROKKA_00582
Description: ER05716_3A_prokka|PROKKA_00582
Number of features: 0
Seq('MITVLFGGSRPNGNTAQLTKFALQDLEYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00813
Name: ER05716_3A_prokka|PROKKA_00813
Description: ER05716_3A_prokka|PROKKA_00813
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00840
Name: ER05716_3A_prokka|PROKKA_00840
Description: ER05716_3A_prokka|PROKKA_00840
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00948
Name: ER05716_3A_prokka|PROKKA_00948
Description: ER05716_3A_prokka|PROKKA_00948
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00988
Name: ER05716_3A_prokka|PROKKA_00988
Description: ER05716_3A_prokka|PROKKA_00988
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01037
Name: ER05716_3A_prokka|PROKKA_01037
Description: ER05716_3A_prokka|PROKKA_01037
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01042
Name: ER05716_3A_prokka|PROKKA_01042
Description: ER05716_3A_prokka|PROKKA_01042
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01048
Name: ER05716_3A_prokka|PROKKA_01048
Description: ER05716_3A_prokka|PROKKA_01048
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01049
Name: ER05716_3A_prokka|PROKKA_01049
Description: ER05716_3A_prokka|PROKKA_01049
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01068
Name: ER05716_3A_prokka|PROKKA_01068
Description: ER05716_3A_prokka|PROKKA_01068
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01133
Name: ER05716_3A_prokka|PROKKA_01133
Description: ER05716_3A_prokka|PROKKA_01133
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01145
Name: ER05716_3A_prokka|PROKKA_01145
Description: ER05716_3A_prokka|PROKKA_01145
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01146
Name: ER05716_3A_prokka|PROKKA_01146
Description: ER05716_3A_prokka|PROKKA_01146
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01281
Name: ER05716_3A_prokka|PROKKA_01281
Description: ER05716_3A_prokka|PROKKA_01281
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01285
Name: ER05716_3A_prokka|PROKKA_01285
Description: ER05716_3A_prokka|PROKKA_01285
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01309
Name: ER05716_3A_prokka|PROKKA_01309
Description: ER05716_3A_prokka|PROKKA_01309
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01403
Name: ER05716_3A_prokka|PROKKA_01403
Description: ER05716_3A_prokka|PROKKA_01403
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01415
Name: ER05716_3A_prokka|PROKKA_01415
Description: ER05716_3A_prokka|PROKKA_01415
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01482
Name: ER05716_3A_prokka|PROKKA_01482
Description: ER05716_3A_prokka|PROKKA_01482
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01485
Name: ER05716_3A_prokka|PROKKA_01485
Description: ER05716_3A_prokka|PROKKA_01485
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01520
Name: ER05716_3A_prokka|PROKKA_01520
Description: ER05716_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01593
Name: ER05716_3A_prokka|PROKKA_01593
Description: ER05716_3A_prokka|PROKKA_01593
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01756
Name: ER05716_3A_prokka|PROKKA_01756
Description: ER05716_3A_prokka|PROKKA_01756
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01771
Name: ER05716_3A_prokka|PROKKA_01771
Description: ER05716_3A_prokka|PROKKA_01771
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01813
Name: ER05716_3A_prokka|PROKKA_01813
Description: ER05716_3A_prokka|PROKKA_01813
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01865
Name: ER05716_3A_prokka|PROKKA_01865
Description: ER05716_3A_prokka|PROKKA_01865
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01953
Name: ER05716_3A_prokka|PROKKA_01953
Description: ER05716_3A_prokka|PROKKA_01953
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01965
Name: ER05716_3A_prokka|PROKKA_01965
Description: ER05716_3A_prokka|PROKKA_01965
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01967
Name: ER05716_3A_prokka|PROKKA_01967
Description: ER05716_3A_prokka|PROKKA_01967
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02017
Name: ER05716_3A_prokka|PROKKA_02017
Description: ER05716_3A_prokka|PROKKA_02017
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02143
Name: ER05716_3A_prokka|PROKKA_02143
Description: ER05716_3A_prokka|PROKKA_02143
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02156
Name: ER05716_3A_prokka|PROKKA_02156
Description: ER05716_3A_prokka|PROKKA_02156
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02187
Name: ER05716_3A_prokka|PROKKA_02187
Description: ER05716_3A_prokka|PROKKA_02187
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02341
Name: ER05716_3A_prokka|PROKKA_02341
Description: ER05716_3A_prokka|PROKKA_02341
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02405
Name: ER05716_3A_prokka|PROKKA_02405
Description: ER05716_3A_prokka|PROKKA_02405
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02519
Name: ER05716_3A_prokka|PROKKA_02519
Description: ER05716_3A_prokka|PROKKA_02519
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02532
Name: ER05716_3A_prokka|PROKKA_02532
Description: ER05716_3A_prokka|PROKKA_02532
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02534
Name: ER05716_3A_prokka|PROKKA_02534
Description: ER05716_3A_prokka|PROKKA_02534
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02537
Name: ER05716_3A_prokka|PROKKA_02537
Description: ER05716_3A_prokka|PROKKA_02537
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02544
Name: ER05716_3A_prokka|PROKKA_02544
Description: ER05716_3A_prokka|PROKKA_02544
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02582
Name: ER05716_3A_prokka|PROKKA_02582
Description: ER05716_3A_prokka|PROKKA_02582
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02666
Name: ER05716_3A_prokka|PROKKA_02666
Description: ER05716_3A_prokka|PROKKA_02666
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02684
Name: ER05716_3A_prokka|PROKKA_02684
Description: ER05716_3A_prokka|PROKKA_02684
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02697
Name: ER05716_3A_prokka|PROKKA_02697
Description: ER05716_3A_prokka|PROKKA_02697
Number of features: 0
Seq('MSTKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02710
Name: ER05716_3A_prokka|PROKKA_02710
Description: ER05716_3A_prokka|PROKKA_02710
Number of features: 0
Seq('MLQIVNYQQMDFQDSFFNTKIGGHKMTINLSETFANAKKRIY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02720
Name: ER05716_3A_prokka|PROKKA_02720
Description: ER05716_3A_prokka|PROKKA_02720
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02729
Name: ER05716_3A_prokka|PROKKA_02729
Description: ER05716_3A_prokka|PROKKA_02729
Number of features: 0
Seq('MNLIPRTSIVVYLKHMKHERQIRKYGLSFIQIEIVNL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02730
Name: ER05716_3A_prokka|PROKKA_02730
Description: ER05716_3A_prokka|PROKKA_02730
Number of features: 0
Seq('MKQTFITLGEGLTDLFEFMTMIEYNINVLIKLSIFIHHKLKIKSHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02731
Name: ER05716_3A_prokka|PROKKA_02731
Description: ER05716_3A_prokka|PROKKA_02731
Number of features: 0
Seq('MRVIAGKHKSKALESMEAVIRDQLWIKLKKVSLIVYMMCQV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02732
Name: ER05716_3A_prokka|PROKKA_02732
Description: ER05716_3A_prokka|PROKKA_02732
Number of features: 0
Seq('MDKVKEGIFNSLYDVSGIGLDLFAGSGRLE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02733
Name: ER05716_3A_prokka|PROKKA_02733
Description: ER05716_3A_prokka|PROKKA_02733
Number of features: 0
Seq('MSKRDIQFDVIFLDPPYNKGLIDKALKLISEFNLLKENGIIVCEFSNHEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02748
Name: ER05716_3A_prokka|PROKKA_02748
Description: ER05716_3A_prokka|PROKKA_02748
Number of features: 0
Seq('MEFNDFQNFFGELSNQAEKEFGGDSDFFRDRINKLKEDAPENVSYEIIIQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02749
Name: ER05716_3A_prokka|PROKKA_02749
Description: ER05716_3A_prokka|PROKKA_02749
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02778
Name: ER05716_3A_prokka|PROKKA_02778
Description: ER05716_3A_prokka|PROKKA_02778
Number of features: 0
Seq('MKVTNTIRFEEEKKNLIDNVVNTLEEYKDVIDSELRTIRNTNHLVMRNNLVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00003
Name: ER05718_3A_prokka|PROKKA_00003
Description: ER05718_3A_prokka|PROKKA_00003
Number of features: 0
Seq('MKVTNTIRFEEEKKNLIDNVVNTLEEYKDVIDSELRTIRNTNHLVMRNNLVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00050
Name: ER05718_3A_prokka|PROKKA_00050
Description: ER05718_3A_prokka|PROKKA_00050
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALSEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00106
Name: ER05718_3A_prokka|PROKKA_00106
Description: ER05718_3A_prokka|PROKKA_00106
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00110
Name: ER05718_3A_prokka|PROKKA_00110
Description: ER05718_3A_prokka|PROKKA_00110
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00119
Name: ER05718_3A_prokka|PROKKA_00119
Description: ER05718_3A_prokka|PROKKA_00119
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00132
Name: ER05718_3A_prokka|PROKKA_00132
Description: ER05718_3A_prokka|PROKKA_00132
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00135
Name: ER05718_3A_prokka|PROKKA_00135
Description: ER05718_3A_prokka|PROKKA_00135
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00300
Name: ER05718_3A_prokka|PROKKA_00300
Description: ER05718_3A_prokka|PROKKA_00300
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00397
Name: ER05718_3A_prokka|PROKKA_00397
Description: ER05718_3A_prokka|PROKKA_00397
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00403
Name: ER05718_3A_prokka|PROKKA_00403
Description: ER05718_3A_prokka|PROKKA_00403
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00447
Name: ER05718_3A_prokka|PROKKA_00447
Description: ER05718_3A_prokka|PROKKA_00447
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00465
Name: ER05718_3A_prokka|PROKKA_00465
Description: ER05718_3A_prokka|PROKKA_00465
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00630
Name: ER05718_3A_prokka|PROKKA_00630
Description: ER05718_3A_prokka|PROKKA_00630
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00883
Name: ER05718_3A_prokka|PROKKA_00883
Description: ER05718_3A_prokka|PROKKA_00883
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00895
Name: ER05718_3A_prokka|PROKKA_00895
Description: ER05718_3A_prokka|PROKKA_00895
Number of features: 0
Seq('MKMYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00912
Name: ER05718_3A_prokka|PROKKA_00912
Description: ER05718_3A_prokka|PROKKA_00912
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00913
Name: ER05718_3A_prokka|PROKKA_00913
Description: ER05718_3A_prokka|PROKKA_00913
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00935
Name: ER05718_3A_prokka|PROKKA_00935
Description: ER05718_3A_prokka|PROKKA_00935
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01043
Name: ER05718_3A_prokka|PROKKA_01043
Description: ER05718_3A_prokka|PROKKA_01043
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01083
Name: ER05718_3A_prokka|PROKKA_01083
Description: ER05718_3A_prokka|PROKKA_01083
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01164
Name: ER05718_3A_prokka|PROKKA_01164
Description: ER05718_3A_prokka|PROKKA_01164
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01176
Name: ER05718_3A_prokka|PROKKA_01176
Description: ER05718_3A_prokka|PROKKA_01176
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01177
Name: ER05718_3A_prokka|PROKKA_01177
Description: ER05718_3A_prokka|PROKKA_01177
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01313
Name: ER05718_3A_prokka|PROKKA_01313
Description: ER05718_3A_prokka|PROKKA_01313
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01317
Name: ER05718_3A_prokka|PROKKA_01317
Description: ER05718_3A_prokka|PROKKA_01317
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01341
Name: ER05718_3A_prokka|PROKKA_01341
Description: ER05718_3A_prokka|PROKKA_01341
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01436
Name: ER05718_3A_prokka|PROKKA_01436
Description: ER05718_3A_prokka|PROKKA_01436
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01448
Name: ER05718_3A_prokka|PROKKA_01448
Description: ER05718_3A_prokka|PROKKA_01448
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01515
Name: ER05718_3A_prokka|PROKKA_01515
Description: ER05718_3A_prokka|PROKKA_01515
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01518
Name: ER05718_3A_prokka|PROKKA_01518
Description: ER05718_3A_prokka|PROKKA_01518
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01553
Name: ER05718_3A_prokka|PROKKA_01553
Description: ER05718_3A_prokka|PROKKA_01553
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01626
Name: ER05718_3A_prokka|PROKKA_01626
Description: ER05718_3A_prokka|PROKKA_01626
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01789
Name: ER05718_3A_prokka|PROKKA_01789
Description: ER05718_3A_prokka|PROKKA_01789
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01804
Name: ER05718_3A_prokka|PROKKA_01804
Description: ER05718_3A_prokka|PROKKA_01804
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01846
Name: ER05718_3A_prokka|PROKKA_01846
Description: ER05718_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01898
Name: ER05718_3A_prokka|PROKKA_01898
Description: ER05718_3A_prokka|PROKKA_01898
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01973
Name: ER05718_3A_prokka|PROKKA_01973
Description: ER05718_3A_prokka|PROKKA_01973
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01977
Name: ER05718_3A_prokka|PROKKA_01977
Description: ER05718_3A_prokka|PROKKA_01977
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01993
Name: ER05718_3A_prokka|PROKKA_01993
Description: ER05718_3A_prokka|PROKKA_01993
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02011
Name: ER05718_3A_prokka|PROKKA_02011
Description: ER05718_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02050
Name: ER05718_3A_prokka|PROKKA_02050
Description: ER05718_3A_prokka|PROKKA_02050
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02061
Name: ER05718_3A_prokka|PROKKA_02061
Description: ER05718_3A_prokka|PROKKA_02061
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02063
Name: ER05718_3A_prokka|PROKKA_02063
Description: ER05718_3A_prokka|PROKKA_02063
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02113
Name: ER05718_3A_prokka|PROKKA_02113
Description: ER05718_3A_prokka|PROKKA_02113
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02239
Name: ER05718_3A_prokka|PROKKA_02239
Description: ER05718_3A_prokka|PROKKA_02239
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02252
Name: ER05718_3A_prokka|PROKKA_02252
Description: ER05718_3A_prokka|PROKKA_02252
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02283
Name: ER05718_3A_prokka|PROKKA_02283
Description: ER05718_3A_prokka|PROKKA_02283
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02437
Name: ER05718_3A_prokka|PROKKA_02437
Description: ER05718_3A_prokka|PROKKA_02437
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02501
Name: ER05718_3A_prokka|PROKKA_02501
Description: ER05718_3A_prokka|PROKKA_02501
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02623
Name: ER05718_3A_prokka|PROKKA_02623
Description: ER05718_3A_prokka|PROKKA_02623
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02625
Name: ER05718_3A_prokka|PROKKA_02625
Description: ER05718_3A_prokka|PROKKA_02625
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02628
Name: ER05718_3A_prokka|PROKKA_02628
Description: ER05718_3A_prokka|PROKKA_02628
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02635
Name: ER05718_3A_prokka|PROKKA_02635
Description: ER05718_3A_prokka|PROKKA_02635
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02674
Name: ER05718_3A_prokka|PROKKA_02674
Description: ER05718_3A_prokka|PROKKA_02674
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02758
Name: ER05718_3A_prokka|PROKKA_02758
Description: ER05718_3A_prokka|PROKKA_02758
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02765
Name: ER05718_3A_prokka|PROKKA_02765
Description: ER05718_3A_prokka|PROKKA_02765
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_00038
Name: ER05763_3A_prokka|PROKKA_00038
Description: ER05763_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_00059
Name: ER05763_3A_prokka|PROKKA_00059
Description: ER05763_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_00148
Name: ER05763_3A_prokka|PROKKA_00148
Description: ER05763_3A_prokka|PROKKA_00148
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_00246
Name: ER05763_3A_prokka|PROKKA_00246
Description: ER05763_3A_prokka|PROKKA_00246
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_00298
Name: ER05763_3A_prokka|PROKKA_00298
Description: ER05763_3A_prokka|PROKKA_00298
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_00396
Name: ER05763_3A_prokka|PROKKA_00396
Description: ER05763_3A_prokka|PROKKA_00396
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_00434
Name: ER05763_3A_prokka|PROKKA_00434
Description: ER05763_3A_prokka|PROKKA_00434
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_00564
Name: ER05763_3A_prokka|PROKKA_00564
Description: ER05763_3A_prokka|PROKKA_00564
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_00600
Name: ER05763_3A_prokka|PROKKA_00600
Description: ER05763_3A_prokka|PROKKA_00600
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_00818
Name: ER05763_3A_prokka|PROKKA_00818
Description: ER05763_3A_prokka|PROKKA_00818
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_00862
Name: ER05763_3A_prokka|PROKKA_00862
Description: ER05763_3A_prokka|PROKKA_00862
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_00970
Name: ER05763_3A_prokka|PROKKA_00970
Description: ER05763_3A_prokka|PROKKA_00970
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01009
Name: ER05763_3A_prokka|PROKKA_01009
Description: ER05763_3A_prokka|PROKKA_01009
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01089
Name: ER05763_3A_prokka|PROKKA_01089
Description: ER05763_3A_prokka|PROKKA_01089
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01102
Name: ER05763_3A_prokka|PROKKA_01102
Description: ER05763_3A_prokka|PROKKA_01102
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01103
Name: ER05763_3A_prokka|PROKKA_01103
Description: ER05763_3A_prokka|PROKKA_01103
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01238
Name: ER05763_3A_prokka|PROKKA_01238
Description: ER05763_3A_prokka|PROKKA_01238
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01242
Name: ER05763_3A_prokka|PROKKA_01242
Description: ER05763_3A_prokka|PROKKA_01242
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01246
Name: ER05763_3A_prokka|PROKKA_01246
Description: ER05763_3A_prokka|PROKKA_01246
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01248
Name: ER05763_3A_prokka|PROKKA_01248
Description: ER05763_3A_prokka|PROKKA_01248
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01272
Name: ER05763_3A_prokka|PROKKA_01272
Description: ER05763_3A_prokka|PROKKA_01272
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01367
Name: ER05763_3A_prokka|PROKKA_01367
Description: ER05763_3A_prokka|PROKKA_01367
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01379
Name: ER05763_3A_prokka|PROKKA_01379
Description: ER05763_3A_prokka|PROKKA_01379
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01429
Name: ER05763_3A_prokka|PROKKA_01429
Description: ER05763_3A_prokka|PROKKA_01429
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01438
Name: ER05763_3A_prokka|PROKKA_01438
Description: ER05763_3A_prokka|PROKKA_01438
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01458
Name: ER05763_3A_prokka|PROKKA_01458
Description: ER05763_3A_prokka|PROKKA_01458
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01486
Name: ER05763_3A_prokka|PROKKA_01486
Description: ER05763_3A_prokka|PROKKA_01486
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01513
Name: ER05763_3A_prokka|PROKKA_01513
Description: ER05763_3A_prokka|PROKKA_01513
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01550
Name: ER05763_3A_prokka|PROKKA_01550
Description: ER05763_3A_prokka|PROKKA_01550
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01621
Name: ER05763_3A_prokka|PROKKA_01621
Description: ER05763_3A_prokka|PROKKA_01621
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01786
Name: ER05763_3A_prokka|PROKKA_01786
Description: ER05763_3A_prokka|PROKKA_01786
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01793
Name: ER05763_3A_prokka|PROKKA_01793
Description: ER05763_3A_prokka|PROKKA_01793
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01812
Name: ER05763_3A_prokka|PROKKA_01812
Description: ER05763_3A_prokka|PROKKA_01812
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01847
Name: ER05763_3A_prokka|PROKKA_01847
Description: ER05763_3A_prokka|PROKKA_01847
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01899
Name: ER05763_3A_prokka|PROKKA_01899
Description: ER05763_3A_prokka|PROKKA_01899
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01971
Name: ER05763_3A_prokka|PROKKA_01971
Description: ER05763_3A_prokka|PROKKA_01971
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01973
Name: ER05763_3A_prokka|PROKKA_01973
Description: ER05763_3A_prokka|PROKKA_01973
Number of features: 0
Seq('MLSEKSFGSNYFNVDSGYSELIIQPENVFDTTVKWQDRYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01976
Name: ER05763_3A_prokka|PROKKA_01976
Description: ER05763_3A_prokka|PROKKA_01976
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01992
Name: ER05763_3A_prokka|PROKKA_01992
Description: ER05763_3A_prokka|PROKKA_01992
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_02012
Name: ER05763_3A_prokka|PROKKA_02012
Description: ER05763_3A_prokka|PROKKA_02012
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_02042
Name: ER05763_3A_prokka|PROKKA_02042
Description: ER05763_3A_prokka|PROKKA_02042
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_02044
Name: ER05763_3A_prokka|PROKKA_02044
Description: ER05763_3A_prokka|PROKKA_02044
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_02094
Name: ER05763_3A_prokka|PROKKA_02094
Description: ER05763_3A_prokka|PROKKA_02094
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_02214
Name: ER05763_3A_prokka|PROKKA_02214
Description: ER05763_3A_prokka|PROKKA_02214
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_02238
Name: ER05763_3A_prokka|PROKKA_02238
Description: ER05763_3A_prokka|PROKKA_02238
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_02269
Name: ER05763_3A_prokka|PROKKA_02269
Description: ER05763_3A_prokka|PROKKA_02269
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_02424
Name: ER05763_3A_prokka|PROKKA_02424
Description: ER05763_3A_prokka|PROKKA_02424
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_02633
Name: ER05763_3A_prokka|PROKKA_02633
Description: ER05763_3A_prokka|PROKKA_02633
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_02720
Name: ER05763_3A_prokka|PROKKA_02720
Description: ER05763_3A_prokka|PROKKA_02720
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_02735
Name: ER05763_3A_prokka|PROKKA_02735
Description: ER05763_3A_prokka|PROKKA_02735
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00016
Name: ER05770_3A_prokka|PROKKA_00016
Description: ER05770_3A_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00084
Name: ER05770_3A_prokka|PROKKA_00084
Description: ER05770_3A_prokka|PROKKA_00084
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00103
Name: ER05770_3A_prokka|PROKKA_00103
Description: ER05770_3A_prokka|PROKKA_00103
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00269
Name: ER05770_3A_prokka|PROKKA_00269
Description: ER05770_3A_prokka|PROKKA_00269
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00305
Name: ER05770_3A_prokka|PROKKA_00305
Description: ER05770_3A_prokka|PROKKA_00305
Number of features: 0
Seq('MVKNHNPKNEMQDMLTPLDAEEAAKTKLRLDMREIPKSSIKPEHFHLMYLLE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00394
Name: ER05770_3A_prokka|PROKKA_00394
Description: ER05770_3A_prokka|PROKKA_00394
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00411
Name: ER05770_3A_prokka|PROKKA_00411
Description: ER05770_3A_prokka|PROKKA_00411
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00578
Name: ER05770_3A_prokka|PROKKA_00578
Description: ER05770_3A_prokka|PROKKA_00578
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00807
Name: ER05770_3A_prokka|PROKKA_00807
Description: ER05770_3A_prokka|PROKKA_00807
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00838
Name: ER05770_3A_prokka|PROKKA_00838
Description: ER05770_3A_prokka|PROKKA_00838
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00842
Name: ER05770_3A_prokka|PROKKA_00842
Description: ER05770_3A_prokka|PROKKA_00842
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00858
Name: ER05770_3A_prokka|PROKKA_00858
Description: ER05770_3A_prokka|PROKKA_00858
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00889
Name: ER05770_3A_prokka|PROKKA_00889
Description: ER05770_3A_prokka|PROKKA_00889
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00890
Name: ER05770_3A_prokka|PROKKA_00890
Description: ER05770_3A_prokka|PROKKA_00890
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00905
Name: ER05770_3A_prokka|PROKKA_00905
Description: ER05770_3A_prokka|PROKKA_00905
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01010
Name: ER05770_3A_prokka|PROKKA_01010
Description: ER05770_3A_prokka|PROKKA_01010
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01049
Name: ER05770_3A_prokka|PROKKA_01049
Description: ER05770_3A_prokka|PROKKA_01049
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01050
Name: ER05770_3A_prokka|PROKKA_01050
Description: ER05770_3A_prokka|PROKKA_01050
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01131
Name: ER05770_3A_prokka|PROKKA_01131
Description: ER05770_3A_prokka|PROKKA_01131
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01143
Name: ER05770_3A_prokka|PROKKA_01143
Description: ER05770_3A_prokka|PROKKA_01143
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01144
Name: ER05770_3A_prokka|PROKKA_01144
Description: ER05770_3A_prokka|PROKKA_01144
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01214
Name: ER05770_3A_prokka|PROKKA_01214
Description: ER05770_3A_prokka|PROKKA_01214
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01217
Name: ER05770_3A_prokka|PROKKA_01217
Description: ER05770_3A_prokka|PROKKA_01217
Number of features: 0
Seq('MSEEMATYWFNKMYELGIIHEVLRQEGVIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01218
Name: ER05770_3A_prokka|PROKKA_01218
Description: ER05770_3A_prokka|PROKKA_01218
Number of features: 0
Seq('MSKTYKSYLIAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01229
Name: ER05770_3A_prokka|PROKKA_01229
Description: ER05770_3A_prokka|PROKKA_01229
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01253
Name: ER05770_3A_prokka|PROKKA_01253
Description: ER05770_3A_prokka|PROKKA_01253
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01275
Name: ER05770_3A_prokka|PROKKA_01275
Description: ER05770_3A_prokka|PROKKA_01275
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01276
Name: ER05770_3A_prokka|PROKKA_01276
Description: ER05770_3A_prokka|PROKKA_01276
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIVRKTHFYYLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01351
Name: ER05770_3A_prokka|PROKKA_01351
Description: ER05770_3A_prokka|PROKKA_01351
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01355
Name: ER05770_3A_prokka|PROKKA_01355
Description: ER05770_3A_prokka|PROKKA_01355
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01379
Name: ER05770_3A_prokka|PROKKA_01379
Description: ER05770_3A_prokka|PROKKA_01379
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01472
Name: ER05770_3A_prokka|PROKKA_01472
Description: ER05770_3A_prokka|PROKKA_01472
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01484
Name: ER05770_3A_prokka|PROKKA_01484
Description: ER05770_3A_prokka|PROKKA_01484
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01531
Name: ER05770_3A_prokka|PROKKA_01531
Description: ER05770_3A_prokka|PROKKA_01531
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01539
Name: ER05770_3A_prokka|PROKKA_01539
Description: ER05770_3A_prokka|PROKKA_01539
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01558
Name: ER05770_3A_prokka|PROKKA_01558
Description: ER05770_3A_prokka|PROKKA_01558
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01573
Name: ER05770_3A_prokka|PROKKA_01573
Description: ER05770_3A_prokka|PROKKA_01573
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01581
Name: ER05770_3A_prokka|PROKKA_01581
Description: ER05770_3A_prokka|PROKKA_01581
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01586
Name: ER05770_3A_prokka|PROKKA_01586
Description: ER05770_3A_prokka|PROKKA_01586
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01613
Name: ER05770_3A_prokka|PROKKA_01613
Description: ER05770_3A_prokka|PROKKA_01613
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01616
Name: ER05770_3A_prokka|PROKKA_01616
Description: ER05770_3A_prokka|PROKKA_01616
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01651
Name: ER05770_3A_prokka|PROKKA_01651
Description: ER05770_3A_prokka|PROKKA_01651
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01724
Name: ER05770_3A_prokka|PROKKA_01724
Description: ER05770_3A_prokka|PROKKA_01724
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01894
Name: ER05770_3A_prokka|PROKKA_01894
Description: ER05770_3A_prokka|PROKKA_01894
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01908
Name: ER05770_3A_prokka|PROKKA_01908
Description: ER05770_3A_prokka|PROKKA_01908
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01950
Name: ER05770_3A_prokka|PROKKA_01950
Description: ER05770_3A_prokka|PROKKA_01950
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02002
Name: ER05770_3A_prokka|PROKKA_02002
Description: ER05770_3A_prokka|PROKKA_02002
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02074
Name: ER05770_3A_prokka|PROKKA_02074
Description: ER05770_3A_prokka|PROKKA_02074
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02078
Name: ER05770_3A_prokka|PROKKA_02078
Description: ER05770_3A_prokka|PROKKA_02078
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02094
Name: ER05770_3A_prokka|PROKKA_02094
Description: ER05770_3A_prokka|PROKKA_02094
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02112
Name: ER05770_3A_prokka|PROKKA_02112
Description: ER05770_3A_prokka|PROKKA_02112
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02118
Name: ER05770_3A_prokka|PROKKA_02118
Description: ER05770_3A_prokka|PROKKA_02118
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02123
Name: ER05770_3A_prokka|PROKKA_02123
Description: ER05770_3A_prokka|PROKKA_02123
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02139
Name: ER05770_3A_prokka|PROKKA_02139
Description: ER05770_3A_prokka|PROKKA_02139
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02141
Name: ER05770_3A_prokka|PROKKA_02141
Description: ER05770_3A_prokka|PROKKA_02141
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02151
Name: ER05770_3A_prokka|PROKKA_02151
Description: ER05770_3A_prokka|PROKKA_02151
Number of features: 0
Seq('MILLQLNHISKSFDGEDIFTDVDFEVKTGERIGIVGRNGAGKST', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02192
Name: ER05770_3A_prokka|PROKKA_02192
Description: ER05770_3A_prokka|PROKKA_02192
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02319
Name: ER05770_3A_prokka|PROKKA_02319
Description: ER05770_3A_prokka|PROKKA_02319
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02332
Name: ER05770_3A_prokka|PROKKA_02332
Description: ER05770_3A_prokka|PROKKA_02332
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02364
Name: ER05770_3A_prokka|PROKKA_02364
Description: ER05770_3A_prokka|PROKKA_02364
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02509
Name: ER05770_3A_prokka|PROKKA_02509
Description: ER05770_3A_prokka|PROKKA_02509
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02518
Name: ER05770_3A_prokka|PROKKA_02518
Description: ER05770_3A_prokka|PROKKA_02518
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02582
Name: ER05770_3A_prokka|PROKKA_02582
Description: ER05770_3A_prokka|PROKKA_02582
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02690
Name: ER05770_3A_prokka|PROKKA_02690
Description: ER05770_3A_prokka|PROKKA_02690
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02728
Name: ER05770_3A_prokka|PROKKA_02728
Description: ER05770_3A_prokka|PROKKA_02728
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02812
Name: ER05770_3A_prokka|PROKKA_02812
Description: ER05770_3A_prokka|PROKKA_02812
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00039
Name: ER05786_3A_prokka|PROKKA_00039
Description: ER05786_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00042
Name: ER05786_3A_prokka|PROKKA_00042
Description: ER05786_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00046
Name: ER05786_3A_prokka|PROKKA_00046
Description: ER05786_3A_prokka|PROKKA_00046
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00067
Name: ER05786_3A_prokka|PROKKA_00067
Description: ER05786_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00085
Name: ER05786_3A_prokka|PROKKA_00085
Description: ER05786_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00209
Name: ER05786_3A_prokka|PROKKA_00209
Description: ER05786_3A_prokka|PROKKA_00209
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00253
Name: ER05786_3A_prokka|PROKKA_00253
Description: ER05786_3A_prokka|PROKKA_00253
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00377
Name: ER05786_3A_prokka|PROKKA_00377
Description: ER05786_3A_prokka|PROKKA_00377
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00394
Name: ER05786_3A_prokka|PROKKA_00394
Description: ER05786_3A_prokka|PROKKA_00394
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00560
Name: ER05786_3A_prokka|PROKKA_00560
Description: ER05786_3A_prokka|PROKKA_00560
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00789
Name: ER05786_3A_prokka|PROKKA_00789
Description: ER05786_3A_prokka|PROKKA_00789
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00816
Name: ER05786_3A_prokka|PROKKA_00816
Description: ER05786_3A_prokka|PROKKA_00816
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00921
Name: ER05786_3A_prokka|PROKKA_00921
Description: ER05786_3A_prokka|PROKKA_00921
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00960
Name: ER05786_3A_prokka|PROKKA_00960
Description: ER05786_3A_prokka|PROKKA_00960
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00961
Name: ER05786_3A_prokka|PROKKA_00961
Description: ER05786_3A_prokka|PROKKA_00961
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01043
Name: ER05786_3A_prokka|PROKKA_01043
Description: ER05786_3A_prokka|PROKKA_01043
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01055
Name: ER05786_3A_prokka|PROKKA_01055
Description: ER05786_3A_prokka|PROKKA_01055
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01056
Name: ER05786_3A_prokka|PROKKA_01056
Description: ER05786_3A_prokka|PROKKA_01056
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01192
Name: ER05786_3A_prokka|PROKKA_01192
Description: ER05786_3A_prokka|PROKKA_01192
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01196
Name: ER05786_3A_prokka|PROKKA_01196
Description: ER05786_3A_prokka|PROKKA_01196
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01220
Name: ER05786_3A_prokka|PROKKA_01220
Description: ER05786_3A_prokka|PROKKA_01220
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01313
Name: ER05786_3A_prokka|PROKKA_01313
Description: ER05786_3A_prokka|PROKKA_01313
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01325
Name: ER05786_3A_prokka|PROKKA_01325
Description: ER05786_3A_prokka|PROKKA_01325
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01372
Name: ER05786_3A_prokka|PROKKA_01372
Description: ER05786_3A_prokka|PROKKA_01372
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01380
Name: ER05786_3A_prokka|PROKKA_01380
Description: ER05786_3A_prokka|PROKKA_01380
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01399
Name: ER05786_3A_prokka|PROKKA_01399
Description: ER05786_3A_prokka|PROKKA_01399
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01414
Name: ER05786_3A_prokka|PROKKA_01414
Description: ER05786_3A_prokka|PROKKA_01414
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01422
Name: ER05786_3A_prokka|PROKKA_01422
Description: ER05786_3A_prokka|PROKKA_01422
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01427
Name: ER05786_3A_prokka|PROKKA_01427
Description: ER05786_3A_prokka|PROKKA_01427
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01454
Name: ER05786_3A_prokka|PROKKA_01454
Description: ER05786_3A_prokka|PROKKA_01454
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01457
Name: ER05786_3A_prokka|PROKKA_01457
Description: ER05786_3A_prokka|PROKKA_01457
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01492
Name: ER05786_3A_prokka|PROKKA_01492
Description: ER05786_3A_prokka|PROKKA_01492
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01566
Name: ER05786_3A_prokka|PROKKA_01566
Description: ER05786_3A_prokka|PROKKA_01566
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01735
Name: ER05786_3A_prokka|PROKKA_01735
Description: ER05786_3A_prokka|PROKKA_01735
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01749
Name: ER05786_3A_prokka|PROKKA_01749
Description: ER05786_3A_prokka|PROKKA_01749
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01791
Name: ER05786_3A_prokka|PROKKA_01791
Description: ER05786_3A_prokka|PROKKA_01791
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01843
Name: ER05786_3A_prokka|PROKKA_01843
Description: ER05786_3A_prokka|PROKKA_01843
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01845
Name: ER05786_3A_prokka|PROKKA_01845
Description: ER05786_3A_prokka|PROKKA_01845
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01846
Name: ER05786_3A_prokka|PROKKA_01846
Description: ER05786_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01876
Name: ER05786_3A_prokka|PROKKA_01876
Description: ER05786_3A_prokka|PROKKA_01876
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01898
Name: ER05786_3A_prokka|PROKKA_01898
Description: ER05786_3A_prokka|PROKKA_01898
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01903
Name: ER05786_3A_prokka|PROKKA_01903
Description: ER05786_3A_prokka|PROKKA_01903
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01979
Name: ER05786_3A_prokka|PROKKA_01979
Description: ER05786_3A_prokka|PROKKA_01979
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01983
Name: ER05786_3A_prokka|PROKKA_01983
Description: ER05786_3A_prokka|PROKKA_01983
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01999
Name: ER05786_3A_prokka|PROKKA_01999
Description: ER05786_3A_prokka|PROKKA_01999
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02017
Name: ER05786_3A_prokka|PROKKA_02017
Description: ER05786_3A_prokka|PROKKA_02017
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02043
Name: ER05786_3A_prokka|PROKKA_02043
Description: ER05786_3A_prokka|PROKKA_02043
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02045
Name: ER05786_3A_prokka|PROKKA_02045
Description: ER05786_3A_prokka|PROKKA_02045
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02097
Name: ER05786_3A_prokka|PROKKA_02097
Description: ER05786_3A_prokka|PROKKA_02097
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02205
Name: ER05786_3A_prokka|PROKKA_02205
Description: ER05786_3A_prokka|PROKKA_02205
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02224
Name: ER05786_3A_prokka|PROKKA_02224
Description: ER05786_3A_prokka|PROKKA_02224
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02237
Name: ER05786_3A_prokka|PROKKA_02237
Description: ER05786_3A_prokka|PROKKA_02237
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02269
Name: ER05786_3A_prokka|PROKKA_02269
Description: ER05786_3A_prokka|PROKKA_02269
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02414
Name: ER05786_3A_prokka|PROKKA_02414
Description: ER05786_3A_prokka|PROKKA_02414
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02423
Name: ER05786_3A_prokka|PROKKA_02423
Description: ER05786_3A_prokka|PROKKA_02423
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02487
Name: ER05786_3A_prokka|PROKKA_02487
Description: ER05786_3A_prokka|PROKKA_02487
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02595
Name: ER05786_3A_prokka|PROKKA_02595
Description: ER05786_3A_prokka|PROKKA_02595
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02633
Name: ER05786_3A_prokka|PROKKA_02633
Description: ER05786_3A_prokka|PROKKA_02633
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02717
Name: ER05786_3A_prokka|PROKKA_02717
Description: ER05786_3A_prokka|PROKKA_02717
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02733
Name: ER05786_3A_prokka|PROKKA_02733
Description: ER05786_3A_prokka|PROKKA_02733
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00003
Name: ER05857_3A_prokka|PROKKA_00003
Description: ER05857_3A_prokka|PROKKA_00003
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00014
Name: ER05857_3A_prokka|PROKKA_00014
Description: ER05857_3A_prokka|PROKKA_00014
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00018
Name: ER05857_3A_prokka|PROKKA_00018
Description: ER05857_3A_prokka|PROKKA_00018
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00084
Name: ER05857_3A_prokka|PROKKA_00084
Description: ER05857_3A_prokka|PROKKA_00084
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00102
Name: ER05857_3A_prokka|PROKKA_00102
Description: ER05857_3A_prokka|PROKKA_00102
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00271
Name: ER05857_3A_prokka|PROKKA_00271
Description: ER05857_3A_prokka|PROKKA_00271
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00395
Name: ER05857_3A_prokka|PROKKA_00395
Description: ER05857_3A_prokka|PROKKA_00395
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00412
Name: ER05857_3A_prokka|PROKKA_00412
Description: ER05857_3A_prokka|PROKKA_00412
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00579
Name: ER05857_3A_prokka|PROKKA_00579
Description: ER05857_3A_prokka|PROKKA_00579
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00809
Name: ER05857_3A_prokka|PROKKA_00809
Description: ER05857_3A_prokka|PROKKA_00809
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00840
Name: ER05857_3A_prokka|PROKKA_00840
Description: ER05857_3A_prokka|PROKKA_00840
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00844
Name: ER05857_3A_prokka|PROKKA_00844
Description: ER05857_3A_prokka|PROKKA_00844
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00859
Name: ER05857_3A_prokka|PROKKA_00859
Description: ER05857_3A_prokka|PROKKA_00859
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00891
Name: ER05857_3A_prokka|PROKKA_00891
Description: ER05857_3A_prokka|PROKKA_00891
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00892
Name: ER05857_3A_prokka|PROKKA_00892
Description: ER05857_3A_prokka|PROKKA_00892
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00907
Name: ER05857_3A_prokka|PROKKA_00907
Description: ER05857_3A_prokka|PROKKA_00907
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01012
Name: ER05857_3A_prokka|PROKKA_01012
Description: ER05857_3A_prokka|PROKKA_01012
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01051
Name: ER05857_3A_prokka|PROKKA_01051
Description: ER05857_3A_prokka|PROKKA_01051
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01052
Name: ER05857_3A_prokka|PROKKA_01052
Description: ER05857_3A_prokka|PROKKA_01052
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01133
Name: ER05857_3A_prokka|PROKKA_01133
Description: ER05857_3A_prokka|PROKKA_01133
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01145
Name: ER05857_3A_prokka|PROKKA_01145
Description: ER05857_3A_prokka|PROKKA_01145
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01146
Name: ER05857_3A_prokka|PROKKA_01146
Description: ER05857_3A_prokka|PROKKA_01146
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01284
Name: ER05857_3A_prokka|PROKKA_01284
Description: ER05857_3A_prokka|PROKKA_01284
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01288
Name: ER05857_3A_prokka|PROKKA_01288
Description: ER05857_3A_prokka|PROKKA_01288
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01312
Name: ER05857_3A_prokka|PROKKA_01312
Description: ER05857_3A_prokka|PROKKA_01312
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01406
Name: ER05857_3A_prokka|PROKKA_01406
Description: ER05857_3A_prokka|PROKKA_01406
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01418
Name: ER05857_3A_prokka|PROKKA_01418
Description: ER05857_3A_prokka|PROKKA_01418
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01465
Name: ER05857_3A_prokka|PROKKA_01465
Description: ER05857_3A_prokka|PROKKA_01465
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01473
Name: ER05857_3A_prokka|PROKKA_01473
Description: ER05857_3A_prokka|PROKKA_01473
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01492
Name: ER05857_3A_prokka|PROKKA_01492
Description: ER05857_3A_prokka|PROKKA_01492
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01507
Name: ER05857_3A_prokka|PROKKA_01507
Description: ER05857_3A_prokka|PROKKA_01507
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01515
Name: ER05857_3A_prokka|PROKKA_01515
Description: ER05857_3A_prokka|PROKKA_01515
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01520
Name: ER05857_3A_prokka|PROKKA_01520
Description: ER05857_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01547
Name: ER05857_3A_prokka|PROKKA_01547
Description: ER05857_3A_prokka|PROKKA_01547
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01550
Name: ER05857_3A_prokka|PROKKA_01550
Description: ER05857_3A_prokka|PROKKA_01550
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01586
Name: ER05857_3A_prokka|PROKKA_01586
Description: ER05857_3A_prokka|PROKKA_01586
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01661
Name: ER05857_3A_prokka|PROKKA_01661
Description: ER05857_3A_prokka|PROKKA_01661
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01830
Name: ER05857_3A_prokka|PROKKA_01830
Description: ER05857_3A_prokka|PROKKA_01830
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01845
Name: ER05857_3A_prokka|PROKKA_01845
Description: ER05857_3A_prokka|PROKKA_01845
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01887
Name: ER05857_3A_prokka|PROKKA_01887
Description: ER05857_3A_prokka|PROKKA_01887
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01939
Name: ER05857_3A_prokka|PROKKA_01939
Description: ER05857_3A_prokka|PROKKA_01939
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02011
Name: ER05857_3A_prokka|PROKKA_02011
Description: ER05857_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02015
Name: ER05857_3A_prokka|PROKKA_02015
Description: ER05857_3A_prokka|PROKKA_02015
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02031
Name: ER05857_3A_prokka|PROKKA_02031
Description: ER05857_3A_prokka|PROKKA_02031
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02049
Name: ER05857_3A_prokka|PROKKA_02049
Description: ER05857_3A_prokka|PROKKA_02049
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02055
Name: ER05857_3A_prokka|PROKKA_02055
Description: ER05857_3A_prokka|PROKKA_02055
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02060
Name: ER05857_3A_prokka|PROKKA_02060
Description: ER05857_3A_prokka|PROKKA_02060
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02076
Name: ER05857_3A_prokka|PROKKA_02076
Description: ER05857_3A_prokka|PROKKA_02076
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02078
Name: ER05857_3A_prokka|PROKKA_02078
Description: ER05857_3A_prokka|PROKKA_02078
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02128
Name: ER05857_3A_prokka|PROKKA_02128
Description: ER05857_3A_prokka|PROKKA_02128
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02253
Name: ER05857_3A_prokka|PROKKA_02253
Description: ER05857_3A_prokka|PROKKA_02253
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02266
Name: ER05857_3A_prokka|PROKKA_02266
Description: ER05857_3A_prokka|PROKKA_02266
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02297
Name: ER05857_3A_prokka|PROKKA_02297
Description: ER05857_3A_prokka|PROKKA_02297
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02451
Name: ER05857_3A_prokka|PROKKA_02451
Description: ER05857_3A_prokka|PROKKA_02451
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02515
Name: ER05857_3A_prokka|PROKKA_02515
Description: ER05857_3A_prokka|PROKKA_02515
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02624
Name: ER05857_3A_prokka|PROKKA_02624
Description: ER05857_3A_prokka|PROKKA_02624
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02663
Name: ER05857_3A_prokka|PROKKA_02663
Description: ER05857_3A_prokka|PROKKA_02663
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02747
Name: ER05857_3A_prokka|PROKKA_02747
Description: ER05857_3A_prokka|PROKKA_02747
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00040
Name: ER05911_3A_prokka|PROKKA_00040
Description: ER05911_3A_prokka|PROKKA_00040
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00043
Name: ER05911_3A_prokka|PROKKA_00043
Description: ER05911_3A_prokka|PROKKA_00043
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00047
Name: ER05911_3A_prokka|PROKKA_00047
Description: ER05911_3A_prokka|PROKKA_00047
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00068
Name: ER05911_3A_prokka|PROKKA_00068
Description: ER05911_3A_prokka|PROKKA_00068
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00086
Name: ER05911_3A_prokka|PROKKA_00086
Description: ER05911_3A_prokka|PROKKA_00086
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00253
Name: ER05911_3A_prokka|PROKKA_00253
Description: ER05911_3A_prokka|PROKKA_00253
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00377
Name: ER05911_3A_prokka|PROKKA_00377
Description: ER05911_3A_prokka|PROKKA_00377
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00394
Name: ER05911_3A_prokka|PROKKA_00394
Description: ER05911_3A_prokka|PROKKA_00394
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00560
Name: ER05911_3A_prokka|PROKKA_00560
Description: ER05911_3A_prokka|PROKKA_00560
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00679
Name: ER05911_3A_prokka|PROKKA_00679
Description: ER05911_3A_prokka|PROKKA_00679
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00790
Name: ER05911_3A_prokka|PROKKA_00790
Description: ER05911_3A_prokka|PROKKA_00790
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00821
Name: ER05911_3A_prokka|PROKKA_00821
Description: ER05911_3A_prokka|PROKKA_00821
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00825
Name: ER05911_3A_prokka|PROKKA_00825
Description: ER05911_3A_prokka|PROKKA_00825
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00841
Name: ER05911_3A_prokka|PROKKA_00841
Description: ER05911_3A_prokka|PROKKA_00841
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00871
Name: ER05911_3A_prokka|PROKKA_00871
Description: ER05911_3A_prokka|PROKKA_00871
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00872
Name: ER05911_3A_prokka|PROKKA_00872
Description: ER05911_3A_prokka|PROKKA_00872
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00874
Name: ER05911_3A_prokka|PROKKA_00874
Description: ER05911_3A_prokka|PROKKA_00874
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00926
Name: ER05911_3A_prokka|PROKKA_00926
Description: ER05911_3A_prokka|PROKKA_00926
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00968
Name: ER05911_3A_prokka|PROKKA_00968
Description: ER05911_3A_prokka|PROKKA_00968
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00982
Name: ER05911_3A_prokka|PROKKA_00982
Description: ER05911_3A_prokka|PROKKA_00982
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00994
Name: ER05911_3A_prokka|PROKKA_00994
Description: ER05911_3A_prokka|PROKKA_00994
Number of features: 0
Seq('MDFIKRKRMPIESFTHQFEEITYLSDDLQVKALMMTPHHEVNRIVVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01152
Name: ER05911_3A_prokka|PROKKA_01152
Description: ER05911_3A_prokka|PROKKA_01152
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01226
Name: ER05911_3A_prokka|PROKKA_01226
Description: ER05911_3A_prokka|PROKKA_01226
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01261
Name: ER05911_3A_prokka|PROKKA_01261
Description: ER05911_3A_prokka|PROKKA_01261
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01264
Name: ER05911_3A_prokka|PROKKA_01264
Description: ER05911_3A_prokka|PROKKA_01264
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01291
Name: ER05911_3A_prokka|PROKKA_01291
Description: ER05911_3A_prokka|PROKKA_01291
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01296
Name: ER05911_3A_prokka|PROKKA_01296
Description: ER05911_3A_prokka|PROKKA_01296
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01304
Name: ER05911_3A_prokka|PROKKA_01304
Description: ER05911_3A_prokka|PROKKA_01304
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01319
Name: ER05911_3A_prokka|PROKKA_01319
Description: ER05911_3A_prokka|PROKKA_01319
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01338
Name: ER05911_3A_prokka|PROKKA_01338
Description: ER05911_3A_prokka|PROKKA_01338
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01346
Name: ER05911_3A_prokka|PROKKA_01346
Description: ER05911_3A_prokka|PROKKA_01346
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01393
Name: ER05911_3A_prokka|PROKKA_01393
Description: ER05911_3A_prokka|PROKKA_01393
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01405
Name: ER05911_3A_prokka|PROKKA_01405
Description: ER05911_3A_prokka|PROKKA_01405
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01498
Name: ER05911_3A_prokka|PROKKA_01498
Description: ER05911_3A_prokka|PROKKA_01498
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01522
Name: ER05911_3A_prokka|PROKKA_01522
Description: ER05911_3A_prokka|PROKKA_01522
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01526
Name: ER05911_3A_prokka|PROKKA_01526
Description: ER05911_3A_prokka|PROKKA_01526
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01662
Name: ER05911_3A_prokka|PROKKA_01662
Description: ER05911_3A_prokka|PROKKA_01662
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01663
Name: ER05911_3A_prokka|PROKKA_01663
Description: ER05911_3A_prokka|PROKKA_01663
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01675
Name: ER05911_3A_prokka|PROKKA_01675
Description: ER05911_3A_prokka|PROKKA_01675
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01741
Name: ER05911_3A_prokka|PROKKA_01741
Description: ER05911_3A_prokka|PROKKA_01741
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01760
Name: ER05911_3A_prokka|PROKKA_01760
Description: ER05911_3A_prokka|PROKKA_01760
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01761
Name: ER05911_3A_prokka|PROKKA_01761
Description: ER05911_3A_prokka|PROKKA_01761
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01769
Name: ER05911_3A_prokka|PROKKA_01769
Description: ER05911_3A_prokka|PROKKA_01769
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01818
Name: ER05911_3A_prokka|PROKKA_01818
Description: ER05911_3A_prokka|PROKKA_01818
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKNRRY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01819
Name: ER05911_3A_prokka|PROKKA_01819
Description: ER05911_3A_prokka|PROKKA_01819
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01836
Name: ER05911_3A_prokka|PROKKA_01836
Description: ER05911_3A_prokka|PROKKA_01836
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01859
Name: ER05911_3A_prokka|PROKKA_01859
Description: ER05911_3A_prokka|PROKKA_01859
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01964
Name: ER05911_3A_prokka|PROKKA_01964
Description: ER05911_3A_prokka|PROKKA_01964
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01979
Name: ER05911_3A_prokka|PROKKA_01979
Description: ER05911_3A_prokka|PROKKA_01979
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01980
Name: ER05911_3A_prokka|PROKKA_01980
Description: ER05911_3A_prokka|PROKKA_01980
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02011
Name: ER05911_3A_prokka|PROKKA_02011
Description: ER05911_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02037
Name: ER05911_3A_prokka|PROKKA_02037
Description: ER05911_3A_prokka|PROKKA_02037
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02042
Name: ER05911_3A_prokka|PROKKA_02042
Description: ER05911_3A_prokka|PROKKA_02042
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02118
Name: ER05911_3A_prokka|PROKKA_02118
Description: ER05911_3A_prokka|PROKKA_02118
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02120
Name: ER05911_3A_prokka|PROKKA_02120
Description: ER05911_3A_prokka|PROKKA_02120
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02172
Name: ER05911_3A_prokka|PROKKA_02172
Description: ER05911_3A_prokka|PROKKA_02172
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02280
Name: ER05911_3A_prokka|PROKKA_02280
Description: ER05911_3A_prokka|PROKKA_02280
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02299
Name: ER05911_3A_prokka|PROKKA_02299
Description: ER05911_3A_prokka|PROKKA_02299
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02312
Name: ER05911_3A_prokka|PROKKA_02312
Description: ER05911_3A_prokka|PROKKA_02312
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02344
Name: ER05911_3A_prokka|PROKKA_02344
Description: ER05911_3A_prokka|PROKKA_02344
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02491
Name: ER05911_3A_prokka|PROKKA_02491
Description: ER05911_3A_prokka|PROKKA_02491
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02500
Name: ER05911_3A_prokka|PROKKA_02500
Description: ER05911_3A_prokka|PROKKA_02500
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02564
Name: ER05911_3A_prokka|PROKKA_02564
Description: ER05911_3A_prokka|PROKKA_02564
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02672
Name: ER05911_3A_prokka|PROKKA_02672
Description: ER05911_3A_prokka|PROKKA_02672
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02710
Name: ER05911_3A_prokka|PROKKA_02710
Description: ER05911_3A_prokka|PROKKA_02710
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02794
Name: ER05911_3A_prokka|PROKKA_02794
Description: ER05911_3A_prokka|PROKKA_02794
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02810
Name: ER05911_3A_prokka|PROKKA_02810
Description: ER05911_3A_prokka|PROKKA_02810
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00023
Name: ER05916_3A_prokka|PROKKA_00023
Description: ER05916_3A_prokka|PROKKA_00023
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00079
Name: ER05916_3A_prokka|PROKKA_00079
Description: ER05916_3A_prokka|PROKKA_00079
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00088
Name: ER05916_3A_prokka|PROKKA_00088
Description: ER05916_3A_prokka|PROKKA_00088
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00109
Name: ER05916_3A_prokka|PROKKA_00109
Description: ER05916_3A_prokka|PROKKA_00109
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00199
Name: ER05916_3A_prokka|PROKKA_00199
Description: ER05916_3A_prokka|PROKKA_00199
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00298
Name: ER05916_3A_prokka|PROKKA_00298
Description: ER05916_3A_prokka|PROKKA_00298
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00350
Name: ER05916_3A_prokka|PROKKA_00350
Description: ER05916_3A_prokka|PROKKA_00350
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00449
Name: ER05916_3A_prokka|PROKKA_00449
Description: ER05916_3A_prokka|PROKKA_00449
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00487
Name: ER05916_3A_prokka|PROKKA_00487
Description: ER05916_3A_prokka|PROKKA_00487
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00511
Name: ER05916_3A_prokka|PROKKA_00511
Description: ER05916_3A_prokka|PROKKA_00511
Number of features: 0
Seq('MYISRLVKPIGIKVTRLAQGLSVGGDLEYADEVTLSKAIAGRTEM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00618
Name: ER05916_3A_prokka|PROKKA_00618
Description: ER05916_3A_prokka|PROKKA_00618
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00654
Name: ER05916_3A_prokka|PROKKA_00654
Description: ER05916_3A_prokka|PROKKA_00654
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00763
Name: ER05916_3A_prokka|PROKKA_00763
Description: ER05916_3A_prokka|PROKKA_00763
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00917
Name: ER05916_3A_prokka|PROKKA_00917
Description: ER05916_3A_prokka|PROKKA_00917
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01025
Name: ER05916_3A_prokka|PROKKA_01025
Description: ER05916_3A_prokka|PROKKA_01025
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01064
Name: ER05916_3A_prokka|PROKKA_01064
Description: ER05916_3A_prokka|PROKKA_01064
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01144
Name: ER05916_3A_prokka|PROKKA_01144
Description: ER05916_3A_prokka|PROKKA_01144
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01157
Name: ER05916_3A_prokka|PROKKA_01157
Description: ER05916_3A_prokka|PROKKA_01157
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01158
Name: ER05916_3A_prokka|PROKKA_01158
Description: ER05916_3A_prokka|PROKKA_01158
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01292
Name: ER05916_3A_prokka|PROKKA_01292
Description: ER05916_3A_prokka|PROKKA_01292
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01296
Name: ER05916_3A_prokka|PROKKA_01296
Description: ER05916_3A_prokka|PROKKA_01296
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01300
Name: ER05916_3A_prokka|PROKKA_01300
Description: ER05916_3A_prokka|PROKKA_01300
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01302
Name: ER05916_3A_prokka|PROKKA_01302
Description: ER05916_3A_prokka|PROKKA_01302
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01326
Name: ER05916_3A_prokka|PROKKA_01326
Description: ER05916_3A_prokka|PROKKA_01326
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01422
Name: ER05916_3A_prokka|PROKKA_01422
Description: ER05916_3A_prokka|PROKKA_01422
Number of features: 0
Seq('MGLNTEDDEKSAYNNVQVWDGAQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01434
Name: ER05916_3A_prokka|PROKKA_01434
Description: ER05916_3A_prokka|PROKKA_01434
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01484
Name: ER05916_3A_prokka|PROKKA_01484
Description: ER05916_3A_prokka|PROKKA_01484
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01492
Name: ER05916_3A_prokka|PROKKA_01492
Description: ER05916_3A_prokka|PROKKA_01492
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01512
Name: ER05916_3A_prokka|PROKKA_01512
Description: ER05916_3A_prokka|PROKKA_01512
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01540
Name: ER05916_3A_prokka|PROKKA_01540
Description: ER05916_3A_prokka|PROKKA_01540
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01567
Name: ER05916_3A_prokka|PROKKA_01567
Description: ER05916_3A_prokka|PROKKA_01567
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01604
Name: ER05916_3A_prokka|PROKKA_01604
Description: ER05916_3A_prokka|PROKKA_01604
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01675
Name: ER05916_3A_prokka|PROKKA_01675
Description: ER05916_3A_prokka|PROKKA_01675
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01840
Name: ER05916_3A_prokka|PROKKA_01840
Description: ER05916_3A_prokka|PROKKA_01840
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01847
Name: ER05916_3A_prokka|PROKKA_01847
Description: ER05916_3A_prokka|PROKKA_01847
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01866
Name: ER05916_3A_prokka|PROKKA_01866
Description: ER05916_3A_prokka|PROKKA_01866
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01901
Name: ER05916_3A_prokka|PROKKA_01901
Description: ER05916_3A_prokka|PROKKA_01901
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01953
Name: ER05916_3A_prokka|PROKKA_01953
Description: ER05916_3A_prokka|PROKKA_01953
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02025
Name: ER05916_3A_prokka|PROKKA_02025
Description: ER05916_3A_prokka|PROKKA_02025
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02029
Name: ER05916_3A_prokka|PROKKA_02029
Description: ER05916_3A_prokka|PROKKA_02029
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02045
Name: ER05916_3A_prokka|PROKKA_02045
Description: ER05916_3A_prokka|PROKKA_02045
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02065
Name: ER05916_3A_prokka|PROKKA_02065
Description: ER05916_3A_prokka|PROKKA_02065
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02095
Name: ER05916_3A_prokka|PROKKA_02095
Description: ER05916_3A_prokka|PROKKA_02095
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02097
Name: ER05916_3A_prokka|PROKKA_02097
Description: ER05916_3A_prokka|PROKKA_02097
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02146
Name: ER05916_3A_prokka|PROKKA_02146
Description: ER05916_3A_prokka|PROKKA_02146
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02266
Name: ER05916_3A_prokka|PROKKA_02266
Description: ER05916_3A_prokka|PROKKA_02266
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02290
Name: ER05916_3A_prokka|PROKKA_02290
Description: ER05916_3A_prokka|PROKKA_02290
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02321
Name: ER05916_3A_prokka|PROKKA_02321
Description: ER05916_3A_prokka|PROKKA_02321
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02430
Name: ER05916_3A_prokka|PROKKA_02430
Description: ER05916_3A_prokka|PROKKA_02430
Number of features: 0
Seq('MKRLVTGLLALSLFLAACGQDSDQQKDGNKEKDDKAKTEQQDKKNK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02477
Name: ER05916_3A_prokka|PROKKA_02477
Description: ER05916_3A_prokka|PROKKA_02477
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02688
Name: ER05916_3A_prokka|PROKKA_02688
Description: ER05916_3A_prokka|PROKKA_02688
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02775
Name: ER05916_3A_prokka|PROKKA_02775
Description: ER05916_3A_prokka|PROKKA_02775
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00056
Name: ER05931_3A_prokka|PROKKA_00056
Description: ER05931_3A_prokka|PROKKA_00056
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00074
Name: ER05931_3A_prokka|PROKKA_00074
Description: ER05931_3A_prokka|PROKKA_00074
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00241
Name: ER05931_3A_prokka|PROKKA_00241
Description: ER05931_3A_prokka|PROKKA_00241
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00365
Name: ER05931_3A_prokka|PROKKA_00365
Description: ER05931_3A_prokka|PROKKA_00365
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00382
Name: ER05931_3A_prokka|PROKKA_00382
Description: ER05931_3A_prokka|PROKKA_00382
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00547
Name: ER05931_3A_prokka|PROKKA_00547
Description: ER05931_3A_prokka|PROKKA_00547
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00777
Name: ER05931_3A_prokka|PROKKA_00777
Description: ER05931_3A_prokka|PROKKA_00777
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00808
Name: ER05931_3A_prokka|PROKKA_00808
Description: ER05931_3A_prokka|PROKKA_00808
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00812
Name: ER05931_3A_prokka|PROKKA_00812
Description: ER05931_3A_prokka|PROKKA_00812
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00828
Name: ER05931_3A_prokka|PROKKA_00828
Description: ER05931_3A_prokka|PROKKA_00828
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00859
Name: ER05931_3A_prokka|PROKKA_00859
Description: ER05931_3A_prokka|PROKKA_00859
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00860
Name: ER05931_3A_prokka|PROKKA_00860
Description: ER05931_3A_prokka|PROKKA_00860
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00875
Name: ER05931_3A_prokka|PROKKA_00875
Description: ER05931_3A_prokka|PROKKA_00875
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00980
Name: ER05931_3A_prokka|PROKKA_00980
Description: ER05931_3A_prokka|PROKKA_00980
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01020
Name: ER05931_3A_prokka|PROKKA_01020
Description: ER05931_3A_prokka|PROKKA_01020
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01102
Name: ER05931_3A_prokka|PROKKA_01102
Description: ER05931_3A_prokka|PROKKA_01102
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01114
Name: ER05931_3A_prokka|PROKKA_01114
Description: ER05931_3A_prokka|PROKKA_01114
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01115
Name: ER05931_3A_prokka|PROKKA_01115
Description: ER05931_3A_prokka|PROKKA_01115
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01251
Name: ER05931_3A_prokka|PROKKA_01251
Description: ER05931_3A_prokka|PROKKA_01251
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01255
Name: ER05931_3A_prokka|PROKKA_01255
Description: ER05931_3A_prokka|PROKKA_01255
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01279
Name: ER05931_3A_prokka|PROKKA_01279
Description: ER05931_3A_prokka|PROKKA_01279
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01372
Name: ER05931_3A_prokka|PROKKA_01372
Description: ER05931_3A_prokka|PROKKA_01372
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01384
Name: ER05931_3A_prokka|PROKKA_01384
Description: ER05931_3A_prokka|PROKKA_01384
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01451
Name: ER05931_3A_prokka|PROKKA_01451
Description: ER05931_3A_prokka|PROKKA_01451
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01454
Name: ER05931_3A_prokka|PROKKA_01454
Description: ER05931_3A_prokka|PROKKA_01454
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01489
Name: ER05931_3A_prokka|PROKKA_01489
Description: ER05931_3A_prokka|PROKKA_01489
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01562
Name: ER05931_3A_prokka|PROKKA_01562
Description: ER05931_3A_prokka|PROKKA_01562
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01731
Name: ER05931_3A_prokka|PROKKA_01731
Description: ER05931_3A_prokka|PROKKA_01731
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01745
Name: ER05931_3A_prokka|PROKKA_01745
Description: ER05931_3A_prokka|PROKKA_01745
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01787
Name: ER05931_3A_prokka|PROKKA_01787
Description: ER05931_3A_prokka|PROKKA_01787
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01838
Name: ER05931_3A_prokka|PROKKA_01838
Description: ER05931_3A_prokka|PROKKA_01838
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01912
Name: ER05931_3A_prokka|PROKKA_01912
Description: ER05931_3A_prokka|PROKKA_01912
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01914
Name: ER05931_3A_prokka|PROKKA_01914
Description: ER05931_3A_prokka|PROKKA_01914
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01964
Name: ER05931_3A_prokka|PROKKA_01964
Description: ER05931_3A_prokka|PROKKA_01964
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_02089
Name: ER05931_3A_prokka|PROKKA_02089
Description: ER05931_3A_prokka|PROKKA_02089
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_02102
Name: ER05931_3A_prokka|PROKKA_02102
Description: ER05931_3A_prokka|PROKKA_02102
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_02133
Name: ER05931_3A_prokka|PROKKA_02133
Description: ER05931_3A_prokka|PROKKA_02133
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_02279
Name: ER05931_3A_prokka|PROKKA_02279
Description: ER05931_3A_prokka|PROKKA_02279
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_02288
Name: ER05931_3A_prokka|PROKKA_02288
Description: ER05931_3A_prokka|PROKKA_02288
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_02352
Name: ER05931_3A_prokka|PROKKA_02352
Description: ER05931_3A_prokka|PROKKA_02352
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_02464
Name: ER05931_3A_prokka|PROKKA_02464
Description: ER05931_3A_prokka|PROKKA_02464
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_02502
Name: ER05931_3A_prokka|PROKKA_02502
Description: ER05931_3A_prokka|PROKKA_02502
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_02586
Name: ER05931_3A_prokka|PROKKA_02586
Description: ER05931_3A_prokka|PROKKA_02586
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_02601
Name: ER05931_3A_prokka|PROKKA_02601
Description: ER05931_3A_prokka|PROKKA_02601
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00051
Name: ER05949_3A_prokka|PROKKA_00051
Description: ER05949_3A_prokka|PROKKA_00051
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00070
Name: ER05949_3A_prokka|PROKKA_00070
Description: ER05949_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00238
Name: ER05949_3A_prokka|PROKKA_00238
Description: ER05949_3A_prokka|PROKKA_00238
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00257
Name: ER05949_3A_prokka|PROKKA_00257
Description: ER05949_3A_prokka|PROKKA_00257
Number of features: 0
Seq('MSKEAGHTFLAKLGKTRLRPGGKEATDWLIQQGHFHKINKC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00364
Name: ER05949_3A_prokka|PROKKA_00364
Description: ER05949_3A_prokka|PROKKA_00364
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00381
Name: ER05949_3A_prokka|PROKKA_00381
Description: ER05949_3A_prokka|PROKKA_00381
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00551
Name: ER05949_3A_prokka|PROKKA_00551
Description: ER05949_3A_prokka|PROKKA_00551
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00781
Name: ER05949_3A_prokka|PROKKA_00781
Description: ER05949_3A_prokka|PROKKA_00781
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00812
Name: ER05949_3A_prokka|PROKKA_00812
Description: ER05949_3A_prokka|PROKKA_00812
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00816
Name: ER05949_3A_prokka|PROKKA_00816
Description: ER05949_3A_prokka|PROKKA_00816
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00832
Name: ER05949_3A_prokka|PROKKA_00832
Description: ER05949_3A_prokka|PROKKA_00832
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00863
Name: ER05949_3A_prokka|PROKKA_00863
Description: ER05949_3A_prokka|PROKKA_00863
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00864
Name: ER05949_3A_prokka|PROKKA_00864
Description: ER05949_3A_prokka|PROKKA_00864
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00879
Name: ER05949_3A_prokka|PROKKA_00879
Description: ER05949_3A_prokka|PROKKA_00879
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00984
Name: ER05949_3A_prokka|PROKKA_00984
Description: ER05949_3A_prokka|PROKKA_00984
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01024
Name: ER05949_3A_prokka|PROKKA_01024
Description: ER05949_3A_prokka|PROKKA_01024
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01025
Name: ER05949_3A_prokka|PROKKA_01025
Description: ER05949_3A_prokka|PROKKA_01025
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01107
Name: ER05949_3A_prokka|PROKKA_01107
Description: ER05949_3A_prokka|PROKKA_01107
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01120
Name: ER05949_3A_prokka|PROKKA_01120
Description: ER05949_3A_prokka|PROKKA_01120
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01121
Name: ER05949_3A_prokka|PROKKA_01121
Description: ER05949_3A_prokka|PROKKA_01121
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01257
Name: ER05949_3A_prokka|PROKKA_01257
Description: ER05949_3A_prokka|PROKKA_01257
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01261
Name: ER05949_3A_prokka|PROKKA_01261
Description: ER05949_3A_prokka|PROKKA_01261
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01285
Name: ER05949_3A_prokka|PROKKA_01285
Description: ER05949_3A_prokka|PROKKA_01285
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01379
Name: ER05949_3A_prokka|PROKKA_01379
Description: ER05949_3A_prokka|PROKKA_01379
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01384
Name: ER05949_3A_prokka|PROKKA_01384
Description: ER05949_3A_prokka|PROKKA_01384
Number of features: 0
Seq('MSNGKELQKNIGFFSAFAIVMGQLLVQEYSLKYQT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01392
Name: ER05949_3A_prokka|PROKKA_01392
Description: ER05949_3A_prokka|PROKKA_01392
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01439
Name: ER05949_3A_prokka|PROKKA_01439
Description: ER05949_3A_prokka|PROKKA_01439
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01447
Name: ER05949_3A_prokka|PROKKA_01447
Description: ER05949_3A_prokka|PROKKA_01447
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01466
Name: ER05949_3A_prokka|PROKKA_01466
Description: ER05949_3A_prokka|PROKKA_01466
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEEPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01487
Name: ER05949_3A_prokka|PROKKA_01487
Description: ER05949_3A_prokka|PROKKA_01487
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01495
Name: ER05949_3A_prokka|PROKKA_01495
Description: ER05949_3A_prokka|PROKKA_01495
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01500
Name: ER05949_3A_prokka|PROKKA_01500
Description: ER05949_3A_prokka|PROKKA_01500
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASQKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01527
Name: ER05949_3A_prokka|PROKKA_01527
Description: ER05949_3A_prokka|PROKKA_01527
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01530
Name: ER05949_3A_prokka|PROKKA_01530
Description: ER05949_3A_prokka|PROKKA_01530
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01565
Name: ER05949_3A_prokka|PROKKA_01565
Description: ER05949_3A_prokka|PROKKA_01565
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01637
Name: ER05949_3A_prokka|PROKKA_01637
Description: ER05949_3A_prokka|PROKKA_01637
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01807
Name: ER05949_3A_prokka|PROKKA_01807
Description: ER05949_3A_prokka|PROKKA_01807
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01822
Name: ER05949_3A_prokka|PROKKA_01822
Description: ER05949_3A_prokka|PROKKA_01822
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01865
Name: ER05949_3A_prokka|PROKKA_01865
Description: ER05949_3A_prokka|PROKKA_01865
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01917
Name: ER05949_3A_prokka|PROKKA_01917
Description: ER05949_3A_prokka|PROKKA_01917
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01992
Name: ER05949_3A_prokka|PROKKA_01992
Description: ER05949_3A_prokka|PROKKA_01992
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01994
Name: ER05949_3A_prokka|PROKKA_01994
Description: ER05949_3A_prokka|PROKKA_01994
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02044
Name: ER05949_3A_prokka|PROKKA_02044
Description: ER05949_3A_prokka|PROKKA_02044
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02169
Name: ER05949_3A_prokka|PROKKA_02169
Description: ER05949_3A_prokka|PROKKA_02169
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02184
Name: ER05949_3A_prokka|PROKKA_02184
Description: ER05949_3A_prokka|PROKKA_02184
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02216
Name: ER05949_3A_prokka|PROKKA_02216
Description: ER05949_3A_prokka|PROKKA_02216
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02373
Name: ER05949_3A_prokka|PROKKA_02373
Description: ER05949_3A_prokka|PROKKA_02373
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02419
Name: ER05949_3A_prokka|PROKKA_02419
Description: ER05949_3A_prokka|PROKKA_02419
Number of features: 0
Seq('MAIHGSGTEMIFSKNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02421
Name: ER05949_3A_prokka|PROKKA_02421
Description: ER05949_3A_prokka|PROKKA_02421
Number of features: 0
Seq('MKGAMAWPFLRLYILTLMFFSANAILNVFIPLRGHDLGATNTVIGIVMGHTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02440
Name: ER05949_3A_prokka|PROKKA_02440
Description: ER05949_3A_prokka|PROKKA_02440
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02550
Name: ER05949_3A_prokka|PROKKA_02550
Description: ER05949_3A_prokka|PROKKA_02550
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02591
Name: ER05949_3A_prokka|PROKKA_02591
Description: ER05949_3A_prokka|PROKKA_02591
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02671
Name: ER05949_3A_prokka|PROKKA_02671
Description: ER05949_3A_prokka|PROKKA_02671
Number of features: 0
Seq('MIFSQNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEHRTLIYVPA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02677
Name: ER05949_3A_prokka|PROKKA_02677
Description: ER05949_3A_prokka|PROKKA_02677
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02687
Name: ER05949_3A_prokka|PROKKA_02687
Description: ER05949_3A_prokka|PROKKA_02687
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02697
Name: ER05949_3A_prokka|PROKKA_02697
Description: ER05949_3A_prokka|PROKKA_02697
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02701
Name: ER05949_3A_prokka|PROKKA_02701
Description: ER05949_3A_prokka|PROKKA_02701
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00015
Name: ER06009_3A_prokka|PROKKA_00015
Description: ER06009_3A_prokka|PROKKA_00015
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00019
Name: ER06009_3A_prokka|PROKKA_00019
Description: ER06009_3A_prokka|PROKKA_00019
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00029
Name: ER06009_3A_prokka|PROKKA_00029
Description: ER06009_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00085
Name: ER06009_3A_prokka|PROKKA_00085
Description: ER06009_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00103
Name: ER06009_3A_prokka|PROKKA_00103
Description: ER06009_3A_prokka|PROKKA_00103
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00269
Name: ER06009_3A_prokka|PROKKA_00269
Description: ER06009_3A_prokka|PROKKA_00269
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00394
Name: ER06009_3A_prokka|PROKKA_00394
Description: ER06009_3A_prokka|PROKKA_00394
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00411
Name: ER06009_3A_prokka|PROKKA_00411
Description: ER06009_3A_prokka|PROKKA_00411
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00576
Name: ER06009_3A_prokka|PROKKA_00576
Description: ER06009_3A_prokka|PROKKA_00576
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00805
Name: ER06009_3A_prokka|PROKKA_00805
Description: ER06009_3A_prokka|PROKKA_00805
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00836
Name: ER06009_3A_prokka|PROKKA_00836
Description: ER06009_3A_prokka|PROKKA_00836
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00840
Name: ER06009_3A_prokka|PROKKA_00840
Description: ER06009_3A_prokka|PROKKA_00840
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00856
Name: ER06009_3A_prokka|PROKKA_00856
Description: ER06009_3A_prokka|PROKKA_00856
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00887
Name: ER06009_3A_prokka|PROKKA_00887
Description: ER06009_3A_prokka|PROKKA_00887
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00888
Name: ER06009_3A_prokka|PROKKA_00888
Description: ER06009_3A_prokka|PROKKA_00888
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00903
Name: ER06009_3A_prokka|PROKKA_00903
Description: ER06009_3A_prokka|PROKKA_00903
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01008
Name: ER06009_3A_prokka|PROKKA_01008
Description: ER06009_3A_prokka|PROKKA_01008
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01047
Name: ER06009_3A_prokka|PROKKA_01047
Description: ER06009_3A_prokka|PROKKA_01047
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01048
Name: ER06009_3A_prokka|PROKKA_01048
Description: ER06009_3A_prokka|PROKKA_01048
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01130
Name: ER06009_3A_prokka|PROKKA_01130
Description: ER06009_3A_prokka|PROKKA_01130
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01142
Name: ER06009_3A_prokka|PROKKA_01142
Description: ER06009_3A_prokka|PROKKA_01142
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01143
Name: ER06009_3A_prokka|PROKKA_01143
Description: ER06009_3A_prokka|PROKKA_01143
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01279
Name: ER06009_3A_prokka|PROKKA_01279
Description: ER06009_3A_prokka|PROKKA_01279
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01283
Name: ER06009_3A_prokka|PROKKA_01283
Description: ER06009_3A_prokka|PROKKA_01283
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01307
Name: ER06009_3A_prokka|PROKKA_01307
Description: ER06009_3A_prokka|PROKKA_01307
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01400
Name: ER06009_3A_prokka|PROKKA_01400
Description: ER06009_3A_prokka|PROKKA_01400
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01412
Name: ER06009_3A_prokka|PROKKA_01412
Description: ER06009_3A_prokka|PROKKA_01412
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01459
Name: ER06009_3A_prokka|PROKKA_01459
Description: ER06009_3A_prokka|PROKKA_01459
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01467
Name: ER06009_3A_prokka|PROKKA_01467
Description: ER06009_3A_prokka|PROKKA_01467
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01486
Name: ER06009_3A_prokka|PROKKA_01486
Description: ER06009_3A_prokka|PROKKA_01486
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01501
Name: ER06009_3A_prokka|PROKKA_01501
Description: ER06009_3A_prokka|PROKKA_01501
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01509
Name: ER06009_3A_prokka|PROKKA_01509
Description: ER06009_3A_prokka|PROKKA_01509
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01514
Name: ER06009_3A_prokka|PROKKA_01514
Description: ER06009_3A_prokka|PROKKA_01514
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01541
Name: ER06009_3A_prokka|PROKKA_01541
Description: ER06009_3A_prokka|PROKKA_01541
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01544
Name: ER06009_3A_prokka|PROKKA_01544
Description: ER06009_3A_prokka|PROKKA_01544
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01580
Name: ER06009_3A_prokka|PROKKA_01580
Description: ER06009_3A_prokka|PROKKA_01580
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01653
Name: ER06009_3A_prokka|PROKKA_01653
Description: ER06009_3A_prokka|PROKKA_01653
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01823
Name: ER06009_3A_prokka|PROKKA_01823
Description: ER06009_3A_prokka|PROKKA_01823
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01837
Name: ER06009_3A_prokka|PROKKA_01837
Description: ER06009_3A_prokka|PROKKA_01837
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01879
Name: ER06009_3A_prokka|PROKKA_01879
Description: ER06009_3A_prokka|PROKKA_01879
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01931
Name: ER06009_3A_prokka|PROKKA_01931
Description: ER06009_3A_prokka|PROKKA_01931
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02003
Name: ER06009_3A_prokka|PROKKA_02003
Description: ER06009_3A_prokka|PROKKA_02003
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02007
Name: ER06009_3A_prokka|PROKKA_02007
Description: ER06009_3A_prokka|PROKKA_02007
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02023
Name: ER06009_3A_prokka|PROKKA_02023
Description: ER06009_3A_prokka|PROKKA_02023
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02041
Name: ER06009_3A_prokka|PROKKA_02041
Description: ER06009_3A_prokka|PROKKA_02041
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02047
Name: ER06009_3A_prokka|PROKKA_02047
Description: ER06009_3A_prokka|PROKKA_02047
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02052
Name: ER06009_3A_prokka|PROKKA_02052
Description: ER06009_3A_prokka|PROKKA_02052
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02068
Name: ER06009_3A_prokka|PROKKA_02068
Description: ER06009_3A_prokka|PROKKA_02068
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02070
Name: ER06009_3A_prokka|PROKKA_02070
Description: ER06009_3A_prokka|PROKKA_02070
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02120
Name: ER06009_3A_prokka|PROKKA_02120
Description: ER06009_3A_prokka|PROKKA_02120
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02246
Name: ER06009_3A_prokka|PROKKA_02246
Description: ER06009_3A_prokka|PROKKA_02246
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02259
Name: ER06009_3A_prokka|PROKKA_02259
Description: ER06009_3A_prokka|PROKKA_02259
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02290
Name: ER06009_3A_prokka|PROKKA_02290
Description: ER06009_3A_prokka|PROKKA_02290
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02436
Name: ER06009_3A_prokka|PROKKA_02436
Description: ER06009_3A_prokka|PROKKA_02436
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02445
Name: ER06009_3A_prokka|PROKKA_02445
Description: ER06009_3A_prokka|PROKKA_02445
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02509
Name: ER06009_3A_prokka|PROKKA_02509
Description: ER06009_3A_prokka|PROKKA_02509
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02619
Name: ER06009_3A_prokka|PROKKA_02619
Description: ER06009_3A_prokka|PROKKA_02619
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02657
Name: ER06009_3A_prokka|PROKKA_02657
Description: ER06009_3A_prokka|PROKKA_02657
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02741
Name: ER06009_3A_prokka|PROKKA_02741
Description: ER06009_3A_prokka|PROKKA_02741
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00031
Name: ER06047_3A_prokka|PROKKA_00031
Description: ER06047_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00040
Name: ER06047_3A_prokka|PROKKA_00040
Description: ER06047_3A_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00124
Name: ER06047_3A_prokka|PROKKA_00124
Description: ER06047_3A_prokka|PROKKA_00124
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00228
Name: ER06047_3A_prokka|PROKKA_00228
Description: ER06047_3A_prokka|PROKKA_00228
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00280
Name: ER06047_3A_prokka|PROKKA_00280
Description: ER06047_3A_prokka|PROKKA_00280
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00378
Name: ER06047_3A_prokka|PROKKA_00378
Description: ER06047_3A_prokka|PROKKA_00378
Number of features: 0
Seq('MKLYLVYVTLTSFLTILLLAISNMYVAFSVYGMMATYGFNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00399
Name: ER06047_3A_prokka|PROKKA_00399
Description: ER06047_3A_prokka|PROKKA_00399
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00436
Name: ER06047_3A_prokka|PROKKA_00436
Description: ER06047_3A_prokka|PROKKA_00436
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00561
Name: ER06047_3A_prokka|PROKKA_00561
Description: ER06047_3A_prokka|PROKKA_00561
Number of features: 0
Seq('MDFNKENINMVDAKKAKKTVVATGIGNAM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00567
Name: ER06047_3A_prokka|PROKKA_00567
Description: ER06047_3A_prokka|PROKKA_00567
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00603
Name: ER06047_3A_prokka|PROKKA_00603
Description: ER06047_3A_prokka|PROKKA_00603
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00804
Name: ER06047_3A_prokka|PROKKA_00804
Description: ER06047_3A_prokka|PROKKA_00804
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00830
Name: ER06047_3A_prokka|PROKKA_00830
Description: ER06047_3A_prokka|PROKKA_00830
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00938
Name: ER06047_3A_prokka|PROKKA_00938
Description: ER06047_3A_prokka|PROKKA_00938
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00977
Name: ER06047_3A_prokka|PROKKA_00977
Description: ER06047_3A_prokka|PROKKA_00977
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00978
Name: ER06047_3A_prokka|PROKKA_00978
Description: ER06047_3A_prokka|PROKKA_00978
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01032
Name: ER06047_3A_prokka|PROKKA_01032
Description: ER06047_3A_prokka|PROKKA_01032
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01038
Name: ER06047_3A_prokka|PROKKA_01038
Description: ER06047_3A_prokka|PROKKA_01038
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01039
Name: ER06047_3A_prokka|PROKKA_01039
Description: ER06047_3A_prokka|PROKKA_01039
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFMYYKECFFKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01049
Name: ER06047_3A_prokka|PROKKA_01049
Description: ER06047_3A_prokka|PROKKA_01049
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01063
Name: ER06047_3A_prokka|PROKKA_01063
Description: ER06047_3A_prokka|PROKKA_01063
Number of features: 0
Seq('MMWLVIVIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01127
Name: ER06047_3A_prokka|PROKKA_01127
Description: ER06047_3A_prokka|PROKKA_01127
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01139
Name: ER06047_3A_prokka|PROKKA_01139
Description: ER06047_3A_prokka|PROKKA_01139
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01140
Name: ER06047_3A_prokka|PROKKA_01140
Description: ER06047_3A_prokka|PROKKA_01140
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01275
Name: ER06047_3A_prokka|PROKKA_01275
Description: ER06047_3A_prokka|PROKKA_01275
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01279
Name: ER06047_3A_prokka|PROKKA_01279
Description: ER06047_3A_prokka|PROKKA_01279
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01283
Name: ER06047_3A_prokka|PROKKA_01283
Description: ER06047_3A_prokka|PROKKA_01283
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01285
Name: ER06047_3A_prokka|PROKKA_01285
Description: ER06047_3A_prokka|PROKKA_01285
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01309
Name: ER06047_3A_prokka|PROKKA_01309
Description: ER06047_3A_prokka|PROKKA_01309
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01404
Name: ER06047_3A_prokka|PROKKA_01404
Description: ER06047_3A_prokka|PROKKA_01404
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01416
Name: ER06047_3A_prokka|PROKKA_01416
Description: ER06047_3A_prokka|PROKKA_01416
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01463
Name: ER06047_3A_prokka|PROKKA_01463
Description: ER06047_3A_prokka|PROKKA_01463
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01471
Name: ER06047_3A_prokka|PROKKA_01471
Description: ER06047_3A_prokka|PROKKA_01471
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01491
Name: ER06047_3A_prokka|PROKKA_01491
Description: ER06047_3A_prokka|PROKKA_01491
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01505
Name: ER06047_3A_prokka|PROKKA_01505
Description: ER06047_3A_prokka|PROKKA_01505
Number of features: 0
Seq('MTIKELEEKFNISRYFVVKHDRDWETGEIIDTCIVLDEYADHINIEVEEVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01511
Name: ER06047_3A_prokka|PROKKA_01511
Description: ER06047_3A_prokka|PROKKA_01511
Number of features: 0
Seq('MSDTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYGE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01519
Name: ER06047_3A_prokka|PROKKA_01519
Description: ER06047_3A_prokka|PROKKA_01519
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01524
Name: ER06047_3A_prokka|PROKKA_01524
Description: ER06047_3A_prokka|PROKKA_01524
Number of features: 0
Seq('MVDKNKKQEATRSNPLNKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01550
Name: ER06047_3A_prokka|PROKKA_01550
Description: ER06047_3A_prokka|PROKKA_01550
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01587
Name: ER06047_3A_prokka|PROKKA_01587
Description: ER06047_3A_prokka|PROKKA_01587
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01658
Name: ER06047_3A_prokka|PROKKA_01658
Description: ER06047_3A_prokka|PROKKA_01658
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01830
Name: ER06047_3A_prokka|PROKKA_01830
Description: ER06047_3A_prokka|PROKKA_01830
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01849
Name: ER06047_3A_prokka|PROKKA_01849
Description: ER06047_3A_prokka|PROKKA_01849
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01884
Name: ER06047_3A_prokka|PROKKA_01884
Description: ER06047_3A_prokka|PROKKA_01884
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01935
Name: ER06047_3A_prokka|PROKKA_01935
Description: ER06047_3A_prokka|PROKKA_01935
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02007
Name: ER06047_3A_prokka|PROKKA_02007
Description: ER06047_3A_prokka|PROKKA_02007
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02017
Name: ER06047_3A_prokka|PROKKA_02017
Description: ER06047_3A_prokka|PROKKA_02017
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02028
Name: ER06047_3A_prokka|PROKKA_02028
Description: ER06047_3A_prokka|PROKKA_02028
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02046
Name: ER06047_3A_prokka|PROKKA_02046
Description: ER06047_3A_prokka|PROKKA_02046
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02050
Name: ER06047_3A_prokka|PROKKA_02050
Description: ER06047_3A_prokka|PROKKA_02050
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02056
Name: ER06047_3A_prokka|PROKKA_02056
Description: ER06047_3A_prokka|PROKKA_02056
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02059
Name: ER06047_3A_prokka|PROKKA_02059
Description: ER06047_3A_prokka|PROKKA_02059
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02066
Name: ER06047_3A_prokka|PROKKA_02066
Description: ER06047_3A_prokka|PROKKA_02066
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02068
Name: ER06047_3A_prokka|PROKKA_02068
Description: ER06047_3A_prokka|PROKKA_02068
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02087
Name: ER06047_3A_prokka|PROKKA_02087
Description: ER06047_3A_prokka|PROKKA_02087
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02089
Name: ER06047_3A_prokka|PROKKA_02089
Description: ER06047_3A_prokka|PROKKA_02089
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02138
Name: ER06047_3A_prokka|PROKKA_02138
Description: ER06047_3A_prokka|PROKKA_02138
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02257
Name: ER06047_3A_prokka|PROKKA_02257
Description: ER06047_3A_prokka|PROKKA_02257
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02281
Name: ER06047_3A_prokka|PROKKA_02281
Description: ER06047_3A_prokka|PROKKA_02281
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02312
Name: ER06047_3A_prokka|PROKKA_02312
Description: ER06047_3A_prokka|PROKKA_02312
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02467
Name: ER06047_3A_prokka|PROKKA_02467
Description: ER06047_3A_prokka|PROKKA_02467
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02676
Name: ER06047_3A_prokka|PROKKA_02676
Description: ER06047_3A_prokka|PROKKA_02676
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02762
Name: ER06047_3A_prokka|PROKKA_02762
Description: ER06047_3A_prokka|PROKKA_02762
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00031
Name: ER06052_3A_prokka|PROKKA_00031
Description: ER06052_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00039
Name: ER06052_3A_prokka|PROKKA_00039
Description: ER06052_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00128
Name: ER06052_3A_prokka|PROKKA_00128
Description: ER06052_3A_prokka|PROKKA_00128
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00229
Name: ER06052_3A_prokka|PROKKA_00229
Description: ER06052_3A_prokka|PROKKA_00229
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00375
Name: ER06052_3A_prokka|PROKKA_00375
Description: ER06052_3A_prokka|PROKKA_00375
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00412
Name: ER06052_3A_prokka|PROKKA_00412
Description: ER06052_3A_prokka|PROKKA_00412
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00543
Name: ER06052_3A_prokka|PROKKA_00543
Description: ER06052_3A_prokka|PROKKA_00543
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00579
Name: ER06052_3A_prokka|PROKKA_00579
Description: ER06052_3A_prokka|PROKKA_00579
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00638
Name: ER06052_3A_prokka|PROKKA_00638
Description: ER06052_3A_prokka|PROKKA_00638
Number of features: 0
Seq('MAKSCLHILTNNEYATTRCQDGIVLFWPIDGEIELQKFRKSKIIEDDIYY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00780
Name: ER06052_3A_prokka|PROKKA_00780
Description: ER06052_3A_prokka|PROKKA_00780
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00792
Name: ER06052_3A_prokka|PROKKA_00792
Description: ER06052_3A_prokka|PROKKA_00792
Number of features: 0
Seq('MKMYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00810
Name: ER06052_3A_prokka|PROKKA_00810
Description: ER06052_3A_prokka|PROKKA_00810
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00811
Name: ER06052_3A_prokka|PROKKA_00811
Description: ER06052_3A_prokka|PROKKA_00811
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00832
Name: ER06052_3A_prokka|PROKKA_00832
Description: ER06052_3A_prokka|PROKKA_00832
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00940
Name: ER06052_3A_prokka|PROKKA_00940
Description: ER06052_3A_prokka|PROKKA_00940
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00979
Name: ER06052_3A_prokka|PROKKA_00979
Description: ER06052_3A_prokka|PROKKA_00979
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00980
Name: ER06052_3A_prokka|PROKKA_00980
Description: ER06052_3A_prokka|PROKKA_00980
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01060
Name: ER06052_3A_prokka|PROKKA_01060
Description: ER06052_3A_prokka|PROKKA_01060
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01072
Name: ER06052_3A_prokka|PROKKA_01072
Description: ER06052_3A_prokka|PROKKA_01072
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01073
Name: ER06052_3A_prokka|PROKKA_01073
Description: ER06052_3A_prokka|PROKKA_01073
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01208
Name: ER06052_3A_prokka|PROKKA_01208
Description: ER06052_3A_prokka|PROKKA_01208
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01212
Name: ER06052_3A_prokka|PROKKA_01212
Description: ER06052_3A_prokka|PROKKA_01212
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01216
Name: ER06052_3A_prokka|PROKKA_01216
Description: ER06052_3A_prokka|PROKKA_01216
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01218
Name: ER06052_3A_prokka|PROKKA_01218
Description: ER06052_3A_prokka|PROKKA_01218
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01242
Name: ER06052_3A_prokka|PROKKA_01242
Description: ER06052_3A_prokka|PROKKA_01242
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01337
Name: ER06052_3A_prokka|PROKKA_01337
Description: ER06052_3A_prokka|PROKKA_01337
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01349
Name: ER06052_3A_prokka|PROKKA_01349
Description: ER06052_3A_prokka|PROKKA_01349
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01396
Name: ER06052_3A_prokka|PROKKA_01396
Description: ER06052_3A_prokka|PROKKA_01396
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01404
Name: ER06052_3A_prokka|PROKKA_01404
Description: ER06052_3A_prokka|PROKKA_01404
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01425
Name: ER06052_3A_prokka|PROKKA_01425
Description: ER06052_3A_prokka|PROKKA_01425
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01445
Name: ER06052_3A_prokka|PROKKA_01445
Description: ER06052_3A_prokka|PROKKA_01445
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01455
Name: ER06052_3A_prokka|PROKKA_01455
Description: ER06052_3A_prokka|PROKKA_01455
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01481
Name: ER06052_3A_prokka|PROKKA_01481
Description: ER06052_3A_prokka|PROKKA_01481
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01518
Name: ER06052_3A_prokka|PROKKA_01518
Description: ER06052_3A_prokka|PROKKA_01518
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01589
Name: ER06052_3A_prokka|PROKKA_01589
Description: ER06052_3A_prokka|PROKKA_01589
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01761
Name: ER06052_3A_prokka|PROKKA_01761
Description: ER06052_3A_prokka|PROKKA_01761
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01780
Name: ER06052_3A_prokka|PROKKA_01780
Description: ER06052_3A_prokka|PROKKA_01780
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01816
Name: ER06052_3A_prokka|PROKKA_01816
Description: ER06052_3A_prokka|PROKKA_01816
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01867
Name: ER06052_3A_prokka|PROKKA_01867
Description: ER06052_3A_prokka|PROKKA_01867
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01940
Name: ER06052_3A_prokka|PROKKA_01940
Description: ER06052_3A_prokka|PROKKA_01940
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01955
Name: ER06052_3A_prokka|PROKKA_01955
Description: ER06052_3A_prokka|PROKKA_01955
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01963
Name: ER06052_3A_prokka|PROKKA_01963
Description: ER06052_3A_prokka|PROKKA_01963
Number of features: 0
Seq('MSNIYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFMYYKECFFKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01964
Name: ER06052_3A_prokka|PROKKA_01964
Description: ER06052_3A_prokka|PROKKA_01964
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02004
Name: ER06052_3A_prokka|PROKKA_02004
Description: ER06052_3A_prokka|PROKKA_02004
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02008
Name: ER06052_3A_prokka|PROKKA_02008
Description: ER06052_3A_prokka|PROKKA_02008
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02024
Name: ER06052_3A_prokka|PROKKA_02024
Description: ER06052_3A_prokka|PROKKA_02024
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02042
Name: ER06052_3A_prokka|PROKKA_02042
Description: ER06052_3A_prokka|PROKKA_02042
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02045
Name: ER06052_3A_prokka|PROKKA_02045
Description: ER06052_3A_prokka|PROKKA_02045
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02052
Name: ER06052_3A_prokka|PROKKA_02052
Description: ER06052_3A_prokka|PROKKA_02052
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02054
Name: ER06052_3A_prokka|PROKKA_02054
Description: ER06052_3A_prokka|PROKKA_02054
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02073
Name: ER06052_3A_prokka|PROKKA_02073
Description: ER06052_3A_prokka|PROKKA_02073
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02075
Name: ER06052_3A_prokka|PROKKA_02075
Description: ER06052_3A_prokka|PROKKA_02075
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02124
Name: ER06052_3A_prokka|PROKKA_02124
Description: ER06052_3A_prokka|PROKKA_02124
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02243
Name: ER06052_3A_prokka|PROKKA_02243
Description: ER06052_3A_prokka|PROKKA_02243
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02267
Name: ER06052_3A_prokka|PROKKA_02267
Description: ER06052_3A_prokka|PROKKA_02267
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02298
Name: ER06052_3A_prokka|PROKKA_02298
Description: ER06052_3A_prokka|PROKKA_02298
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02453
Name: ER06052_3A_prokka|PROKKA_02453
Description: ER06052_3A_prokka|PROKKA_02453
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02660
Name: ER06052_3A_prokka|PROKKA_02660
Description: ER06052_3A_prokka|PROKKA_02660
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02747
Name: ER06052_3A_prokka|PROKKA_02747
Description: ER06052_3A_prokka|PROKKA_02747
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02753
Name: ER06052_3A_prokka|PROKKA_02753
Description: ER06052_3A_prokka|PROKKA_02753
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02775
Name: ER06052_3A_prokka|PROKKA_02775
Description: ER06052_3A_prokka|PROKKA_02775
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEIWFCCKVRKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00030
Name: ER06126_3A_prokka|PROKKA_00030
Description: ER06126_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00039
Name: ER06126_3A_prokka|PROKKA_00039
Description: ER06126_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00060
Name: ER06126_3A_prokka|PROKKA_00060
Description: ER06126_3A_prokka|PROKKA_00060
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00149
Name: ER06126_3A_prokka|PROKKA_00149
Description: ER06126_3A_prokka|PROKKA_00149
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00247
Name: ER06126_3A_prokka|PROKKA_00247
Description: ER06126_3A_prokka|PROKKA_00247
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00299
Name: ER06126_3A_prokka|PROKKA_00299
Description: ER06126_3A_prokka|PROKKA_00299
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00397
Name: ER06126_3A_prokka|PROKKA_00397
Description: ER06126_3A_prokka|PROKKA_00397
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00435
Name: ER06126_3A_prokka|PROKKA_00435
Description: ER06126_3A_prokka|PROKKA_00435
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00565
Name: ER06126_3A_prokka|PROKKA_00565
Description: ER06126_3A_prokka|PROKKA_00565
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00601
Name: ER06126_3A_prokka|PROKKA_00601
Description: ER06126_3A_prokka|PROKKA_00601
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00819
Name: ER06126_3A_prokka|PROKKA_00819
Description: ER06126_3A_prokka|PROKKA_00819
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00827
Name: ER06126_3A_prokka|PROKKA_00827
Description: ER06126_3A_prokka|PROKKA_00827
Number of features: 0
Seq('MKKLIVIILINIITLSVSNSASAQGDIGIDNLRNFYTKKTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00863
Name: ER06126_3A_prokka|PROKKA_00863
Description: ER06126_3A_prokka|PROKKA_00863
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00971
Name: ER06126_3A_prokka|PROKKA_00971
Description: ER06126_3A_prokka|PROKKA_00971
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00982
Name: ER06126_3A_prokka|PROKKA_00982
Description: ER06126_3A_prokka|PROKKA_00982
Number of features: 0
Seq('MKGKFLKVSSLFVATLTTATLVSSPAANALSSKAMDNHPQQTQSSKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01011
Name: ER06126_3A_prokka|PROKKA_01011
Description: ER06126_3A_prokka|PROKKA_01011
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01091
Name: ER06126_3A_prokka|PROKKA_01091
Description: ER06126_3A_prokka|PROKKA_01091
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01103
Name: ER06126_3A_prokka|PROKKA_01103
Description: ER06126_3A_prokka|PROKKA_01103
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01104
Name: ER06126_3A_prokka|PROKKA_01104
Description: ER06126_3A_prokka|PROKKA_01104
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01239
Name: ER06126_3A_prokka|PROKKA_01239
Description: ER06126_3A_prokka|PROKKA_01239
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01243
Name: ER06126_3A_prokka|PROKKA_01243
Description: ER06126_3A_prokka|PROKKA_01243
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01247
Name: ER06126_3A_prokka|PROKKA_01247
Description: ER06126_3A_prokka|PROKKA_01247
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01249
Name: ER06126_3A_prokka|PROKKA_01249
Description: ER06126_3A_prokka|PROKKA_01249
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01273
Name: ER06126_3A_prokka|PROKKA_01273
Description: ER06126_3A_prokka|PROKKA_01273
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01368
Name: ER06126_3A_prokka|PROKKA_01368
Description: ER06126_3A_prokka|PROKKA_01368
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01380
Name: ER06126_3A_prokka|PROKKA_01380
Description: ER06126_3A_prokka|PROKKA_01380
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01429
Name: ER06126_3A_prokka|PROKKA_01429
Description: ER06126_3A_prokka|PROKKA_01429
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01437
Name: ER06126_3A_prokka|PROKKA_01437
Description: ER06126_3A_prokka|PROKKA_01437
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01457
Name: ER06126_3A_prokka|PROKKA_01457
Description: ER06126_3A_prokka|PROKKA_01457
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01485
Name: ER06126_3A_prokka|PROKKA_01485
Description: ER06126_3A_prokka|PROKKA_01485
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01512
Name: ER06126_3A_prokka|PROKKA_01512
Description: ER06126_3A_prokka|PROKKA_01512
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01549
Name: ER06126_3A_prokka|PROKKA_01549
Description: ER06126_3A_prokka|PROKKA_01549
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01620
Name: ER06126_3A_prokka|PROKKA_01620
Description: ER06126_3A_prokka|PROKKA_01620
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01786
Name: ER06126_3A_prokka|PROKKA_01786
Description: ER06126_3A_prokka|PROKKA_01786
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01793
Name: ER06126_3A_prokka|PROKKA_01793
Description: ER06126_3A_prokka|PROKKA_01793
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01812
Name: ER06126_3A_prokka|PROKKA_01812
Description: ER06126_3A_prokka|PROKKA_01812
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01847
Name: ER06126_3A_prokka|PROKKA_01847
Description: ER06126_3A_prokka|PROKKA_01847
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01899
Name: ER06126_3A_prokka|PROKKA_01899
Description: ER06126_3A_prokka|PROKKA_01899
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01970
Name: ER06126_3A_prokka|PROKKA_01970
Description: ER06126_3A_prokka|PROKKA_01970
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01974
Name: ER06126_3A_prokka|PROKKA_01974
Description: ER06126_3A_prokka|PROKKA_01974
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01990
Name: ER06126_3A_prokka|PROKKA_01990
Description: ER06126_3A_prokka|PROKKA_01990
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_02010
Name: ER06126_3A_prokka|PROKKA_02010
Description: ER06126_3A_prokka|PROKKA_02010
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_02040
Name: ER06126_3A_prokka|PROKKA_02040
Description: ER06126_3A_prokka|PROKKA_02040
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_02042
Name: ER06126_3A_prokka|PROKKA_02042
Description: ER06126_3A_prokka|PROKKA_02042
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_02091
Name: ER06126_3A_prokka|PROKKA_02091
Description: ER06126_3A_prokka|PROKKA_02091
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_02211
Name: ER06126_3A_prokka|PROKKA_02211
Description: ER06126_3A_prokka|PROKKA_02211
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_02235
Name: ER06126_3A_prokka|PROKKA_02235
Description: ER06126_3A_prokka|PROKKA_02235
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_02266
Name: ER06126_3A_prokka|PROKKA_02266
Description: ER06126_3A_prokka|PROKKA_02266
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_02421
Name: ER06126_3A_prokka|PROKKA_02421
Description: ER06126_3A_prokka|PROKKA_02421
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_02630
Name: ER06126_3A_prokka|PROKKA_02630
Description: ER06126_3A_prokka|PROKKA_02630
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_02717
Name: ER06126_3A_prokka|PROKKA_02717
Description: ER06126_3A_prokka|PROKKA_02717
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_02744
Name: ER06126_3A_prokka|PROKKA_02744
Description: ER06126_3A_prokka|PROKKA_02744
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00068
Name: ER06407_3A_prokka|PROKKA_00068
Description: ER06407_3A_prokka|PROKKA_00068
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00099
Name: ER06407_3A_prokka|PROKKA_00099
Description: ER06407_3A_prokka|PROKKA_00099
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00108
Name: ER06407_3A_prokka|PROKKA_00108
Description: ER06407_3A_prokka|PROKKA_00108
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00129
Name: ER06407_3A_prokka|PROKKA_00129
Description: ER06407_3A_prokka|PROKKA_00129
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00218
Name: ER06407_3A_prokka|PROKKA_00218
Description: ER06407_3A_prokka|PROKKA_00218
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00318
Name: ER06407_3A_prokka|PROKKA_00318
Description: ER06407_3A_prokka|PROKKA_00318
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00344
Name: ER06407_3A_prokka|PROKKA_00344
Description: ER06407_3A_prokka|PROKKA_00344
Number of features: 0
Seq('MCTGFTIQTLNNQVLLGRTMDYDYPLDGSPAVTPRN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00371
Name: ER06407_3A_prokka|PROKKA_00371
Description: ER06407_3A_prokka|PROKKA_00371
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00469
Name: ER06407_3A_prokka|PROKKA_00469
Description: ER06407_3A_prokka|PROKKA_00469
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00507
Name: ER06407_3A_prokka|PROKKA_00507
Description: ER06407_3A_prokka|PROKKA_00507
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00637
Name: ER06407_3A_prokka|PROKKA_00637
Description: ER06407_3A_prokka|PROKKA_00637
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00673
Name: ER06407_3A_prokka|PROKKA_00673
Description: ER06407_3A_prokka|PROKKA_00673
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00892
Name: ER06407_3A_prokka|PROKKA_00892
Description: ER06407_3A_prokka|PROKKA_00892
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00936
Name: ER06407_3A_prokka|PROKKA_00936
Description: ER06407_3A_prokka|PROKKA_00936
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01045
Name: ER06407_3A_prokka|PROKKA_01045
Description: ER06407_3A_prokka|PROKKA_01045
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01084
Name: ER06407_3A_prokka|PROKKA_01084
Description: ER06407_3A_prokka|PROKKA_01084
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01164
Name: ER06407_3A_prokka|PROKKA_01164
Description: ER06407_3A_prokka|PROKKA_01164
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01177
Name: ER06407_3A_prokka|PROKKA_01177
Description: ER06407_3A_prokka|PROKKA_01177
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01178
Name: ER06407_3A_prokka|PROKKA_01178
Description: ER06407_3A_prokka|PROKKA_01178
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01313
Name: ER06407_3A_prokka|PROKKA_01313
Description: ER06407_3A_prokka|PROKKA_01313
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01317
Name: ER06407_3A_prokka|PROKKA_01317
Description: ER06407_3A_prokka|PROKKA_01317
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01321
Name: ER06407_3A_prokka|PROKKA_01321
Description: ER06407_3A_prokka|PROKKA_01321
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01323
Name: ER06407_3A_prokka|PROKKA_01323
Description: ER06407_3A_prokka|PROKKA_01323
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01347
Name: ER06407_3A_prokka|PROKKA_01347
Description: ER06407_3A_prokka|PROKKA_01347
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01442
Name: ER06407_3A_prokka|PROKKA_01442
Description: ER06407_3A_prokka|PROKKA_01442
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01454
Name: ER06407_3A_prokka|PROKKA_01454
Description: ER06407_3A_prokka|PROKKA_01454
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01504
Name: ER06407_3A_prokka|PROKKA_01504
Description: ER06407_3A_prokka|PROKKA_01504
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01512
Name: ER06407_3A_prokka|PROKKA_01512
Description: ER06407_3A_prokka|PROKKA_01512
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01532
Name: ER06407_3A_prokka|PROKKA_01532
Description: ER06407_3A_prokka|PROKKA_01532
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01560
Name: ER06407_3A_prokka|PROKKA_01560
Description: ER06407_3A_prokka|PROKKA_01560
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01587
Name: ER06407_3A_prokka|PROKKA_01587
Description: ER06407_3A_prokka|PROKKA_01587
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01624
Name: ER06407_3A_prokka|PROKKA_01624
Description: ER06407_3A_prokka|PROKKA_01624
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01695
Name: ER06407_3A_prokka|PROKKA_01695
Description: ER06407_3A_prokka|PROKKA_01695
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01860
Name: ER06407_3A_prokka|PROKKA_01860
Description: ER06407_3A_prokka|PROKKA_01860
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01867
Name: ER06407_3A_prokka|PROKKA_01867
Description: ER06407_3A_prokka|PROKKA_01867
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01886
Name: ER06407_3A_prokka|PROKKA_01886
Description: ER06407_3A_prokka|PROKKA_01886
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01921
Name: ER06407_3A_prokka|PROKKA_01921
Description: ER06407_3A_prokka|PROKKA_01921
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01973
Name: ER06407_3A_prokka|PROKKA_01973
Description: ER06407_3A_prokka|PROKKA_01973
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01975
Name: ER06407_3A_prokka|PROKKA_01975
Description: ER06407_3A_prokka|PROKKA_01975
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01976
Name: ER06407_3A_prokka|PROKKA_01976
Description: ER06407_3A_prokka|PROKKA_01976
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02007
Name: ER06407_3A_prokka|PROKKA_02007
Description: ER06407_3A_prokka|PROKKA_02007
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02013
Name: ER06407_3A_prokka|PROKKA_02013
Description: ER06407_3A_prokka|PROKKA_02013
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWHELDYWLNKRKSENEQIDIDRVLKFIEELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02023
Name: ER06407_3A_prokka|PROKKA_02023
Description: ER06407_3A_prokka|PROKKA_02023
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02113
Name: ER06407_3A_prokka|PROKKA_02113
Description: ER06407_3A_prokka|PROKKA_02113
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02117
Name: ER06407_3A_prokka|PROKKA_02117
Description: ER06407_3A_prokka|PROKKA_02117
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02133
Name: ER06407_3A_prokka|PROKKA_02133
Description: ER06407_3A_prokka|PROKKA_02133
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02153
Name: ER06407_3A_prokka|PROKKA_02153
Description: ER06407_3A_prokka|PROKKA_02153
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02183
Name: ER06407_3A_prokka|PROKKA_02183
Description: ER06407_3A_prokka|PROKKA_02183
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02185
Name: ER06407_3A_prokka|PROKKA_02185
Description: ER06407_3A_prokka|PROKKA_02185
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02234
Name: ER06407_3A_prokka|PROKKA_02234
Description: ER06407_3A_prokka|PROKKA_02234
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02354
Name: ER06407_3A_prokka|PROKKA_02354
Description: ER06407_3A_prokka|PROKKA_02354
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02379
Name: ER06407_3A_prokka|PROKKA_02379
Description: ER06407_3A_prokka|PROKKA_02379
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02410
Name: ER06407_3A_prokka|PROKKA_02410
Description: ER06407_3A_prokka|PROKKA_02410
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02565
Name: ER06407_3A_prokka|PROKKA_02565
Description: ER06407_3A_prokka|PROKKA_02565
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02774
Name: ER06407_3A_prokka|PROKKA_02774
Description: ER06407_3A_prokka|PROKKA_02774
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02862
Name: ER06407_3A_prokka|PROKKA_02862
Description: ER06407_3A_prokka|PROKKA_02862
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00001
Name: ER06446_3A_prokka|PROKKA_00001
Description: ER06446_3A_prokka|PROKKA_00001
Number of features: 0
Seq('MEHGTTTIFDGYTNIKLDNEIVTFNLKPLQTEKDVQKCSVFEYIQFLMGRNNKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00092
Name: ER06446_3A_prokka|PROKKA_00092
Description: ER06446_3A_prokka|PROKKA_00092
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00095
Name: ER06446_3A_prokka|PROKKA_00095
Description: ER06446_3A_prokka|PROKKA_00095
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00099
Name: ER06446_3A_prokka|PROKKA_00099
Description: ER06446_3A_prokka|PROKKA_00099
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00120
Name: ER06446_3A_prokka|PROKKA_00120
Description: ER06446_3A_prokka|PROKKA_00120
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00139
Name: ER06446_3A_prokka|PROKKA_00139
Description: ER06446_3A_prokka|PROKKA_00139
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00263
Name: ER06446_3A_prokka|PROKKA_00263
Description: ER06446_3A_prokka|PROKKA_00263
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00307
Name: ER06446_3A_prokka|PROKKA_00307
Description: ER06446_3A_prokka|PROKKA_00307
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00431
Name: ER06446_3A_prokka|PROKKA_00431
Description: ER06446_3A_prokka|PROKKA_00431
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00448
Name: ER06446_3A_prokka|PROKKA_00448
Description: ER06446_3A_prokka|PROKKA_00448
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00614
Name: ER06446_3A_prokka|PROKKA_00614
Description: ER06446_3A_prokka|PROKKA_00614
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00843
Name: ER06446_3A_prokka|PROKKA_00843
Description: ER06446_3A_prokka|PROKKA_00843
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00870
Name: ER06446_3A_prokka|PROKKA_00870
Description: ER06446_3A_prokka|PROKKA_00870
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00975
Name: ER06446_3A_prokka|PROKKA_00975
Description: ER06446_3A_prokka|PROKKA_00975
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01014
Name: ER06446_3A_prokka|PROKKA_01014
Description: ER06446_3A_prokka|PROKKA_01014
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01015
Name: ER06446_3A_prokka|PROKKA_01015
Description: ER06446_3A_prokka|PROKKA_01015
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01097
Name: ER06446_3A_prokka|PROKKA_01097
Description: ER06446_3A_prokka|PROKKA_01097
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01109
Name: ER06446_3A_prokka|PROKKA_01109
Description: ER06446_3A_prokka|PROKKA_01109
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01110
Name: ER06446_3A_prokka|PROKKA_01110
Description: ER06446_3A_prokka|PROKKA_01110
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01246
Name: ER06446_3A_prokka|PROKKA_01246
Description: ER06446_3A_prokka|PROKKA_01246
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01250
Name: ER06446_3A_prokka|PROKKA_01250
Description: ER06446_3A_prokka|PROKKA_01250
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01274
Name: ER06446_3A_prokka|PROKKA_01274
Description: ER06446_3A_prokka|PROKKA_01274
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01368
Name: ER06446_3A_prokka|PROKKA_01368
Description: ER06446_3A_prokka|PROKKA_01368
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01380
Name: ER06446_3A_prokka|PROKKA_01380
Description: ER06446_3A_prokka|PROKKA_01380
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01427
Name: ER06446_3A_prokka|PROKKA_01427
Description: ER06446_3A_prokka|PROKKA_01427
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01435
Name: ER06446_3A_prokka|PROKKA_01435
Description: ER06446_3A_prokka|PROKKA_01435
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01454
Name: ER06446_3A_prokka|PROKKA_01454
Description: ER06446_3A_prokka|PROKKA_01454
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01469
Name: ER06446_3A_prokka|PROKKA_01469
Description: ER06446_3A_prokka|PROKKA_01469
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01477
Name: ER06446_3A_prokka|PROKKA_01477
Description: ER06446_3A_prokka|PROKKA_01477
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01482
Name: ER06446_3A_prokka|PROKKA_01482
Description: ER06446_3A_prokka|PROKKA_01482
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01509
Name: ER06446_3A_prokka|PROKKA_01509
Description: ER06446_3A_prokka|PROKKA_01509
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01512
Name: ER06446_3A_prokka|PROKKA_01512
Description: ER06446_3A_prokka|PROKKA_01512
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01547
Name: ER06446_3A_prokka|PROKKA_01547
Description: ER06446_3A_prokka|PROKKA_01547
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01621
Name: ER06446_3A_prokka|PROKKA_01621
Description: ER06446_3A_prokka|PROKKA_01621
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01790
Name: ER06446_3A_prokka|PROKKA_01790
Description: ER06446_3A_prokka|PROKKA_01790
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01804
Name: ER06446_3A_prokka|PROKKA_01804
Description: ER06446_3A_prokka|PROKKA_01804
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01846
Name: ER06446_3A_prokka|PROKKA_01846
Description: ER06446_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01898
Name: ER06446_3A_prokka|PROKKA_01898
Description: ER06446_3A_prokka|PROKKA_01898
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01900
Name: ER06446_3A_prokka|PROKKA_01900
Description: ER06446_3A_prokka|PROKKA_01900
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01901
Name: ER06446_3A_prokka|PROKKA_01901
Description: ER06446_3A_prokka|PROKKA_01901
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01931
Name: ER06446_3A_prokka|PROKKA_01931
Description: ER06446_3A_prokka|PROKKA_01931
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01953
Name: ER06446_3A_prokka|PROKKA_01953
Description: ER06446_3A_prokka|PROKKA_01953
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01958
Name: ER06446_3A_prokka|PROKKA_01958
Description: ER06446_3A_prokka|PROKKA_01958
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02034
Name: ER06446_3A_prokka|PROKKA_02034
Description: ER06446_3A_prokka|PROKKA_02034
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02038
Name: ER06446_3A_prokka|PROKKA_02038
Description: ER06446_3A_prokka|PROKKA_02038
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02054
Name: ER06446_3A_prokka|PROKKA_02054
Description: ER06446_3A_prokka|PROKKA_02054
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02072
Name: ER06446_3A_prokka|PROKKA_02072
Description: ER06446_3A_prokka|PROKKA_02072
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02098
Name: ER06446_3A_prokka|PROKKA_02098
Description: ER06446_3A_prokka|PROKKA_02098
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02100
Name: ER06446_3A_prokka|PROKKA_02100
Description: ER06446_3A_prokka|PROKKA_02100
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02152
Name: ER06446_3A_prokka|PROKKA_02152
Description: ER06446_3A_prokka|PROKKA_02152
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02260
Name: ER06446_3A_prokka|PROKKA_02260
Description: ER06446_3A_prokka|PROKKA_02260
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02279
Name: ER06446_3A_prokka|PROKKA_02279
Description: ER06446_3A_prokka|PROKKA_02279
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02292
Name: ER06446_3A_prokka|PROKKA_02292
Description: ER06446_3A_prokka|PROKKA_02292
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02324
Name: ER06446_3A_prokka|PROKKA_02324
Description: ER06446_3A_prokka|PROKKA_02324
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02469
Name: ER06446_3A_prokka|PROKKA_02469
Description: ER06446_3A_prokka|PROKKA_02469
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02478
Name: ER06446_3A_prokka|PROKKA_02478
Description: ER06446_3A_prokka|PROKKA_02478
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02542
Name: ER06446_3A_prokka|PROKKA_02542
Description: ER06446_3A_prokka|PROKKA_02542
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02650
Name: ER06446_3A_prokka|PROKKA_02650
Description: ER06446_3A_prokka|PROKKA_02650
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02688
Name: ER06446_3A_prokka|PROKKA_02688
Description: ER06446_3A_prokka|PROKKA_02688
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02772
Name: ER06446_3A_prokka|PROKKA_02772
Description: ER06446_3A_prokka|PROKKA_02772
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02778
Name: ER06446_3A_prokka|PROKKA_02778
Description: ER06446_3A_prokka|PROKKA_02778
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02807
Name: ER06446_3A_prokka|PROKKA_02807
Description: ER06446_3A_prokka|PROKKA_02807
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00029
Name: ER06467_3A_prokka|PROKKA_00029
Description: ER06467_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00038
Name: ER06467_3A_prokka|PROKKA_00038
Description: ER06467_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00059
Name: ER06467_3A_prokka|PROKKA_00059
Description: ER06467_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00149
Name: ER06467_3A_prokka|PROKKA_00149
Description: ER06467_3A_prokka|PROKKA_00149
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00191
Name: ER06467_3A_prokka|PROKKA_00191
Description: ER06467_3A_prokka|PROKKA_00191
Number of features: 0
Seq('MNSIIELTDYYSSNNYAPLKLVISKGKGVKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00248
Name: ER06467_3A_prokka|PROKKA_00248
Description: ER06467_3A_prokka|PROKKA_00248
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00300
Name: ER06467_3A_prokka|PROKKA_00300
Description: ER06467_3A_prokka|PROKKA_00300
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00398
Name: ER06467_3A_prokka|PROKKA_00398
Description: ER06467_3A_prokka|PROKKA_00398
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00436
Name: ER06467_3A_prokka|PROKKA_00436
Description: ER06467_3A_prokka|PROKKA_00436
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00566
Name: ER06467_3A_prokka|PROKKA_00566
Description: ER06467_3A_prokka|PROKKA_00566
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00602
Name: ER06467_3A_prokka|PROKKA_00602
Description: ER06467_3A_prokka|PROKKA_00602
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00820
Name: ER06467_3A_prokka|PROKKA_00820
Description: ER06467_3A_prokka|PROKKA_00820
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00864
Name: ER06467_3A_prokka|PROKKA_00864
Description: ER06467_3A_prokka|PROKKA_00864
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00973
Name: ER06467_3A_prokka|PROKKA_00973
Description: ER06467_3A_prokka|PROKKA_00973
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01012
Name: ER06467_3A_prokka|PROKKA_01012
Description: ER06467_3A_prokka|PROKKA_01012
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01013
Name: ER06467_3A_prokka|PROKKA_01013
Description: ER06467_3A_prokka|PROKKA_01013
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01093
Name: ER06467_3A_prokka|PROKKA_01093
Description: ER06467_3A_prokka|PROKKA_01093
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01106
Name: ER06467_3A_prokka|PROKKA_01106
Description: ER06467_3A_prokka|PROKKA_01106
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01107
Name: ER06467_3A_prokka|PROKKA_01107
Description: ER06467_3A_prokka|PROKKA_01107
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01242
Name: ER06467_3A_prokka|PROKKA_01242
Description: ER06467_3A_prokka|PROKKA_01242
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01246
Name: ER06467_3A_prokka|PROKKA_01246
Description: ER06467_3A_prokka|PROKKA_01246
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01250
Name: ER06467_3A_prokka|PROKKA_01250
Description: ER06467_3A_prokka|PROKKA_01250
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01252
Name: ER06467_3A_prokka|PROKKA_01252
Description: ER06467_3A_prokka|PROKKA_01252
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01276
Name: ER06467_3A_prokka|PROKKA_01276
Description: ER06467_3A_prokka|PROKKA_01276
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01371
Name: ER06467_3A_prokka|PROKKA_01371
Description: ER06467_3A_prokka|PROKKA_01371
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01383
Name: ER06467_3A_prokka|PROKKA_01383
Description: ER06467_3A_prokka|PROKKA_01383
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01432
Name: ER06467_3A_prokka|PROKKA_01432
Description: ER06467_3A_prokka|PROKKA_01432
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01440
Name: ER06467_3A_prokka|PROKKA_01440
Description: ER06467_3A_prokka|PROKKA_01440
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01460
Name: ER06467_3A_prokka|PROKKA_01460
Description: ER06467_3A_prokka|PROKKA_01460
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01488
Name: ER06467_3A_prokka|PROKKA_01488
Description: ER06467_3A_prokka|PROKKA_01488
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01515
Name: ER06467_3A_prokka|PROKKA_01515
Description: ER06467_3A_prokka|PROKKA_01515
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01552
Name: ER06467_3A_prokka|PROKKA_01552
Description: ER06467_3A_prokka|PROKKA_01552
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01623
Name: ER06467_3A_prokka|PROKKA_01623
Description: ER06467_3A_prokka|PROKKA_01623
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01788
Name: ER06467_3A_prokka|PROKKA_01788
Description: ER06467_3A_prokka|PROKKA_01788
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01795
Name: ER06467_3A_prokka|PROKKA_01795
Description: ER06467_3A_prokka|PROKKA_01795
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01814
Name: ER06467_3A_prokka|PROKKA_01814
Description: ER06467_3A_prokka|PROKKA_01814
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01849
Name: ER06467_3A_prokka|PROKKA_01849
Description: ER06467_3A_prokka|PROKKA_01849
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01901
Name: ER06467_3A_prokka|PROKKA_01901
Description: ER06467_3A_prokka|PROKKA_01901
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01931
Name: ER06467_3A_prokka|PROKKA_01931
Description: ER06467_3A_prokka|PROKKA_01931
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGEVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01948
Name: ER06467_3A_prokka|PROKKA_01948
Description: ER06467_3A_prokka|PROKKA_01948
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01957
Name: ER06467_3A_prokka|PROKKA_01957
Description: ER06467_3A_prokka|PROKKA_01957
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01965
Name: ER06467_3A_prokka|PROKKA_01965
Description: ER06467_3A_prokka|PROKKA_01965
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELSKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02039
Name: ER06467_3A_prokka|PROKKA_02039
Description: ER06467_3A_prokka|PROKKA_02039
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02043
Name: ER06467_3A_prokka|PROKKA_02043
Description: ER06467_3A_prokka|PROKKA_02043
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02059
Name: ER06467_3A_prokka|PROKKA_02059
Description: ER06467_3A_prokka|PROKKA_02059
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02079
Name: ER06467_3A_prokka|PROKKA_02079
Description: ER06467_3A_prokka|PROKKA_02079
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02110
Name: ER06467_3A_prokka|PROKKA_02110
Description: ER06467_3A_prokka|PROKKA_02110
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02112
Name: ER06467_3A_prokka|PROKKA_02112
Description: ER06467_3A_prokka|PROKKA_02112
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02161
Name: ER06467_3A_prokka|PROKKA_02161
Description: ER06467_3A_prokka|PROKKA_02161
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02281
Name: ER06467_3A_prokka|PROKKA_02281
Description: ER06467_3A_prokka|PROKKA_02281
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02305
Name: ER06467_3A_prokka|PROKKA_02305
Description: ER06467_3A_prokka|PROKKA_02305
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02336
Name: ER06467_3A_prokka|PROKKA_02336
Description: ER06467_3A_prokka|PROKKA_02336
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02490
Name: ER06467_3A_prokka|PROKKA_02490
Description: ER06467_3A_prokka|PROKKA_02490
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02699
Name: ER06467_3A_prokka|PROKKA_02699
Description: ER06467_3A_prokka|PROKKA_02699
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02786
Name: ER06467_3A_prokka|PROKKA_02786
Description: ER06467_3A_prokka|PROKKA_02786
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02816
Name: ER06467_3A_prokka|PROKKA_02816
Description: ER06467_3A_prokka|PROKKA_02816
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00005
Name: ER06541_3A_prokka|PROKKA_00005
Description: ER06541_3A_prokka|PROKKA_00005
Number of features: 0
Seq('MQTILTEFEETHALYMRRKNMKQYNIFNQSFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00058
Name: ER06541_3A_prokka|PROKKA_00058
Description: ER06541_3A_prokka|PROKKA_00058
Number of features: 0
Seq('MAWKYILNLEDETEFSKLINAIENFLFQWELYTYDINRDEKINRLLMH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00063
Name: ER06541_3A_prokka|PROKKA_00063
Description: ER06541_3A_prokka|PROKKA_00063
Number of features: 0
Seq('MITIDSKINKQIAKNLSLEGKYVTREQQIQILHAINNEKEITNELIRKIAFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00076
Name: ER06541_3A_prokka|PROKKA_00076
Description: ER06541_3A_prokka|PROKKA_00076
Number of features: 0
Seq('MTDLLKIKNFRLFFLAEIISAFGVGISTVGLIGI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00172
Name: ER06541_3A_prokka|PROKKA_00172
Description: ER06541_3A_prokka|PROKKA_00172
Number of features: 0
Seq('MKGDLIDDFKIQNLRGERTINDAAKHNNNEKTGASPYEGIRTCL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00228
Name: ER06541_3A_prokka|PROKKA_00228
Description: ER06541_3A_prokka|PROKKA_00228
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00302
Name: ER06541_3A_prokka|PROKKA_00302
Description: ER06541_3A_prokka|PROKKA_00302
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDRLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00311
Name: ER06541_3A_prokka|PROKKA_00311
Description: ER06541_3A_prokka|PROKKA_00311
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00334
Name: ER06541_3A_prokka|PROKKA_00334
Description: ER06541_3A_prokka|PROKKA_00334
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00350
Name: ER06541_3A_prokka|PROKKA_00350
Description: ER06541_3A_prokka|PROKKA_00350
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00354
Name: ER06541_3A_prokka|PROKKA_00354
Description: ER06541_3A_prokka|PROKKA_00354
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00597
Name: ER06541_3A_prokka|PROKKA_00597
Description: ER06541_3A_prokka|PROKKA_00597
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00625
Name: ER06541_3A_prokka|PROKKA_00625
Description: ER06541_3A_prokka|PROKKA_00625
Number of features: 0
Seq('MLFLDALLSMSYQNIIVYFVWIAVIMGFFLVNIALIIDKNIHVILKNQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00852
Name: ER06541_3A_prokka|PROKKA_00852
Description: ER06541_3A_prokka|PROKKA_00852
Number of features: 0
Seq('MPVYKDDNTGKWYFSIRYKDVYGNNKRKMQRGFSTKREAKRAEAIF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00854
Name: ER06541_3A_prokka|PROKKA_00854
Description: ER06541_3A_prokka|PROKKA_00854
Number of features: 0
Seq('MRKYNFDKFFLYMAVLSLPIVIFFPLMLSIPIIFFIFSIRKKED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00874
Name: ER06541_3A_prokka|PROKKA_00874
Description: ER06541_3A_prokka|PROKKA_00874
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00897
Name: ER06541_3A_prokka|PROKKA_00897
Description: ER06541_3A_prokka|PROKKA_00897
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00918
Name: ER06541_3A_prokka|PROKKA_00918
Description: ER06541_3A_prokka|PROKKA_00918
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00919
Name: ER06541_3A_prokka|PROKKA_00919
Description: ER06541_3A_prokka|PROKKA_00919
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00935
Name: ER06541_3A_prokka|PROKKA_00935
Description: ER06541_3A_prokka|PROKKA_00935
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01039
Name: ER06541_3A_prokka|PROKKA_01039
Description: ER06541_3A_prokka|PROKKA_01039
Number of features: 0
Seq('MRQFIKRIVKTILVGYVIKFIRNKLSGKSSHPTDNKHK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01080
Name: ER06541_3A_prokka|PROKKA_01080
Description: ER06541_3A_prokka|PROKKA_01080
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01172
Name: ER06541_3A_prokka|PROKKA_01172
Description: ER06541_3A_prokka|PROKKA_01172
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01173
Name: ER06541_3A_prokka|PROKKA_01173
Description: ER06541_3A_prokka|PROKKA_01173
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01315
Name: ER06541_3A_prokka|PROKKA_01315
Description: ER06541_3A_prokka|PROKKA_01315
Number of features: 0
Seq('MSNTYKSYIIAVLCFTVLAICLMPFLYFTTAWVIAASTGIAIFIFYDEYFFRE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01320
Name: ER06541_3A_prokka|PROKKA_01320
Description: ER06541_3A_prokka|PROKKA_01320
Number of features: 0
Seq('MKNIQIKHQPPEVVDVVHLIKIVCLKGDGIDEPIRRVERYYEINGGFLFEKDY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01324
Name: ER06541_3A_prokka|PROKKA_01324
Description: ER06541_3A_prokka|PROKKA_01324
Number of features: 0
Seq('MKKFNVQITYTGMIEETIEAESLEEAENEAHDIARMEVPFDCDEYEIIVEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01339
Name: ER06541_3A_prokka|PROKKA_01339
Description: ER06541_3A_prokka|PROKKA_01339
Number of features: 0
Seq('MIDSQLDGNVTVKELSESFKELVEEFERIEKANKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01356
Name: ER06541_3A_prokka|PROKKA_01356
Description: ER06541_3A_prokka|PROKKA_01356
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01398
Name: ER06541_3A_prokka|PROKKA_01398
Description: ER06541_3A_prokka|PROKKA_01398
Number of features: 0
Seq('MGLLDIASIRSIERGFNYYQSECVINLKSFSET', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01464
Name: ER06541_3A_prokka|PROKKA_01464
Description: ER06541_3A_prokka|PROKKA_01464
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01474
Name: ER06541_3A_prokka|PROKKA_01474
Description: ER06541_3A_prokka|PROKKA_01474
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01486
Name: ER06541_3A_prokka|PROKKA_01486
Description: ER06541_3A_prokka|PROKKA_01486
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01499
Name: ER06541_3A_prokka|PROKKA_01499
Description: ER06541_3A_prokka|PROKKA_01499
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01503
Name: ER06541_3A_prokka|PROKKA_01503
Description: ER06541_3A_prokka|PROKKA_01503
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01509
Name: ER06541_3A_prokka|PROKKA_01509
Description: ER06541_3A_prokka|PROKKA_01509
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01512
Name: ER06541_3A_prokka|PROKKA_01512
Description: ER06541_3A_prokka|PROKKA_01512
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01520
Name: ER06541_3A_prokka|PROKKA_01520
Description: ER06541_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01534
Name: ER06541_3A_prokka|PROKKA_01534
Description: ER06541_3A_prokka|PROKKA_01534
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01600
Name: ER06541_3A_prokka|PROKKA_01600
Description: ER06541_3A_prokka|PROKKA_01600
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01637
Name: ER06541_3A_prokka|PROKKA_01637
Description: ER06541_3A_prokka|PROKKA_01637
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01710
Name: ER06541_3A_prokka|PROKKA_01710
Description: ER06541_3A_prokka|PROKKA_01710
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01875
Name: ER06541_3A_prokka|PROKKA_01875
Description: ER06541_3A_prokka|PROKKA_01875
Number of features: 0
Seq('MKKKYILIIVSVILIGMIVITYAHNKQKRSLH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01896
Name: ER06541_3A_prokka|PROKKA_01896
Description: ER06541_3A_prokka|PROKKA_01896
Number of features: 0
Seq('MTVKVHHKLGIGKFINLSIGDVIEIEAIIEETLYNTIIIRY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01919
Name: ER06541_3A_prokka|PROKKA_01919
Description: ER06541_3A_prokka|PROKKA_01919
Number of features: 0
Seq('MNPKQYFQSIHKYDLRENHYKQRLTVIGNQTFIRAIKKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01933
Name: ER06541_3A_prokka|PROKKA_01933
Description: ER06541_3A_prokka|PROKKA_01933
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01984
Name: ER06541_3A_prokka|PROKKA_01984
Description: ER06541_3A_prokka|PROKKA_01984
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02060
Name: ER06541_3A_prokka|PROKKA_02060
Description: ER06541_3A_prokka|PROKKA_02060
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02062
Name: ER06541_3A_prokka|PROKKA_02062
Description: ER06541_3A_prokka|PROKKA_02062
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02071
Name: ER06541_3A_prokka|PROKKA_02071
Description: ER06541_3A_prokka|PROKKA_02071
Number of features: 0
Seq('MSQAFSVMFENERENCCVDKYNIGNKLTRRVIMMNRN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02112
Name: ER06541_3A_prokka|PROKKA_02112
Description: ER06541_3A_prokka|PROKKA_02112
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02141
Name: ER06541_3A_prokka|PROKKA_02141
Description: ER06541_3A_prokka|PROKKA_02141
Number of features: 0
Seq('MKDLTMLLDELKDMSFFNKGDICLIGCSTSEVIGEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02227
Name: ER06541_3A_prokka|PROKKA_02227
Description: ER06541_3A_prokka|PROKKA_02227
Number of features: 0
Seq('MRYIHFSIITLITGIIMHMTMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02252
Name: ER06541_3A_prokka|PROKKA_02252
Description: ER06541_3A_prokka|PROKKA_02252
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02283
Name: ER06541_3A_prokka|PROKKA_02283
Description: ER06541_3A_prokka|PROKKA_02283
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02328
Name: ER06541_3A_prokka|PROKKA_02328
Description: ER06541_3A_prokka|PROKKA_02328
Number of features: 0
Seq('MNIVMWKTGSIKLDNVVLKLIVLKKINIMNMGEKNIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02378
Name: ER06541_3A_prokka|PROKKA_02378
Description: ER06541_3A_prokka|PROKKA_02378
Number of features: 0
Seq('MYKNHNMTQLTLPIETSVRIPQNDISRYVNEIVETIPDSELDEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02441
Name: ER06541_3A_prokka|PROKKA_02441
Description: ER06541_3A_prokka|PROKKA_02441
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02499
Name: ER06541_3A_prokka|PROKKA_02499
Description: ER06541_3A_prokka|PROKKA_02499
Number of features: 0
Seq('MSKKKILILTSIMLIILISVAGIYFKMKYDKKEKTKINLL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02637
Name: ER06541_3A_prokka|PROKKA_02637
Description: ER06541_3A_prokka|PROKKA_02637
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02670
Name: ER06541_3A_prokka|PROKKA_02670
Description: ER06541_3A_prokka|PROKKA_02670
Number of features: 0
Seq('MQDFFKNALLSDSLLRDIKVLSSNAKGDADMLETELHAVINAMSQNEGKSVDAL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02727
Name: ER06541_3A_prokka|PROKKA_02727
Description: ER06541_3A_prokka|PROKKA_02727
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00029
Name: ER06600_3A_prokka|PROKKA_00029
Description: ER06600_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00060
Name: ER06600_3A_prokka|PROKKA_00060
Description: ER06600_3A_prokka|PROKKA_00060
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00069
Name: ER06600_3A_prokka|PROKKA_00069
Description: ER06600_3A_prokka|PROKKA_00069
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00090
Name: ER06600_3A_prokka|PROKKA_00090
Description: ER06600_3A_prokka|PROKKA_00090
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00178
Name: ER06600_3A_prokka|PROKKA_00178
Description: ER06600_3A_prokka|PROKKA_00178
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00277
Name: ER06600_3A_prokka|PROKKA_00277
Description: ER06600_3A_prokka|PROKKA_00277
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00329
Name: ER06600_3A_prokka|PROKKA_00329
Description: ER06600_3A_prokka|PROKKA_00329
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00427
Name: ER06600_3A_prokka|PROKKA_00427
Description: ER06600_3A_prokka|PROKKA_00427
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00465
Name: ER06600_3A_prokka|PROKKA_00465
Description: ER06600_3A_prokka|PROKKA_00465
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00595
Name: ER06600_3A_prokka|PROKKA_00595
Description: ER06600_3A_prokka|PROKKA_00595
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00631
Name: ER06600_3A_prokka|PROKKA_00631
Description: ER06600_3A_prokka|PROKKA_00631
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00850
Name: ER06600_3A_prokka|PROKKA_00850
Description: ER06600_3A_prokka|PROKKA_00850
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00894
Name: ER06600_3A_prokka|PROKKA_00894
Description: ER06600_3A_prokka|PROKKA_00894
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01002
Name: ER06600_3A_prokka|PROKKA_01002
Description: ER06600_3A_prokka|PROKKA_01002
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01042
Name: ER06600_3A_prokka|PROKKA_01042
Description: ER06600_3A_prokka|PROKKA_01042
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01122
Name: ER06600_3A_prokka|PROKKA_01122
Description: ER06600_3A_prokka|PROKKA_01122
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01135
Name: ER06600_3A_prokka|PROKKA_01135
Description: ER06600_3A_prokka|PROKKA_01135
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01136
Name: ER06600_3A_prokka|PROKKA_01136
Description: ER06600_3A_prokka|PROKKA_01136
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01271
Name: ER06600_3A_prokka|PROKKA_01271
Description: ER06600_3A_prokka|PROKKA_01271
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01275
Name: ER06600_3A_prokka|PROKKA_01275
Description: ER06600_3A_prokka|PROKKA_01275
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01279
Name: ER06600_3A_prokka|PROKKA_01279
Description: ER06600_3A_prokka|PROKKA_01279
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01281
Name: ER06600_3A_prokka|PROKKA_01281
Description: ER06600_3A_prokka|PROKKA_01281
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01305
Name: ER06600_3A_prokka|PROKKA_01305
Description: ER06600_3A_prokka|PROKKA_01305
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01401
Name: ER06600_3A_prokka|PROKKA_01401
Description: ER06600_3A_prokka|PROKKA_01401
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01413
Name: ER06600_3A_prokka|PROKKA_01413
Description: ER06600_3A_prokka|PROKKA_01413
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01462
Name: ER06600_3A_prokka|PROKKA_01462
Description: ER06600_3A_prokka|PROKKA_01462
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01470
Name: ER06600_3A_prokka|PROKKA_01470
Description: ER06600_3A_prokka|PROKKA_01470
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01490
Name: ER06600_3A_prokka|PROKKA_01490
Description: ER06600_3A_prokka|PROKKA_01490
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01518
Name: ER06600_3A_prokka|PROKKA_01518
Description: ER06600_3A_prokka|PROKKA_01518
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01545
Name: ER06600_3A_prokka|PROKKA_01545
Description: ER06600_3A_prokka|PROKKA_01545
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01582
Name: ER06600_3A_prokka|PROKKA_01582
Description: ER06600_3A_prokka|PROKKA_01582
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01653
Name: ER06600_3A_prokka|PROKKA_01653
Description: ER06600_3A_prokka|PROKKA_01653
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01818
Name: ER06600_3A_prokka|PROKKA_01818
Description: ER06600_3A_prokka|PROKKA_01818
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01825
Name: ER06600_3A_prokka|PROKKA_01825
Description: ER06600_3A_prokka|PROKKA_01825
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01844
Name: ER06600_3A_prokka|PROKKA_01844
Description: ER06600_3A_prokka|PROKKA_01844
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01879
Name: ER06600_3A_prokka|PROKKA_01879
Description: ER06600_3A_prokka|PROKKA_01879
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01931
Name: ER06600_3A_prokka|PROKKA_01931
Description: ER06600_3A_prokka|PROKKA_01931
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01933
Name: ER06600_3A_prokka|PROKKA_01933
Description: ER06600_3A_prokka|PROKKA_01933
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01934
Name: ER06600_3A_prokka|PROKKA_01934
Description: ER06600_3A_prokka|PROKKA_01934
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01964
Name: ER06600_3A_prokka|PROKKA_01964
Description: ER06600_3A_prokka|PROKKA_01964
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01973
Name: ER06600_3A_prokka|PROKKA_01973
Description: ER06600_3A_prokka|PROKKA_01973
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01980
Name: ER06600_3A_prokka|PROKKA_01980
Description: ER06600_3A_prokka|PROKKA_01980
Number of features: 0
Seq('MVTKEFLKTKLECSDIYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01996
Name: ER06600_3A_prokka|PROKKA_01996
Description: ER06600_3A_prokka|PROKKA_01996
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKCLEFISQKLDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02071
Name: ER06600_3A_prokka|PROKKA_02071
Description: ER06600_3A_prokka|PROKKA_02071
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02075
Name: ER06600_3A_prokka|PROKKA_02075
Description: ER06600_3A_prokka|PROKKA_02075
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02091
Name: ER06600_3A_prokka|PROKKA_02091
Description: ER06600_3A_prokka|PROKKA_02091
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02111
Name: ER06600_3A_prokka|PROKKA_02111
Description: ER06600_3A_prokka|PROKKA_02111
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02141
Name: ER06600_3A_prokka|PROKKA_02141
Description: ER06600_3A_prokka|PROKKA_02141
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02143
Name: ER06600_3A_prokka|PROKKA_02143
Description: ER06600_3A_prokka|PROKKA_02143
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02193
Name: ER06600_3A_prokka|PROKKA_02193
Description: ER06600_3A_prokka|PROKKA_02193
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02313
Name: ER06600_3A_prokka|PROKKA_02313
Description: ER06600_3A_prokka|PROKKA_02313
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02339
Name: ER06600_3A_prokka|PROKKA_02339
Description: ER06600_3A_prokka|PROKKA_02339
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02370
Name: ER06600_3A_prokka|PROKKA_02370
Description: ER06600_3A_prokka|PROKKA_02370
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02526
Name: ER06600_3A_prokka|PROKKA_02526
Description: ER06600_3A_prokka|PROKKA_02526
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02735
Name: ER06600_3A_prokka|PROKKA_02735
Description: ER06600_3A_prokka|PROKKA_02735
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02822
Name: ER06600_3A_prokka|PROKKA_02822
Description: ER06600_3A_prokka|PROKKA_02822
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00031
Name: ER06618_3A_prokka|PROKKA_00031
Description: ER06618_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00040
Name: ER06618_3A_prokka|PROKKA_00040
Description: ER06618_3A_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00128
Name: ER06618_3A_prokka|PROKKA_00128
Description: ER06618_3A_prokka|PROKKA_00128
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00229
Name: ER06618_3A_prokka|PROKKA_00229
Description: ER06618_3A_prokka|PROKKA_00229
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00281
Name: ER06618_3A_prokka|PROKKA_00281
Description: ER06618_3A_prokka|PROKKA_00281
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00378
Name: ER06618_3A_prokka|PROKKA_00378
Description: ER06618_3A_prokka|PROKKA_00378
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00415
Name: ER06618_3A_prokka|PROKKA_00415
Description: ER06618_3A_prokka|PROKKA_00415
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00546
Name: ER06618_3A_prokka|PROKKA_00546
Description: ER06618_3A_prokka|PROKKA_00546
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00582
Name: ER06618_3A_prokka|PROKKA_00582
Description: ER06618_3A_prokka|PROKKA_00582
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00786
Name: ER06618_3A_prokka|PROKKA_00786
Description: ER06618_3A_prokka|PROKKA_00786
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00812
Name: ER06618_3A_prokka|PROKKA_00812
Description: ER06618_3A_prokka|PROKKA_00812
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00920
Name: ER06618_3A_prokka|PROKKA_00920
Description: ER06618_3A_prokka|PROKKA_00920
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00959
Name: ER06618_3A_prokka|PROKKA_00959
Description: ER06618_3A_prokka|PROKKA_00959
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01039
Name: ER06618_3A_prokka|PROKKA_01039
Description: ER06618_3A_prokka|PROKKA_01039
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01052
Name: ER06618_3A_prokka|PROKKA_01052
Description: ER06618_3A_prokka|PROKKA_01052
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01053
Name: ER06618_3A_prokka|PROKKA_01053
Description: ER06618_3A_prokka|PROKKA_01053
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01071
Name: ER06618_3A_prokka|PROKKA_01071
Description: ER06618_3A_prokka|PROKKA_01071
Number of features: 0
Seq('MNHTIVDSADFQLQANDLISIQGFGRAHITDLGGKTKKDKTHITYRTLFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01189
Name: ER06618_3A_prokka|PROKKA_01189
Description: ER06618_3A_prokka|PROKKA_01189
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01193
Name: ER06618_3A_prokka|PROKKA_01193
Description: ER06618_3A_prokka|PROKKA_01193
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01197
Name: ER06618_3A_prokka|PROKKA_01197
Description: ER06618_3A_prokka|PROKKA_01197
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01199
Name: ER06618_3A_prokka|PROKKA_01199
Description: ER06618_3A_prokka|PROKKA_01199
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01223
Name: ER06618_3A_prokka|PROKKA_01223
Description: ER06618_3A_prokka|PROKKA_01223
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01318
Name: ER06618_3A_prokka|PROKKA_01318
Description: ER06618_3A_prokka|PROKKA_01318
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01330
Name: ER06618_3A_prokka|PROKKA_01330
Description: ER06618_3A_prokka|PROKKA_01330
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01396
Name: ER06618_3A_prokka|PROKKA_01396
Description: ER06618_3A_prokka|PROKKA_01396
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01433
Name: ER06618_3A_prokka|PROKKA_01433
Description: ER06618_3A_prokka|PROKKA_01433
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01504
Name: ER06618_3A_prokka|PROKKA_01504
Description: ER06618_3A_prokka|PROKKA_01504
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01676
Name: ER06618_3A_prokka|PROKKA_01676
Description: ER06618_3A_prokka|PROKKA_01676
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01695
Name: ER06618_3A_prokka|PROKKA_01695
Description: ER06618_3A_prokka|PROKKA_01695
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01730
Name: ER06618_3A_prokka|PROKKA_01730
Description: ER06618_3A_prokka|PROKKA_01730
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01781
Name: ER06618_3A_prokka|PROKKA_01781
Description: ER06618_3A_prokka|PROKKA_01781
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01853
Name: ER06618_3A_prokka|PROKKA_01853
Description: ER06618_3A_prokka|PROKKA_01853
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01863
Name: ER06618_3A_prokka|PROKKA_01863
Description: ER06618_3A_prokka|PROKKA_01863
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01874
Name: ER06618_3A_prokka|PROKKA_01874
Description: ER06618_3A_prokka|PROKKA_01874
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01892
Name: ER06618_3A_prokka|PROKKA_01892
Description: ER06618_3A_prokka|PROKKA_01892
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01896
Name: ER06618_3A_prokka|PROKKA_01896
Description: ER06618_3A_prokka|PROKKA_01896
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01902
Name: ER06618_3A_prokka|PROKKA_01902
Description: ER06618_3A_prokka|PROKKA_01902
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01905
Name: ER06618_3A_prokka|PROKKA_01905
Description: ER06618_3A_prokka|PROKKA_01905
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01912
Name: ER06618_3A_prokka|PROKKA_01912
Description: ER06618_3A_prokka|PROKKA_01912
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01914
Name: ER06618_3A_prokka|PROKKA_01914
Description: ER06618_3A_prokka|PROKKA_01914
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01933
Name: ER06618_3A_prokka|PROKKA_01933
Description: ER06618_3A_prokka|PROKKA_01933
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01935
Name: ER06618_3A_prokka|PROKKA_01935
Description: ER06618_3A_prokka|PROKKA_01935
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01984
Name: ER06618_3A_prokka|PROKKA_01984
Description: ER06618_3A_prokka|PROKKA_01984
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_02103
Name: ER06618_3A_prokka|PROKKA_02103
Description: ER06618_3A_prokka|PROKKA_02103
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_02127
Name: ER06618_3A_prokka|PROKKA_02127
Description: ER06618_3A_prokka|PROKKA_02127
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_02158
Name: ER06618_3A_prokka|PROKKA_02158
Description: ER06618_3A_prokka|PROKKA_02158
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_02313
Name: ER06618_3A_prokka|PROKKA_02313
Description: ER06618_3A_prokka|PROKKA_02313
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_02521
Name: ER06618_3A_prokka|PROKKA_02521
Description: ER06618_3A_prokka|PROKKA_02521
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_02608
Name: ER06618_3A_prokka|PROKKA_02608
Description: ER06618_3A_prokka|PROKKA_02608
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_02638
Name: ER06618_3A_prokka|PROKKA_02638
Description: ER06618_3A_prokka|PROKKA_02638
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALTEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00030
Name: ER06690_3A_prokka|PROKKA_00030
Description: ER06690_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00039
Name: ER06690_3A_prokka|PROKKA_00039
Description: ER06690_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MNWIKIAQLSVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00123
Name: ER06690_3A_prokka|PROKKA_00123
Description: ER06690_3A_prokka|PROKKA_00123
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00227
Name: ER06690_3A_prokka|PROKKA_00227
Description: ER06690_3A_prokka|PROKKA_00227
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00374
Name: ER06690_3A_prokka|PROKKA_00374
Description: ER06690_3A_prokka|PROKKA_00374
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFHNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00539
Name: ER06690_3A_prokka|PROKKA_00539
Description: ER06690_3A_prokka|PROKKA_00539
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00569
Name: ER06690_3A_prokka|PROKKA_00569
Description: ER06690_3A_prokka|PROKKA_00569
Number of features: 0
Seq('MLFLDALLSMSYQNIIVYFVWIAVIMGFFLVNIALIIDKNIHVILKNP', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00576
Name: ER06690_3A_prokka|PROKKA_00576
Description: ER06690_3A_prokka|PROKKA_00576
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00620
Name: ER06690_3A_prokka|PROKKA_00620
Description: ER06690_3A_prokka|PROKKA_00620
Number of features: 0
Seq('MPKIILVSHSKEIASGTKSLLKQMAGDVDIIPIGDYQMVQLELHLISSKKF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00756
Name: ER06690_3A_prokka|PROKKA_00756
Description: ER06690_3A_prokka|PROKKA_00756
Number of features: 0
Seq('MKLNLFYITLTSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00794
Name: ER06690_3A_prokka|PROKKA_00794
Description: ER06690_3A_prokka|PROKKA_00794
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00820
Name: ER06690_3A_prokka|PROKKA_00820
Description: ER06690_3A_prokka|PROKKA_00820
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00928
Name: ER06690_3A_prokka|PROKKA_00928
Description: ER06690_3A_prokka|PROKKA_00928
Number of features: 0
Seq('MRQFIKRIVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00968
Name: ER06690_3A_prokka|PROKKA_00968
Description: ER06690_3A_prokka|PROKKA_00968
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01048
Name: ER06690_3A_prokka|PROKKA_01048
Description: ER06690_3A_prokka|PROKKA_01048
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01061
Name: ER06690_3A_prokka|PROKKA_01061
Description: ER06690_3A_prokka|PROKKA_01061
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01062
Name: ER06690_3A_prokka|PROKKA_01062
Description: ER06690_3A_prokka|PROKKA_01062
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01196
Name: ER06690_3A_prokka|PROKKA_01196
Description: ER06690_3A_prokka|PROKKA_01196
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01199
Name: ER06690_3A_prokka|PROKKA_01199
Description: ER06690_3A_prokka|PROKKA_01199
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKSKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01202
Name: ER06690_3A_prokka|PROKKA_01202
Description: ER06690_3A_prokka|PROKKA_01202
Number of features: 0
Seq('MYFAQLDGEITNKQSQELLDKEYKKAIELENKNKEQKLEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01205
Name: ER06690_3A_prokka|PROKKA_01205
Description: ER06690_3A_prokka|PROKKA_01205
Number of features: 0
Seq('MSIQQLDGYISIEDFFKHMDELSKKEELEKEINQSKSKYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01227
Name: ER06690_3A_prokka|PROKKA_01227
Description: ER06690_3A_prokka|PROKKA_01227
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01322
Name: ER06690_3A_prokka|PROKKA_01322
Description: ER06690_3A_prokka|PROKKA_01322
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVGDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01334
Name: ER06690_3A_prokka|PROKKA_01334
Description: ER06690_3A_prokka|PROKKA_01334
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01399
Name: ER06690_3A_prokka|PROKKA_01399
Description: ER06690_3A_prokka|PROKKA_01399
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01436
Name: ER06690_3A_prokka|PROKKA_01436
Description: ER06690_3A_prokka|PROKKA_01436
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01506
Name: ER06690_3A_prokka|PROKKA_01506
Description: ER06690_3A_prokka|PROKKA_01506
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01669
Name: ER06690_3A_prokka|PROKKA_01669
Description: ER06690_3A_prokka|PROKKA_01669
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01689
Name: ER06690_3A_prokka|PROKKA_01689
Description: ER06690_3A_prokka|PROKKA_01689
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01724
Name: ER06690_3A_prokka|PROKKA_01724
Description: ER06690_3A_prokka|PROKKA_01724
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01774
Name: ER06690_3A_prokka|PROKKA_01774
Description: ER06690_3A_prokka|PROKKA_01774
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01846
Name: ER06690_3A_prokka|PROKKA_01846
Description: ER06690_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01856
Name: ER06690_3A_prokka|PROKKA_01856
Description: ER06690_3A_prokka|PROKKA_01856
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01868
Name: ER06690_3A_prokka|PROKKA_01868
Description: ER06690_3A_prokka|PROKKA_01868
Number of features: 0
Seq('MRIFIYDLIVLLFAFLISIYIIDDGVIINALGIFGMYKIIDSFSENIIKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01869
Name: ER06690_3A_prokka|PROKKA_01869
Description: ER06690_3A_prokka|PROKKA_01869
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01881
Name: ER06690_3A_prokka|PROKKA_01881
Description: ER06690_3A_prokka|PROKKA_01881
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01884
Name: ER06690_3A_prokka|PROKKA_01884
Description: ER06690_3A_prokka|PROKKA_01884
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01910
Name: ER06690_3A_prokka|PROKKA_01910
Description: ER06690_3A_prokka|PROKKA_01910
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTISDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01912
Name: ER06690_3A_prokka|PROKKA_01912
Description: ER06690_3A_prokka|PROKKA_01912
Number of features: 0
Seq('MKKLLNKVIELLVDFFNSIGYRAAYINCDFLLDEAEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01961
Name: ER06690_3A_prokka|PROKKA_01961
Description: ER06690_3A_prokka|PROKKA_01961
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_02075
Name: ER06690_3A_prokka|PROKKA_02075
Description: ER06690_3A_prokka|PROKKA_02075
Number of features: 0
Seq('MIYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_02092
Name: ER06690_3A_prokka|PROKKA_02092
Description: ER06690_3A_prokka|PROKKA_02092
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_02123
Name: ER06690_3A_prokka|PROKKA_02123
Description: ER06690_3A_prokka|PROKKA_02123
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_02277
Name: ER06690_3A_prokka|PROKKA_02277
Description: ER06690_3A_prokka|PROKKA_02277
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_02342
Name: ER06690_3A_prokka|PROKKA_02342
Description: ER06690_3A_prokka|PROKKA_02342
Number of features: 0
Seq('MSQTEYQINPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_02484
Name: ER06690_3A_prokka|PROKKA_02484
Description: ER06690_3A_prokka|PROKKA_02484
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_02544
Name: ER06690_3A_prokka|PROKKA_02544
Description: ER06690_3A_prokka|PROKKA_02544
Number of features: 0
Seq('MAIYIFCTILVLVAVGALLTNRIRDKKDKRLDILSSVLLLISSISLLLYGVIIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_02568
Name: ER06690_3A_prokka|PROKKA_02568
Description: ER06690_3A_prokka|PROKKA_02568
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_02572
Name: ER06690_3A_prokka|PROKKA_02572
Description: ER06690_3A_prokka|PROKKA_02572
Number of features: 0
Seq('MSTKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_02598
Name: ER06690_3A_prokka|PROKKA_02598
Description: ER06690_3A_prokka|PROKKA_02598
Number of features: 0
Seq('MKKIILLFKNPIYSKLFLANFTSQFGGTIGLTAIMFFFLKEFTDMPSLAT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_02600
Name: ER06690_3A_prokka|PROKKA_02600
Description: ER06690_3A_prokka|PROKKA_02600
Number of features: 0
Seq('MEKEFDTMTYGTLPLQLDVKKGIFLNKGVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00107
Name: ER06713_3A_prokka|PROKKA_00107
Description: ER06713_3A_prokka|PROKKA_00107
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00181
Name: ER06713_3A_prokka|PROKKA_00181
Description: ER06713_3A_prokka|PROKKA_00181
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00216
Name: ER06713_3A_prokka|PROKKA_00216
Description: ER06713_3A_prokka|PROKKA_00216
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00219
Name: ER06713_3A_prokka|PROKKA_00219
Description: ER06713_3A_prokka|PROKKA_00219
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00246
Name: ER06713_3A_prokka|PROKKA_00246
Description: ER06713_3A_prokka|PROKKA_00246
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00251
Name: ER06713_3A_prokka|PROKKA_00251
Description: ER06713_3A_prokka|PROKKA_00251
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00259
Name: ER06713_3A_prokka|PROKKA_00259
Description: ER06713_3A_prokka|PROKKA_00259
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00274
Name: ER06713_3A_prokka|PROKKA_00274
Description: ER06713_3A_prokka|PROKKA_00274
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00283
Name: ER06713_3A_prokka|PROKKA_00283
Description: ER06713_3A_prokka|PROKKA_00283
Number of features: 0
Seq('MEQTQKLKLNLQHFASNNVKPQVFNPDNVMMHERKMAR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00284
Name: ER06713_3A_prokka|PROKKA_00284
Description: ER06713_3A_prokka|PROKKA_00284
Number of features: 0
Seq('MQLGKYEPMEGTEKKFTFWADKPGAYWVGEGQKIETSKATWVNATMRAV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00306
Name: ER06713_3A_prokka|PROKKA_00306
Description: ER06713_3A_prokka|PROKKA_00306
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00307
Name: ER06713_3A_prokka|PROKKA_00307
Description: ER06713_3A_prokka|PROKKA_00307
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00309
Name: ER06713_3A_prokka|PROKKA_00309
Description: ER06713_3A_prokka|PROKKA_00309
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00361
Name: ER06713_3A_prokka|PROKKA_00361
Description: ER06713_3A_prokka|PROKKA_00361
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00403
Name: ER06713_3A_prokka|PROKKA_00403
Description: ER06713_3A_prokka|PROKKA_00403
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00418
Name: ER06713_3A_prokka|PROKKA_00418
Description: ER06713_3A_prokka|PROKKA_00418
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00480
Name: ER06713_3A_prokka|PROKKA_00480
Description: ER06713_3A_prokka|PROKKA_00480
Number of features: 0
Seq('MSTKTYTKALQDIFREINGEDEEDSETEPEEMGKTEEQSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00481
Name: ER06713_3A_prokka|PROKKA_00481
Description: ER06713_3A_prokka|PROKKA_00481
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00497
Name: ER06713_3A_prokka|PROKKA_00497
Description: ER06713_3A_prokka|PROKKA_00497
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00605
Name: ER06713_3A_prokka|PROKKA_00605
Description: ER06713_3A_prokka|PROKKA_00605
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00657
Name: ER06713_3A_prokka|PROKKA_00657
Description: ER06713_3A_prokka|PROKKA_00657
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00659
Name: ER06713_3A_prokka|PROKKA_00659
Description: ER06713_3A_prokka|PROKKA_00659
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00685
Name: ER06713_3A_prokka|PROKKA_00685
Description: ER06713_3A_prokka|PROKKA_00685
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00703
Name: ER06713_3A_prokka|PROKKA_00703
Description: ER06713_3A_prokka|PROKKA_00703
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00719
Name: ER06713_3A_prokka|PROKKA_00719
Description: ER06713_3A_prokka|PROKKA_00719
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00723
Name: ER06713_3A_prokka|PROKKA_00723
Description: ER06713_3A_prokka|PROKKA_00723
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00799
Name: ER06713_3A_prokka|PROKKA_00799
Description: ER06713_3A_prokka|PROKKA_00799
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00804
Name: ER06713_3A_prokka|PROKKA_00804
Description: ER06713_3A_prokka|PROKKA_00804
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00826
Name: ER06713_3A_prokka|PROKKA_00826
Description: ER06713_3A_prokka|PROKKA_00826
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00857
Name: ER06713_3A_prokka|PROKKA_00857
Description: ER06713_3A_prokka|PROKKA_00857
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00858
Name: ER06713_3A_prokka|PROKKA_00858
Description: ER06713_3A_prokka|PROKKA_00858
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00873
Name: ER06713_3A_prokka|PROKKA_00873
Description: ER06713_3A_prokka|PROKKA_00873
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00978
Name: ER06713_3A_prokka|PROKKA_00978
Description: ER06713_3A_prokka|PROKKA_00978
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01017
Name: ER06713_3A_prokka|PROKKA_01017
Description: ER06713_3A_prokka|PROKKA_01017
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01018
Name: ER06713_3A_prokka|PROKKA_01018
Description: ER06713_3A_prokka|PROKKA_01018
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01100
Name: ER06713_3A_prokka|PROKKA_01100
Description: ER06713_3A_prokka|PROKKA_01100
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01112
Name: ER06713_3A_prokka|PROKKA_01112
Description: ER06713_3A_prokka|PROKKA_01112
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01113
Name: ER06713_3A_prokka|PROKKA_01113
Description: ER06713_3A_prokka|PROKKA_01113
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01249
Name: ER06713_3A_prokka|PROKKA_01249
Description: ER06713_3A_prokka|PROKKA_01249
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01253
Name: ER06713_3A_prokka|PROKKA_01253
Description: ER06713_3A_prokka|PROKKA_01253
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01277
Name: ER06713_3A_prokka|PROKKA_01277
Description: ER06713_3A_prokka|PROKKA_01277
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01381
Name: ER06713_3A_prokka|PROKKA_01381
Description: ER06713_3A_prokka|PROKKA_01381
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01428
Name: ER06713_3A_prokka|PROKKA_01428
Description: ER06713_3A_prokka|PROKKA_01428
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01436
Name: ER06713_3A_prokka|PROKKA_01436
Description: ER06713_3A_prokka|PROKKA_01436
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01455
Name: ER06713_3A_prokka|PROKKA_01455
Description: ER06713_3A_prokka|PROKKA_01455
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01470
Name: ER06713_3A_prokka|PROKKA_01470
Description: ER06713_3A_prokka|PROKKA_01470
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01478
Name: ER06713_3A_prokka|PROKKA_01478
Description: ER06713_3A_prokka|PROKKA_01478
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01483
Name: ER06713_3A_prokka|PROKKA_01483
Description: ER06713_3A_prokka|PROKKA_01483
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01486
Name: ER06713_3A_prokka|PROKKA_01486
Description: ER06713_3A_prokka|PROKKA_01486
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01493
Name: ER06713_3A_prokka|PROKKA_01493
Description: ER06713_3A_prokka|PROKKA_01493
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01512
Name: ER06713_3A_prokka|PROKKA_01512
Description: ER06713_3A_prokka|PROKKA_01512
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01525
Name: ER06713_3A_prokka|PROKKA_01525
Description: ER06713_3A_prokka|PROKKA_01525
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01557
Name: ER06713_3A_prokka|PROKKA_01557
Description: ER06713_3A_prokka|PROKKA_01557
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01702
Name: ER06713_3A_prokka|PROKKA_01702
Description: ER06713_3A_prokka|PROKKA_01702
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01711
Name: ER06713_3A_prokka|PROKKA_01711
Description: ER06713_3A_prokka|PROKKA_01711
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01775
Name: ER06713_3A_prokka|PROKKA_01775
Description: ER06713_3A_prokka|PROKKA_01775
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01884
Name: ER06713_3A_prokka|PROKKA_01884
Description: ER06713_3A_prokka|PROKKA_01884
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01922
Name: ER06713_3A_prokka|PROKKA_01922
Description: ER06713_3A_prokka|PROKKA_01922
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02006
Name: ER06713_3A_prokka|PROKKA_02006
Description: ER06713_3A_prokka|PROKKA_02006
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02045
Name: ER06713_3A_prokka|PROKKA_02045
Description: ER06713_3A_prokka|PROKKA_02045
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02048
Name: ER06713_3A_prokka|PROKKA_02048
Description: ER06713_3A_prokka|PROKKA_02048
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02052
Name: ER06713_3A_prokka|PROKKA_02052
Description: ER06713_3A_prokka|PROKKA_02052
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02073
Name: ER06713_3A_prokka|PROKKA_02073
Description: ER06713_3A_prokka|PROKKA_02073
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02091
Name: ER06713_3A_prokka|PROKKA_02091
Description: ER06713_3A_prokka|PROKKA_02091
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02258
Name: ER06713_3A_prokka|PROKKA_02258
Description: ER06713_3A_prokka|PROKKA_02258
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02382
Name: ER06713_3A_prokka|PROKKA_02382
Description: ER06713_3A_prokka|PROKKA_02382
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02399
Name: ER06713_3A_prokka|PROKKA_02399
Description: ER06713_3A_prokka|PROKKA_02399
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02565
Name: ER06713_3A_prokka|PROKKA_02565
Description: ER06713_3A_prokka|PROKKA_02565
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02795
Name: ER06713_3A_prokka|PROKKA_02795
Description: ER06713_3A_prokka|PROKKA_02795
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02826
Name: ER06713_3A_prokka|PROKKA_02826
Description: ER06713_3A_prokka|PROKKA_02826
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02830
Name: ER06713_3A_prokka|PROKKA_02830
Description: ER06713_3A_prokka|PROKKA_02830
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02846
Name: ER06713_3A_prokka|PROKKA_02846
Description: ER06713_3A_prokka|PROKKA_02846
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02869
Name: ER06713_3A_prokka|PROKKA_02869
Description: ER06713_3A_prokka|PROKKA_02869
Number of features: 0
Seq('MLLKGPLKIISVIFQLLFGKIGLIRNAITGLVTVLVF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02870
Name: ER06713_3A_prokka|PROKKA_02870
Description: ER06713_3A_prokka|PROKKA_02870
Number of features: 0
Seq('MSAGADMIRGLIRGIGQMAGQLVDAAKKCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02873
Name: ER06713_3A_prokka|PROKKA_02873
Description: ER06713_3A_prokka|PROKKA_02873
Number of features: 0
Seq('MIAFEFIKNGVEISTETNIAQPKFKYGANKFEFNQTVQKVQFDLKFYYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02891
Name: ER06713_3A_prokka|PROKKA_02891
Description: ER06713_3A_prokka|PROKKA_02891
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00029
Name: ER06881_3A_prokka|PROKKA_00029
Description: ER06881_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00060
Name: ER06881_3A_prokka|PROKKA_00060
Description: ER06881_3A_prokka|PROKKA_00060
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00069
Name: ER06881_3A_prokka|PROKKA_00069
Description: ER06881_3A_prokka|PROKKA_00069
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00090
Name: ER06881_3A_prokka|PROKKA_00090
Description: ER06881_3A_prokka|PROKKA_00090
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00180
Name: ER06881_3A_prokka|PROKKA_00180
Description: ER06881_3A_prokka|PROKKA_00180
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00279
Name: ER06881_3A_prokka|PROKKA_00279
Description: ER06881_3A_prokka|PROKKA_00279
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00332
Name: ER06881_3A_prokka|PROKKA_00332
Description: ER06881_3A_prokka|PROKKA_00332
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00430
Name: ER06881_3A_prokka|PROKKA_00430
Description: ER06881_3A_prokka|PROKKA_00430
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00468
Name: ER06881_3A_prokka|PROKKA_00468
Description: ER06881_3A_prokka|PROKKA_00468
Number of features: 0
Seq('MGIAPEVVMWRDVGDINGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00599
Name: ER06881_3A_prokka|PROKKA_00599
Description: ER06881_3A_prokka|PROKKA_00599
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00635
Name: ER06881_3A_prokka|PROKKA_00635
Description: ER06881_3A_prokka|PROKKA_00635
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00851
Name: ER06881_3A_prokka|PROKKA_00851
Description: ER06881_3A_prokka|PROKKA_00851
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00895
Name: ER06881_3A_prokka|PROKKA_00895
Description: ER06881_3A_prokka|PROKKA_00895
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01003
Name: ER06881_3A_prokka|PROKKA_01003
Description: ER06881_3A_prokka|PROKKA_01003
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01042
Name: ER06881_3A_prokka|PROKKA_01042
Description: ER06881_3A_prokka|PROKKA_01042
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01043
Name: ER06881_3A_prokka|PROKKA_01043
Description: ER06881_3A_prokka|PROKKA_01043
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01123
Name: ER06881_3A_prokka|PROKKA_01123
Description: ER06881_3A_prokka|PROKKA_01123
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01136
Name: ER06881_3A_prokka|PROKKA_01136
Description: ER06881_3A_prokka|PROKKA_01136
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01137
Name: ER06881_3A_prokka|PROKKA_01137
Description: ER06881_3A_prokka|PROKKA_01137
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01272
Name: ER06881_3A_prokka|PROKKA_01272
Description: ER06881_3A_prokka|PROKKA_01272
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01276
Name: ER06881_3A_prokka|PROKKA_01276
Description: ER06881_3A_prokka|PROKKA_01276
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01280
Name: ER06881_3A_prokka|PROKKA_01280
Description: ER06881_3A_prokka|PROKKA_01280
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01282
Name: ER06881_3A_prokka|PROKKA_01282
Description: ER06881_3A_prokka|PROKKA_01282
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01306
Name: ER06881_3A_prokka|PROKKA_01306
Description: ER06881_3A_prokka|PROKKA_01306
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01401
Name: ER06881_3A_prokka|PROKKA_01401
Description: ER06881_3A_prokka|PROKKA_01401
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01414
Name: ER06881_3A_prokka|PROKKA_01414
Description: ER06881_3A_prokka|PROKKA_01414
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01463
Name: ER06881_3A_prokka|PROKKA_01463
Description: ER06881_3A_prokka|PROKKA_01463
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01471
Name: ER06881_3A_prokka|PROKKA_01471
Description: ER06881_3A_prokka|PROKKA_01471
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01491
Name: ER06881_3A_prokka|PROKKA_01491
Description: ER06881_3A_prokka|PROKKA_01491
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01519
Name: ER06881_3A_prokka|PROKKA_01519
Description: ER06881_3A_prokka|PROKKA_01519
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01546
Name: ER06881_3A_prokka|PROKKA_01546
Description: ER06881_3A_prokka|PROKKA_01546
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01583
Name: ER06881_3A_prokka|PROKKA_01583
Description: ER06881_3A_prokka|PROKKA_01583
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01654
Name: ER06881_3A_prokka|PROKKA_01654
Description: ER06881_3A_prokka|PROKKA_01654
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01819
Name: ER06881_3A_prokka|PROKKA_01819
Description: ER06881_3A_prokka|PROKKA_01819
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01826
Name: ER06881_3A_prokka|PROKKA_01826
Description: ER06881_3A_prokka|PROKKA_01826
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01845
Name: ER06881_3A_prokka|PROKKA_01845
Description: ER06881_3A_prokka|PROKKA_01845
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01881
Name: ER06881_3A_prokka|PROKKA_01881
Description: ER06881_3A_prokka|PROKKA_01881
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01933
Name: ER06881_3A_prokka|PROKKA_01933
Description: ER06881_3A_prokka|PROKKA_01933
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01934
Name: ER06881_3A_prokka|PROKKA_01934
Description: ER06881_3A_prokka|PROKKA_01934
Number of features: 0
Seq('MESEQRYVNSLTREFNNEAEINAILKKDLVTQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01937
Name: ER06881_3A_prokka|PROKKA_01937
Description: ER06881_3A_prokka|PROKKA_01937
Number of features: 0
Seq('MVKILTEITSRVGNGVTTPYYAMIDSLAVVVNRLTITKGFMLYSMKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01967
Name: ER06881_3A_prokka|PROKKA_01967
Description: ER06881_3A_prokka|PROKKA_01967
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGEVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01981
Name: ER06881_3A_prokka|PROKKA_01981
Description: ER06881_3A_prokka|PROKKA_01981
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01990
Name: ER06881_3A_prokka|PROKKA_01990
Description: ER06881_3A_prokka|PROKKA_01990
Number of features: 0
Seq('MSNIYKSYLIAVLCFTILAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02001
Name: ER06881_3A_prokka|PROKKA_02001
Description: ER06881_3A_prokka|PROKKA_02001
Number of features: 0
Seq('MRKYNFDKFFLYMAVLSLPIVIFFPLMLSIPIIFFIFSIRKKED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02076
Name: ER06881_3A_prokka|PROKKA_02076
Description: ER06881_3A_prokka|PROKKA_02076
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02080
Name: ER06881_3A_prokka|PROKKA_02080
Description: ER06881_3A_prokka|PROKKA_02080
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02096
Name: ER06881_3A_prokka|PROKKA_02096
Description: ER06881_3A_prokka|PROKKA_02096
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02116
Name: ER06881_3A_prokka|PROKKA_02116
Description: ER06881_3A_prokka|PROKKA_02116
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02146
Name: ER06881_3A_prokka|PROKKA_02146
Description: ER06881_3A_prokka|PROKKA_02146
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02148
Name: ER06881_3A_prokka|PROKKA_02148
Description: ER06881_3A_prokka|PROKKA_02148
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02197
Name: ER06881_3A_prokka|PROKKA_02197
Description: ER06881_3A_prokka|PROKKA_02197
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02317
Name: ER06881_3A_prokka|PROKKA_02317
Description: ER06881_3A_prokka|PROKKA_02317
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02341
Name: ER06881_3A_prokka|PROKKA_02341
Description: ER06881_3A_prokka|PROKKA_02341
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02372
Name: ER06881_3A_prokka|PROKKA_02372
Description: ER06881_3A_prokka|PROKKA_02372
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02529
Name: ER06881_3A_prokka|PROKKA_02529
Description: ER06881_3A_prokka|PROKKA_02529
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02575
Name: ER06881_3A_prokka|PROKKA_02575
Description: ER06881_3A_prokka|PROKKA_02575
Number of features: 0
Seq('MKGAMAWPFLRLYILTLMFFSANAILNVFIPLRGHDLGATNTVIGIVMGHTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02742
Name: ER06881_3A_prokka|PROKKA_02742
Description: ER06881_3A_prokka|PROKKA_02742
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02829
Name: ER06881_3A_prokka|PROKKA_02829
Description: ER06881_3A_prokka|PROKKA_02829
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00012
Name: ER06916_3A_prokka|PROKKA_00012
Description: ER06916_3A_prokka|PROKKA_00012
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00048
Name: ER06916_3A_prokka|PROKKA_00048
Description: ER06916_3A_prokka|PROKKA_00048
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00057
Name: ER06916_3A_prokka|PROKKA_00057
Description: ER06916_3A_prokka|PROKKA_00057
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00070
Name: ER06916_3A_prokka|PROKKA_00070
Description: ER06916_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00073
Name: ER06916_3A_prokka|PROKKA_00073
Description: ER06916_3A_prokka|PROKKA_00073
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00238
Name: ER06916_3A_prokka|PROKKA_00238
Description: ER06916_3A_prokka|PROKKA_00238
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00363
Name: ER06916_3A_prokka|PROKKA_00363
Description: ER06916_3A_prokka|PROKKA_00363
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00381
Name: ER06916_3A_prokka|PROKKA_00381
Description: ER06916_3A_prokka|PROKKA_00381
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00547
Name: ER06916_3A_prokka|PROKKA_00547
Description: ER06916_3A_prokka|PROKKA_00547
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDNSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00799
Name: ER06916_3A_prokka|PROKKA_00799
Description: ER06916_3A_prokka|PROKKA_00799
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00826
Name: ER06916_3A_prokka|PROKKA_00826
Description: ER06916_3A_prokka|PROKKA_00826
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00933
Name: ER06916_3A_prokka|PROKKA_00933
Description: ER06916_3A_prokka|PROKKA_00933
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00973
Name: ER06916_3A_prokka|PROKKA_00973
Description: ER06916_3A_prokka|PROKKA_00973
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01026
Name: ER06916_3A_prokka|PROKKA_01026
Description: ER06916_3A_prokka|PROKKA_01026
Number of features: 0
Seq('MLQKFRIAKERSKLKLNLLKHANSNLETRNNPELLRAVAELLKEINR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01031
Name: ER06916_3A_prokka|PROKKA_01031
Description: ER06916_3A_prokka|PROKKA_01031
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01032
Name: ER06916_3A_prokka|PROKKA_01032
Description: ER06916_3A_prokka|PROKKA_01032
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYGE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01050
Name: ER06916_3A_prokka|PROKKA_01050
Description: ER06916_3A_prokka|PROKKA_01050
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01124
Name: ER06916_3A_prokka|PROKKA_01124
Description: ER06916_3A_prokka|PROKKA_01124
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01175
Name: ER06916_3A_prokka|PROKKA_01175
Description: ER06916_3A_prokka|PROKKA_01175
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01217
Name: ER06916_3A_prokka|PROKKA_01217
Description: ER06916_3A_prokka|PROKKA_01217
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01232
Name: ER06916_3A_prokka|PROKKA_01232
Description: ER06916_3A_prokka|PROKKA_01232
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01395
Name: ER06916_3A_prokka|PROKKA_01395
Description: ER06916_3A_prokka|PROKKA_01395
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01467
Name: ER06916_3A_prokka|PROKKA_01467
Description: ER06916_3A_prokka|PROKKA_01467
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01502
Name: ER06916_3A_prokka|PROKKA_01502
Description: ER06916_3A_prokka|PROKKA_01502
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01505
Name: ER06916_3A_prokka|PROKKA_01505
Description: ER06916_3A_prokka|PROKKA_01505
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01572
Name: ER06916_3A_prokka|PROKKA_01572
Description: ER06916_3A_prokka|PROKKA_01572
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01584
Name: ER06916_3A_prokka|PROKKA_01584
Description: ER06916_3A_prokka|PROKKA_01584
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01679
Name: ER06916_3A_prokka|PROKKA_01679
Description: ER06916_3A_prokka|PROKKA_01679
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01704
Name: ER06916_3A_prokka|PROKKA_01704
Description: ER06916_3A_prokka|PROKKA_01704
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01708
Name: ER06916_3A_prokka|PROKKA_01708
Description: ER06916_3A_prokka|PROKKA_01708
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01844
Name: ER06916_3A_prokka|PROKKA_01844
Description: ER06916_3A_prokka|PROKKA_01844
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01845
Name: ER06916_3A_prokka|PROKKA_01845
Description: ER06916_3A_prokka|PROKKA_01845
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01857
Name: ER06916_3A_prokka|PROKKA_01857
Description: ER06916_3A_prokka|PROKKA_01857
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01862
Name: ER06916_3A_prokka|PROKKA_01862
Description: ER06916_3A_prokka|PROKKA_01862
Number of features: 0
Seq('MKFKKYILTGTLALLLSSTGIATIEGNKADASSLDKYLTESQFHDNA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01923
Name: ER06916_3A_prokka|PROKKA_01923
Description: ER06916_3A_prokka|PROKKA_01923
Number of features: 0
Seq('MMWLVIAIILLVILLFGMMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01944
Name: ER06916_3A_prokka|PROKKA_01944
Description: ER06916_3A_prokka|PROKKA_01944
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01945
Name: ER06916_3A_prokka|PROKKA_01945
Description: ER06916_3A_prokka|PROKKA_01945
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01951
Name: ER06916_3A_prokka|PROKKA_01951
Description: ER06916_3A_prokka|PROKKA_01951
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01987
Name: ER06916_3A_prokka|PROKKA_01987
Description: ER06916_3A_prokka|PROKKA_01987
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01991
Name: ER06916_3A_prokka|PROKKA_01991
Description: ER06916_3A_prokka|PROKKA_01991
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02007
Name: ER06916_3A_prokka|PROKKA_02007
Description: ER06916_3A_prokka|PROKKA_02007
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02025
Name: ER06916_3A_prokka|PROKKA_02025
Description: ER06916_3A_prokka|PROKKA_02025
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02026
Name: ER06916_3A_prokka|PROKKA_02026
Description: ER06916_3A_prokka|PROKKA_02026
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02031
Name: ER06916_3A_prokka|PROKKA_02031
Description: ER06916_3A_prokka|PROKKA_02031
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02036
Name: ER06916_3A_prokka|PROKKA_02036
Description: ER06916_3A_prokka|PROKKA_02036
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02065
Name: ER06916_3A_prokka|PROKKA_02065
Description: ER06916_3A_prokka|PROKKA_02065
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02076
Name: ER06916_3A_prokka|PROKKA_02076
Description: ER06916_3A_prokka|PROKKA_02076
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02078
Name: ER06916_3A_prokka|PROKKA_02078
Description: ER06916_3A_prokka|PROKKA_02078
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02128
Name: ER06916_3A_prokka|PROKKA_02128
Description: ER06916_3A_prokka|PROKKA_02128
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02254
Name: ER06916_3A_prokka|PROKKA_02254
Description: ER06916_3A_prokka|PROKKA_02254
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02267
Name: ER06916_3A_prokka|PROKKA_02267
Description: ER06916_3A_prokka|PROKKA_02267
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02298
Name: ER06916_3A_prokka|PROKKA_02298
Description: ER06916_3A_prokka|PROKKA_02298
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02453
Name: ER06916_3A_prokka|PROKKA_02453
Description: ER06916_3A_prokka|PROKKA_02453
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02532
Name: ER06916_3A_prokka|PROKKA_02532
Description: ER06916_3A_prokka|PROKKA_02532
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02697
Name: ER06916_3A_prokka|PROKKA_02697
Description: ER06916_3A_prokka|PROKKA_02697
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02700
Name: ER06916_3A_prokka|PROKKA_02700
Description: ER06916_3A_prokka|PROKKA_02700
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02707
Name: ER06916_3A_prokka|PROKKA_02707
Description: ER06916_3A_prokka|PROKKA_02707
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02745
Name: ER06916_3A_prokka|PROKKA_02745
Description: ER06916_3A_prokka|PROKKA_02745
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02829
Name: ER06916_3A_prokka|PROKKA_02829
Description: ER06916_3A_prokka|PROKKA_02829
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00030
Name: ER06934_3A_prokka|PROKKA_00030
Description: ER06934_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00061
Name: ER06934_3A_prokka|PROKKA_00061
Description: ER06934_3A_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00070
Name: ER06934_3A_prokka|PROKKA_00070
Description: ER06934_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00091
Name: ER06934_3A_prokka|PROKKA_00091
Description: ER06934_3A_prokka|PROKKA_00091
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00179
Name: ER06934_3A_prokka|PROKKA_00179
Description: ER06934_3A_prokka|PROKKA_00179
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00278
Name: ER06934_3A_prokka|PROKKA_00278
Description: ER06934_3A_prokka|PROKKA_00278
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00330
Name: ER06934_3A_prokka|PROKKA_00330
Description: ER06934_3A_prokka|PROKKA_00330
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00428
Name: ER06934_3A_prokka|PROKKA_00428
Description: ER06934_3A_prokka|PROKKA_00428
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00466
Name: ER06934_3A_prokka|PROKKA_00466
Description: ER06934_3A_prokka|PROKKA_00466
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00596
Name: ER06934_3A_prokka|PROKKA_00596
Description: ER06934_3A_prokka|PROKKA_00596
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00632
Name: ER06934_3A_prokka|PROKKA_00632
Description: ER06934_3A_prokka|PROKKA_00632
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00850
Name: ER06934_3A_prokka|PROKKA_00850
Description: ER06934_3A_prokka|PROKKA_00850
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00894
Name: ER06934_3A_prokka|PROKKA_00894
Description: ER06934_3A_prokka|PROKKA_00894
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01002
Name: ER06934_3A_prokka|PROKKA_01002
Description: ER06934_3A_prokka|PROKKA_01002
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01041
Name: ER06934_3A_prokka|PROKKA_01041
Description: ER06934_3A_prokka|PROKKA_01041
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01121
Name: ER06934_3A_prokka|PROKKA_01121
Description: ER06934_3A_prokka|PROKKA_01121
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01134
Name: ER06934_3A_prokka|PROKKA_01134
Description: ER06934_3A_prokka|PROKKA_01134
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01135
Name: ER06934_3A_prokka|PROKKA_01135
Description: ER06934_3A_prokka|PROKKA_01135
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01270
Name: ER06934_3A_prokka|PROKKA_01270
Description: ER06934_3A_prokka|PROKKA_01270
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01274
Name: ER06934_3A_prokka|PROKKA_01274
Description: ER06934_3A_prokka|PROKKA_01274
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01278
Name: ER06934_3A_prokka|PROKKA_01278
Description: ER06934_3A_prokka|PROKKA_01278
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01280
Name: ER06934_3A_prokka|PROKKA_01280
Description: ER06934_3A_prokka|PROKKA_01280
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01304
Name: ER06934_3A_prokka|PROKKA_01304
Description: ER06934_3A_prokka|PROKKA_01304
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01399
Name: ER06934_3A_prokka|PROKKA_01399
Description: ER06934_3A_prokka|PROKKA_01399
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01412
Name: ER06934_3A_prokka|PROKKA_01412
Description: ER06934_3A_prokka|PROKKA_01412
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01461
Name: ER06934_3A_prokka|PROKKA_01461
Description: ER06934_3A_prokka|PROKKA_01461
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01469
Name: ER06934_3A_prokka|PROKKA_01469
Description: ER06934_3A_prokka|PROKKA_01469
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01489
Name: ER06934_3A_prokka|PROKKA_01489
Description: ER06934_3A_prokka|PROKKA_01489
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01517
Name: ER06934_3A_prokka|PROKKA_01517
Description: ER06934_3A_prokka|PROKKA_01517
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01544
Name: ER06934_3A_prokka|PROKKA_01544
Description: ER06934_3A_prokka|PROKKA_01544
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01581
Name: ER06934_3A_prokka|PROKKA_01581
Description: ER06934_3A_prokka|PROKKA_01581
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01652
Name: ER06934_3A_prokka|PROKKA_01652
Description: ER06934_3A_prokka|PROKKA_01652
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01819
Name: ER06934_3A_prokka|PROKKA_01819
Description: ER06934_3A_prokka|PROKKA_01819
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01826
Name: ER06934_3A_prokka|PROKKA_01826
Description: ER06934_3A_prokka|PROKKA_01826
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01845
Name: ER06934_3A_prokka|PROKKA_01845
Description: ER06934_3A_prokka|PROKKA_01845
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01880
Name: ER06934_3A_prokka|PROKKA_01880
Description: ER06934_3A_prokka|PROKKA_01880
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01932
Name: ER06934_3A_prokka|PROKKA_01932
Description: ER06934_3A_prokka|PROKKA_01932
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01934
Name: ER06934_3A_prokka|PROKKA_01934
Description: ER06934_3A_prokka|PROKKA_01934
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01935
Name: ER06934_3A_prokka|PROKKA_01935
Description: ER06934_3A_prokka|PROKKA_01935
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01965
Name: ER06934_3A_prokka|PROKKA_01965
Description: ER06934_3A_prokka|PROKKA_01965
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01971
Name: ER06934_3A_prokka|PROKKA_01971
Description: ER06934_3A_prokka|PROKKA_01971
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWHELDYWLNKRKSENEQIDIDRVLKFIEELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01981
Name: ER06934_3A_prokka|PROKKA_01981
Description: ER06934_3A_prokka|PROKKA_01981
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02071
Name: ER06934_3A_prokka|PROKKA_02071
Description: ER06934_3A_prokka|PROKKA_02071
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02075
Name: ER06934_3A_prokka|PROKKA_02075
Description: ER06934_3A_prokka|PROKKA_02075
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02091
Name: ER06934_3A_prokka|PROKKA_02091
Description: ER06934_3A_prokka|PROKKA_02091
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02111
Name: ER06934_3A_prokka|PROKKA_02111
Description: ER06934_3A_prokka|PROKKA_02111
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02141
Name: ER06934_3A_prokka|PROKKA_02141
Description: ER06934_3A_prokka|PROKKA_02141
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02143
Name: ER06934_3A_prokka|PROKKA_02143
Description: ER06934_3A_prokka|PROKKA_02143
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02193
Name: ER06934_3A_prokka|PROKKA_02193
Description: ER06934_3A_prokka|PROKKA_02193
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02313
Name: ER06934_3A_prokka|PROKKA_02313
Description: ER06934_3A_prokka|PROKKA_02313
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02338
Name: ER06934_3A_prokka|PROKKA_02338
Description: ER06934_3A_prokka|PROKKA_02338
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02369
Name: ER06934_3A_prokka|PROKKA_02369
Description: ER06934_3A_prokka|PROKKA_02369
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02524
Name: ER06934_3A_prokka|PROKKA_02524
Description: ER06934_3A_prokka|PROKKA_02524
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02735
Name: ER06934_3A_prokka|PROKKA_02735
Description: ER06934_3A_prokka|PROKKA_02735
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02822
Name: ER06934_3A_prokka|PROKKA_02822
Description: ER06934_3A_prokka|PROKKA_02822
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_00004
Name: ER06955_3A_prokka|PROKKA_00004
Description: ER06955_3A_prokka|PROKKA_00004
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_00019
Name: ER06955_3A_prokka|PROKKA_00019
Description: ER06955_3A_prokka|PROKKA_00019
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_00023
Name: ER06955_3A_prokka|PROKKA_00023
Description: ER06955_3A_prokka|PROKKA_00023
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_00083
Name: ER06955_3A_prokka|PROKKA_00083
Description: ER06955_3A_prokka|PROKKA_00083
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_00092
Name: ER06955_3A_prokka|PROKKA_00092
Description: ER06955_3A_prokka|PROKKA_00092
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_00267
Name: ER06955_3A_prokka|PROKKA_00267
Description: ER06955_3A_prokka|PROKKA_00267
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_00392
Name: ER06955_3A_prokka|PROKKA_00392
Description: ER06955_3A_prokka|PROKKA_00392
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_00409
Name: ER06955_3A_prokka|PROKKA_00409
Description: ER06955_3A_prokka|PROKKA_00409
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_00576
Name: ER06955_3A_prokka|PROKKA_00576
Description: ER06955_3A_prokka|PROKKA_00576
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_00808
Name: ER06955_3A_prokka|PROKKA_00808
Description: ER06955_3A_prokka|PROKKA_00808
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGEVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_00889
Name: ER06955_3A_prokka|PROKKA_00889
Description: ER06955_3A_prokka|PROKKA_00889
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_00915
Name: ER06955_3A_prokka|PROKKA_00915
Description: ER06955_3A_prokka|PROKKA_00915
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLVIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01021
Name: ER06955_3A_prokka|PROKKA_01021
Description: ER06955_3A_prokka|PROKKA_01021
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01061
Name: ER06955_3A_prokka|PROKKA_01061
Description: ER06955_3A_prokka|PROKKA_01061
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01141
Name: ER06955_3A_prokka|PROKKA_01141
Description: ER06955_3A_prokka|PROKKA_01141
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01153
Name: ER06955_3A_prokka|PROKKA_01153
Description: ER06955_3A_prokka|PROKKA_01153
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01154
Name: ER06955_3A_prokka|PROKKA_01154
Description: ER06955_3A_prokka|PROKKA_01154
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01289
Name: ER06955_3A_prokka|PROKKA_01289
Description: ER06955_3A_prokka|PROKKA_01289
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01293
Name: ER06955_3A_prokka|PROKKA_01293
Description: ER06955_3A_prokka|PROKKA_01293
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01317
Name: ER06955_3A_prokka|PROKKA_01317
Description: ER06955_3A_prokka|PROKKA_01317
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01424
Name: ER06955_3A_prokka|PROKKA_01424
Description: ER06955_3A_prokka|PROKKA_01424
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01488
Name: ER06955_3A_prokka|PROKKA_01488
Description: ER06955_3A_prokka|PROKKA_01488
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01491
Name: ER06955_3A_prokka|PROKKA_01491
Description: ER06955_3A_prokka|PROKKA_01491
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01526
Name: ER06955_3A_prokka|PROKKA_01526
Description: ER06955_3A_prokka|PROKKA_01526
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01598
Name: ER06955_3A_prokka|PROKKA_01598
Description: ER06955_3A_prokka|PROKKA_01598
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01762
Name: ER06955_3A_prokka|PROKKA_01762
Description: ER06955_3A_prokka|PROKKA_01762
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01777
Name: ER06955_3A_prokka|PROKKA_01777
Description: ER06955_3A_prokka|PROKKA_01777
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01819
Name: ER06955_3A_prokka|PROKKA_01819
Description: ER06955_3A_prokka|PROKKA_01819
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01871
Name: ER06955_3A_prokka|PROKKA_01871
Description: ER06955_3A_prokka|PROKKA_01871
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01943
Name: ER06955_3A_prokka|PROKKA_01943
Description: ER06955_3A_prokka|PROKKA_01943
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01947
Name: ER06955_3A_prokka|PROKKA_01947
Description: ER06955_3A_prokka|PROKKA_01947
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01964
Name: ER06955_3A_prokka|PROKKA_01964
Description: ER06955_3A_prokka|PROKKA_01964
Number of features: 0
Seq('MRIFIYDLIVLLFAFLISIYIIDDGVIINALGIFGMYKIIDSFSENIIKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01965
Name: ER06955_3A_prokka|PROKKA_01965
Description: ER06955_3A_prokka|PROKKA_01965
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEASSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01968
Name: ER06955_3A_prokka|PROKKA_01968
Description: ER06955_3A_prokka|PROKKA_01968
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSENEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01982
Name: ER06955_3A_prokka|PROKKA_01982
Description: ER06955_3A_prokka|PROKKA_01982
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01985
Name: ER06955_3A_prokka|PROKKA_01985
Description: ER06955_3A_prokka|PROKKA_01985
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01992
Name: ER06955_3A_prokka|PROKKA_01992
Description: ER06955_3A_prokka|PROKKA_01992
Number of features: 0
Seq('MNLKEVDINIEEWEMVEIPFYTEEELTYRLKNDLPITKSEFEEQESKNEFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01994
Name: ER06955_3A_prokka|PROKKA_01994
Description: ER06955_3A_prokka|PROKKA_01994
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02008
Name: ER06955_3A_prokka|PROKKA_02008
Description: ER06955_3A_prokka|PROKKA_02008
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02010
Name: ER06955_3A_prokka|PROKKA_02010
Description: ER06955_3A_prokka|PROKKA_02010
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02060
Name: ER06955_3A_prokka|PROKKA_02060
Description: ER06955_3A_prokka|PROKKA_02060
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02167
Name: ER06955_3A_prokka|PROKKA_02167
Description: ER06955_3A_prokka|PROKKA_02167
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02175
Name: ER06955_3A_prokka|PROKKA_02175
Description: ER06955_3A_prokka|PROKKA_02175
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02196
Name: ER06955_3A_prokka|PROKKA_02196
Description: ER06955_3A_prokka|PROKKA_02196
Number of features: 0
Seq('MMIKKILRLIFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02216
Name: ER06955_3A_prokka|PROKKA_02216
Description: ER06955_3A_prokka|PROKKA_02216
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02226
Name: ER06955_3A_prokka|PROKKA_02226
Description: ER06955_3A_prokka|PROKKA_02226
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02250
Name: ER06955_3A_prokka|PROKKA_02250
Description: ER06955_3A_prokka|PROKKA_02250
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02263
Name: ER06955_3A_prokka|PROKKA_02263
Description: ER06955_3A_prokka|PROKKA_02263
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02294
Name: ER06955_3A_prokka|PROKKA_02294
Description: ER06955_3A_prokka|PROKKA_02294
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02447
Name: ER06955_3A_prokka|PROKKA_02447
Description: ER06955_3A_prokka|PROKKA_02447
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02511
Name: ER06955_3A_prokka|PROKKA_02511
Description: ER06955_3A_prokka|PROKKA_02511
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02619
Name: ER06955_3A_prokka|PROKKA_02619
Description: ER06955_3A_prokka|PROKKA_02619
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02657
Name: ER06955_3A_prokka|PROKKA_02657
Description: ER06955_3A_prokka|PROKKA_02657
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02741
Name: ER06955_3A_prokka|PROKKA_02741
Description: ER06955_3A_prokka|PROKKA_02741
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00007
Name: ER06964_3A_prokka|PROKKA_00007
Description: ER06964_3A_prokka|PROKKA_00007
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00017
Name: ER06964_3A_prokka|PROKKA_00017
Description: ER06964_3A_prokka|PROKKA_00017
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00021
Name: ER06964_3A_prokka|PROKKA_00021
Description: ER06964_3A_prokka|PROKKA_00021
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00057
Name: ER06964_3A_prokka|PROKKA_00057
Description: ER06964_3A_prokka|PROKKA_00057
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00066
Name: ER06964_3A_prokka|PROKKA_00066
Description: ER06964_3A_prokka|PROKKA_00066
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00238
Name: ER06964_3A_prokka|PROKKA_00238
Description: ER06964_3A_prokka|PROKKA_00238
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00321
Name: ER06964_3A_prokka|PROKKA_00321
Description: ER06964_3A_prokka|PROKKA_00321
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00328
Name: ER06964_3A_prokka|PROKKA_00328
Description: ER06964_3A_prokka|PROKKA_00328
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRNAMHAVKVEKILKSPFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00332
Name: ER06964_3A_prokka|PROKKA_00332
Description: ER06964_3A_prokka|PROKKA_00332
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00347
Name: ER06964_3A_prokka|PROKKA_00347
Description: ER06964_3A_prokka|PROKKA_00347
Number of features: 0
Seq('MMIKQILRLIFLLAMYELGKYVTEQVYIMMTANDDVEEPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00348
Name: ER06964_3A_prokka|PROKKA_00348
Description: ER06964_3A_prokka|PROKKA_00348
Number of features: 0
Seq('MRIFIYDLIVLLFAFLISIYIIDDGVIINALGIFGMYKIIDSFSENIIKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00360
Name: ER06964_3A_prokka|PROKKA_00360
Description: ER06964_3A_prokka|PROKKA_00360
Number of features: 0
Seq('MAMFKVKKSYTDLEKGEYLESGKHVEMTVKRADYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00370
Name: ER06964_3A_prokka|PROKKA_00370
Description: ER06964_3A_prokka|PROKKA_00370
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00444
Name: ER06964_3A_prokka|PROKKA_00444
Description: ER06964_3A_prokka|PROKKA_00444
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00461
Name: ER06964_3A_prokka|PROKKA_00461
Description: ER06964_3A_prokka|PROKKA_00461
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00522
Name: ER06964_3A_prokka|PROKKA_00522
Description: ER06964_3A_prokka|PROKKA_00522
Number of features: 0
Seq('MCNDTLELLRIKDENIKYINQEIDVIIKGKKQQWLMLY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00629
Name: ER06964_3A_prokka|PROKKA_00629
Description: ER06964_3A_prokka|PROKKA_00629
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00859
Name: ER06964_3A_prokka|PROKKA_00859
Description: ER06964_3A_prokka|PROKKA_00859
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00871
Name: ER06964_3A_prokka|PROKKA_00871
Description: ER06964_3A_prokka|PROKKA_00871
Number of features: 0
Seq('MKMYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00887
Name: ER06964_3A_prokka|PROKKA_00887
Description: ER06964_3A_prokka|PROKKA_00887
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00888
Name: ER06964_3A_prokka|PROKKA_00888
Description: ER06964_3A_prokka|PROKKA_00888
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00910
Name: ER06964_3A_prokka|PROKKA_00910
Description: ER06964_3A_prokka|PROKKA_00910
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01016
Name: ER06964_3A_prokka|PROKKA_01016
Description: ER06964_3A_prokka|PROKKA_01016
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01056
Name: ER06964_3A_prokka|PROKKA_01056
Description: ER06964_3A_prokka|PROKKA_01056
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01138
Name: ER06964_3A_prokka|PROKKA_01138
Description: ER06964_3A_prokka|PROKKA_01138
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01150
Name: ER06964_3A_prokka|PROKKA_01150
Description: ER06964_3A_prokka|PROKKA_01150
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01151
Name: ER06964_3A_prokka|PROKKA_01151
Description: ER06964_3A_prokka|PROKKA_01151
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01287
Name: ER06964_3A_prokka|PROKKA_01287
Description: ER06964_3A_prokka|PROKKA_01287
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01291
Name: ER06964_3A_prokka|PROKKA_01291
Description: ER06964_3A_prokka|PROKKA_01291
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01315
Name: ER06964_3A_prokka|PROKKA_01315
Description: ER06964_3A_prokka|PROKKA_01315
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01409
Name: ER06964_3A_prokka|PROKKA_01409
Description: ER06964_3A_prokka|PROKKA_01409
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01421
Name: ER06964_3A_prokka|PROKKA_01421
Description: ER06964_3A_prokka|PROKKA_01421
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01488
Name: ER06964_3A_prokka|PROKKA_01488
Description: ER06964_3A_prokka|PROKKA_01488
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01491
Name: ER06964_3A_prokka|PROKKA_01491
Description: ER06964_3A_prokka|PROKKA_01491
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01526
Name: ER06964_3A_prokka|PROKKA_01526
Description: ER06964_3A_prokka|PROKKA_01526
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01599
Name: ER06964_3A_prokka|PROKKA_01599
Description: ER06964_3A_prokka|PROKKA_01599
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01763
Name: ER06964_3A_prokka|PROKKA_01763
Description: ER06964_3A_prokka|PROKKA_01763
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01778
Name: ER06964_3A_prokka|PROKKA_01778
Description: ER06964_3A_prokka|PROKKA_01778
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01820
Name: ER06964_3A_prokka|PROKKA_01820
Description: ER06964_3A_prokka|PROKKA_01820
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01872
Name: ER06964_3A_prokka|PROKKA_01872
Description: ER06964_3A_prokka|PROKKA_01872
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01946
Name: ER06964_3A_prokka|PROKKA_01946
Description: ER06964_3A_prokka|PROKKA_01946
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01950
Name: ER06964_3A_prokka|PROKKA_01950
Description: ER06964_3A_prokka|PROKKA_01950
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01966
Name: ER06964_3A_prokka|PROKKA_01966
Description: ER06964_3A_prokka|PROKKA_01966
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01984
Name: ER06964_3A_prokka|PROKKA_01984
Description: ER06964_3A_prokka|PROKKA_01984
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01988
Name: ER06964_3A_prokka|PROKKA_01988
Description: ER06964_3A_prokka|PROKKA_01988
Number of features: 0
Seq('MPTQYSMERELFEIKETSITHSDGHTSISKTPKVTGKGQQYFVNKFLGEKQTS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_02011
Name: ER06964_3A_prokka|PROKKA_02011
Description: ER06964_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_02013
Name: ER06964_3A_prokka|PROKKA_02013
Description: ER06964_3A_prokka|PROKKA_02013
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_02063
Name: ER06964_3A_prokka|PROKKA_02063
Description: ER06964_3A_prokka|PROKKA_02063
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_02189
Name: ER06964_3A_prokka|PROKKA_02189
Description: ER06964_3A_prokka|PROKKA_02189
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_02202
Name: ER06964_3A_prokka|PROKKA_02202
Description: ER06964_3A_prokka|PROKKA_02202
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_02233
Name: ER06964_3A_prokka|PROKKA_02233
Description: ER06964_3A_prokka|PROKKA_02233
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_02387
Name: ER06964_3A_prokka|PROKKA_02387
Description: ER06964_3A_prokka|PROKKA_02387
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_02451
Name: ER06964_3A_prokka|PROKKA_02451
Description: ER06964_3A_prokka|PROKKA_02451
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_02597
Name: ER06964_3A_prokka|PROKKA_02597
Description: ER06964_3A_prokka|PROKKA_02597
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_02681
Name: ER06964_3A_prokka|PROKKA_02681
Description: ER06964_3A_prokka|PROKKA_02681
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00036
Name: ER06968_3A_prokka|PROKKA_00036
Description: ER06968_3A_prokka|PROKKA_00036
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00057
Name: ER06968_3A_prokka|PROKKA_00057
Description: ER06968_3A_prokka|PROKKA_00057
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00076
Name: ER06968_3A_prokka|PROKKA_00076
Description: ER06968_3A_prokka|PROKKA_00076
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00087
Name: ER06968_3A_prokka|PROKKA_00087
Description: ER06968_3A_prokka|PROKKA_00087
Number of features: 0
Seq('MITIDSKINKQIAKNLSLEGMYVTREQQIQILHAINNEKEITNELIRKIAFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00096
Name: ER06968_3A_prokka|PROKKA_00096
Description: ER06968_3A_prokka|PROKKA_00096
Number of features: 0
Seq('MEDLKQSLKGLGWYDFFYSTYVSTIRVSAEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00186
Name: ER06968_3A_prokka|PROKKA_00186
Description: ER06968_3A_prokka|PROKKA_00186
Number of features: 0
Seq('MKGDLIDDFKIQNLRGERTINDAAKHNRNEKTGASPYEGIRTCL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00239
Name: ER06968_3A_prokka|PROKKA_00239
Description: ER06968_3A_prokka|PROKKA_00239
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00290
Name: ER06968_3A_prokka|PROKKA_00290
Description: ER06968_3A_prokka|PROKKA_00290
Number of features: 0
Seq('MYKKFGVLPEMEYEMEEIRAVEKYVKEQE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00327
Name: ER06968_3A_prokka|PROKKA_00327
Description: ER06968_3A_prokka|PROKKA_00327
Number of features: 0
Seq('MNIVLLSGSTVGSKTRIAMDDLKNELEVINEGHQIALMDLRDLEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00359
Name: ER06968_3A_prokka|PROKKA_00359
Description: ER06968_3A_prokka|PROKKA_00359
Number of features: 0
Seq('MFMTVKEVAQLLRISERHTYKLLQKNVIPHTKIGGKILVNKERLLETLEKKEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00400
Name: ER06968_3A_prokka|PROKKA_00400
Description: ER06968_3A_prokka|PROKKA_00400
Number of features: 0
Seq('MVPEEKGSITLSKDAATIFATAKFKPFQNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00424
Name: ER06968_3A_prokka|PROKKA_00424
Description: ER06968_3A_prokka|PROKKA_00424
Number of features: 0
Seq('MSKSVYKLDVGKLKKILNRQAQYHLWRMKLKMLIIII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00430
Name: ER06968_3A_prokka|PROKKA_00430
Description: ER06968_3A_prokka|PROKKA_00430
Number of features: 0
Seq('MSEANAAINVLLLLTVTRVFQPKRAMKFCTRPIYHALDHEDH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00568
Name: ER06968_3A_prokka|PROKKA_00568
Description: ER06968_3A_prokka|PROKKA_00568
Number of features: 0
Seq('MIIYRQYQHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00753
Name: ER06968_3A_prokka|PROKKA_00753
Description: ER06968_3A_prokka|PROKKA_00753
Number of features: 0
Seq('MSLEAFHVANKMHILGPQQREFRKEILQTMQVGAGPQHKEILFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00872
Name: ER06968_3A_prokka|PROKKA_00872
Description: ER06968_3A_prokka|PROKKA_00872
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00987
Name: ER06968_3A_prokka|PROKKA_00987
Description: ER06968_3A_prokka|PROKKA_00987
Number of features: 0
Seq('MRQFIKRIVKTILVGYVIKFIRNKLSGKSSHPTDNKHK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01027
Name: ER06968_3A_prokka|PROKKA_01027
Description: ER06968_3A_prokka|PROKKA_01027
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01119
Name: ER06968_3A_prokka|PROKKA_01119
Description: ER06968_3A_prokka|PROKKA_01119
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01269
Name: ER06968_3A_prokka|PROKKA_01269
Description: ER06968_3A_prokka|PROKKA_01269
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01280
Name: ER06968_3A_prokka|PROKKA_01280
Description: ER06968_3A_prokka|PROKKA_01280
Number of features: 0
Seq('MMLDGKLSKKELLRLLTEKNDEKNKGKEKQSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01284
Name: ER06968_3A_prokka|PROKKA_01284
Description: ER06968_3A_prokka|PROKKA_01284
Number of features: 0
Seq('MLKHEALEHYLMNKYNLHYIEAHKLTEIKYNYSILIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01288
Name: ER06968_3A_prokka|PROKKA_01288
Description: ER06968_3A_prokka|PROKKA_01288
Number of features: 0
Seq('MILIMIDSQLDGNVTAKELSESFKELVEEFERIEKANKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01309
Name: ER06968_3A_prokka|PROKKA_01309
Description: ER06968_3A_prokka|PROKKA_01309
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01418
Name: ER06968_3A_prokka|PROKKA_01418
Description: ER06968_3A_prokka|PROKKA_01418
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01462
Name: ER06968_3A_prokka|PROKKA_01462
Description: ER06968_3A_prokka|PROKKA_01462
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01471
Name: ER06968_3A_prokka|PROKKA_01471
Description: ER06968_3A_prokka|PROKKA_01471
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01490
Name: ER06968_3A_prokka|PROKKA_01490
Description: ER06968_3A_prokka|PROKKA_01490
Number of features: 0
Seq('MMIKQILRLIFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01509
Name: ER06968_3A_prokka|PROKKA_01509
Description: ER06968_3A_prokka|PROKKA_01509
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01517
Name: ER06968_3A_prokka|PROKKA_01517
Description: ER06968_3A_prokka|PROKKA_01517
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01548
Name: ER06968_3A_prokka|PROKKA_01548
Description: ER06968_3A_prokka|PROKKA_01548
Number of features: 0
Seq('MNLGNVKETISIIYLIEIVSFLMYLSKFTTHDIFNDFLSLVKLKFLTFIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01551
Name: ER06968_3A_prokka|PROKKA_01551
Description: ER06968_3A_prokka|PROKKA_01551
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01588
Name: ER06968_3A_prokka|PROKKA_01588
Description: ER06968_3A_prokka|PROKKA_01588
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01661
Name: ER06968_3A_prokka|PROKKA_01661
Description: ER06968_3A_prokka|PROKKA_01661
Number of features: 0
Seq('MSFIDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01852
Name: ER06968_3A_prokka|PROKKA_01852
Description: ER06968_3A_prokka|PROKKA_01852
Number of features: 0
Seq('MNKNIIIKSIAALTILTSVTGVGTTMVEGIQQTAKAENSVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01858
Name: ER06968_3A_prokka|PROKKA_01858
Description: ER06968_3A_prokka|PROKKA_01858
Number of features: 0
Seq('MIGRIVTCIHNLNSNNELVGIHFASDVKDDDNRNAYGVYFTPEIKKFIAENIDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01888
Name: ER06968_3A_prokka|PROKKA_01888
Description: ER06968_3A_prokka|PROKKA_01888
Number of features: 0
Seq('MNPKQYFQSIHKYDLRENHYKQRLTVIGNQTFIRAIKKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01902
Name: ER06968_3A_prokka|PROKKA_01902
Description: ER06968_3A_prokka|PROKKA_01902
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01952
Name: ER06968_3A_prokka|PROKKA_01952
Description: ER06968_3A_prokka|PROKKA_01952
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01954
Name: ER06968_3A_prokka|PROKKA_01954
Description: ER06968_3A_prokka|PROKKA_01954
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01955
Name: ER06968_3A_prokka|PROKKA_01955
Description: ER06968_3A_prokka|PROKKA_01955
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01976
Name: ER06968_3A_prokka|PROKKA_01976
Description: ER06968_3A_prokka|PROKKA_01976
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02000
Name: ER06968_3A_prokka|PROKKA_02000
Description: ER06968_3A_prokka|PROKKA_02000
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02019
Name: ER06968_3A_prokka|PROKKA_02019
Description: ER06968_3A_prokka|PROKKA_02019
Number of features: 0
Seq('MRKYNFDKFFLYMAVLSLPIVIFFPLMLSIPIIFFIFSIRKKED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02095
Name: ER06968_3A_prokka|PROKKA_02095
Description: ER06968_3A_prokka|PROKKA_02095
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02099
Name: ER06968_3A_prokka|PROKKA_02099
Description: ER06968_3A_prokka|PROKKA_02099
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02103
Name: ER06968_3A_prokka|PROKKA_02103
Description: ER06968_3A_prokka|PROKKA_02103
Number of features: 0
Seq('MSVKVIGDKALERELEKRFGIKEMVKVQDKALIAGAKVIVEEVKNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02115
Name: ER06968_3A_prokka|PROKKA_02115
Description: ER06968_3A_prokka|PROKKA_02115
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02121
Name: ER06968_3A_prokka|PROKKA_02121
Description: ER06968_3A_prokka|PROKKA_02121
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02135
Name: ER06968_3A_prokka|PROKKA_02135
Description: ER06968_3A_prokka|PROKKA_02135
Number of features: 0
Seq('MSNIYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02138
Name: ER06968_3A_prokka|PROKKA_02138
Description: ER06968_3A_prokka|PROKKA_02138
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02174
Name: ER06968_3A_prokka|PROKKA_02174
Description: ER06968_3A_prokka|PROKKA_02174
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02185
Name: ER06968_3A_prokka|PROKKA_02185
Description: ER06968_3A_prokka|PROKKA_02185
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02187
Name: ER06968_3A_prokka|PROKKA_02187
Description: ER06968_3A_prokka|PROKKA_02187
Number of features: 0
Seq('MKKLLNKVIELLVDFFNSIGYRAAYINCDFLLDEAEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02237
Name: ER06968_3A_prokka|PROKKA_02237
Description: ER06968_3A_prokka|PROKKA_02237
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02246
Name: ER06968_3A_prokka|PROKKA_02246
Description: ER06968_3A_prokka|PROKKA_02246
Number of features: 0
Seq('MIKPKIALTIAGTDPTGGAGVMADLKSFHSCGVYGMGVVTSIVAQNTLGVQHIHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02310
Name: ER06968_3A_prokka|PROKKA_02310
Description: ER06968_3A_prokka|PROKKA_02310
Number of features: 0
Seq('MNLFRQQKFSIRKFNVGIFSALIATVTFISINPTTASAAE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02357
Name: ER06968_3A_prokka|PROKKA_02357
Description: ER06968_3A_prokka|PROKKA_02357
Number of features: 0
Seq('MTYIPFSIITLITGIIMHMTMYFVKFECRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02379
Name: ER06968_3A_prokka|PROKKA_02379
Description: ER06968_3A_prokka|PROKKA_02379
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02410
Name: ER06968_3A_prokka|PROKKA_02410
Description: ER06968_3A_prokka|PROKKA_02410
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02572
Name: ER06968_3A_prokka|PROKKA_02572
Description: ER06968_3A_prokka|PROKKA_02572
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02631
Name: ER06968_3A_prokka|PROKKA_02631
Description: ER06968_3A_prokka|PROKKA_02631
Number of features: 0
Seq('MNKKHVFIIIGVILCICIVASVIYLKMKL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02770
Name: ER06968_3A_prokka|PROKKA_02770
Description: ER06968_3A_prokka|PROKKA_02770
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02858
Name: ER06968_3A_prokka|PROKKA_02858
Description: ER06968_3A_prokka|PROKKA_02858
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00007
Name: ER06977_3A_prokka|PROKKA_00007
Description: ER06977_3A_prokka|PROKKA_00007
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00011
Name: ER06977_3A_prokka|PROKKA_00011
Description: ER06977_3A_prokka|PROKKA_00011
Number of features: 0
Seq('MVDNQANVTGLIDWTEATHSDPSMDFIGHHRVFDDEGLEQLITAIR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00080
Name: ER06977_3A_prokka|PROKKA_00080
Description: ER06977_3A_prokka|PROKKA_00080
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00098
Name: ER06977_3A_prokka|PROKKA_00098
Description: ER06977_3A_prokka|PROKKA_00098
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00268
Name: ER06977_3A_prokka|PROKKA_00268
Description: ER06977_3A_prokka|PROKKA_00268
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00392
Name: ER06977_3A_prokka|PROKKA_00392
Description: ER06977_3A_prokka|PROKKA_00392
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00409
Name: ER06977_3A_prokka|PROKKA_00409
Description: ER06977_3A_prokka|PROKKA_00409
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00576
Name: ER06977_3A_prokka|PROKKA_00576
Description: ER06977_3A_prokka|PROKKA_00576
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00805
Name: ER06977_3A_prokka|PROKKA_00805
Description: ER06977_3A_prokka|PROKKA_00805
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00836
Name: ER06977_3A_prokka|PROKKA_00836
Description: ER06977_3A_prokka|PROKKA_00836
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00840
Name: ER06977_3A_prokka|PROKKA_00840
Description: ER06977_3A_prokka|PROKKA_00840
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00855
Name: ER06977_3A_prokka|PROKKA_00855
Description: ER06977_3A_prokka|PROKKA_00855
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00887
Name: ER06977_3A_prokka|PROKKA_00887
Description: ER06977_3A_prokka|PROKKA_00887
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00888
Name: ER06977_3A_prokka|PROKKA_00888
Description: ER06977_3A_prokka|PROKKA_00888
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00903
Name: ER06977_3A_prokka|PROKKA_00903
Description: ER06977_3A_prokka|PROKKA_00903
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01008
Name: ER06977_3A_prokka|PROKKA_01008
Description: ER06977_3A_prokka|PROKKA_01008
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01047
Name: ER06977_3A_prokka|PROKKA_01047
Description: ER06977_3A_prokka|PROKKA_01047
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01048
Name: ER06977_3A_prokka|PROKKA_01048
Description: ER06977_3A_prokka|PROKKA_01048
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01105
Name: ER06977_3A_prokka|PROKKA_01105
Description: ER06977_3A_prokka|PROKKA_01105
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01106
Name: ER06977_3A_prokka|PROKKA_01106
Description: ER06977_3A_prokka|PROKKA_01106
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01129
Name: ER06977_3A_prokka|PROKKA_01129
Description: ER06977_3A_prokka|PROKKA_01129
Number of features: 0
Seq('MMWLVIAIILLVILLFGMMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01159
Name: ER06977_3A_prokka|PROKKA_01159
Description: ER06977_3A_prokka|PROKKA_01159
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01160
Name: ER06977_3A_prokka|PROKKA_01160
Description: ER06977_3A_prokka|PROKKA_01160
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01195
Name: ER06977_3A_prokka|PROKKA_01195
Description: ER06977_3A_prokka|PROKKA_01195
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01207
Name: ER06977_3A_prokka|PROKKA_01207
Description: ER06977_3A_prokka|PROKKA_01207
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01208
Name: ER06977_3A_prokka|PROKKA_01208
Description: ER06977_3A_prokka|PROKKA_01208
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01346
Name: ER06977_3A_prokka|PROKKA_01346
Description: ER06977_3A_prokka|PROKKA_01346
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01350
Name: ER06977_3A_prokka|PROKKA_01350
Description: ER06977_3A_prokka|PROKKA_01350
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01374
Name: ER06977_3A_prokka|PROKKA_01374
Description: ER06977_3A_prokka|PROKKA_01374
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01468
Name: ER06977_3A_prokka|PROKKA_01468
Description: ER06977_3A_prokka|PROKKA_01468
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01480
Name: ER06977_3A_prokka|PROKKA_01480
Description: ER06977_3A_prokka|PROKKA_01480
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01527
Name: ER06977_3A_prokka|PROKKA_01527
Description: ER06977_3A_prokka|PROKKA_01527
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01535
Name: ER06977_3A_prokka|PROKKA_01535
Description: ER06977_3A_prokka|PROKKA_01535
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01554
Name: ER06977_3A_prokka|PROKKA_01554
Description: ER06977_3A_prokka|PROKKA_01554
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01569
Name: ER06977_3A_prokka|PROKKA_01569
Description: ER06977_3A_prokka|PROKKA_01569
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01577
Name: ER06977_3A_prokka|PROKKA_01577
Description: ER06977_3A_prokka|PROKKA_01577
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01582
Name: ER06977_3A_prokka|PROKKA_01582
Description: ER06977_3A_prokka|PROKKA_01582
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01609
Name: ER06977_3A_prokka|PROKKA_01609
Description: ER06977_3A_prokka|PROKKA_01609
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01612
Name: ER06977_3A_prokka|PROKKA_01612
Description: ER06977_3A_prokka|PROKKA_01612
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01648
Name: ER06977_3A_prokka|PROKKA_01648
Description: ER06977_3A_prokka|PROKKA_01648
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01723
Name: ER06977_3A_prokka|PROKKA_01723
Description: ER06977_3A_prokka|PROKKA_01723
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01899
Name: ER06977_3A_prokka|PROKKA_01899
Description: ER06977_3A_prokka|PROKKA_01899
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01914
Name: ER06977_3A_prokka|PROKKA_01914
Description: ER06977_3A_prokka|PROKKA_01914
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01956
Name: ER06977_3A_prokka|PROKKA_01956
Description: ER06977_3A_prokka|PROKKA_01956
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02008
Name: ER06977_3A_prokka|PROKKA_02008
Description: ER06977_3A_prokka|PROKKA_02008
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02080
Name: ER06977_3A_prokka|PROKKA_02080
Description: ER06977_3A_prokka|PROKKA_02080
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02084
Name: ER06977_3A_prokka|PROKKA_02084
Description: ER06977_3A_prokka|PROKKA_02084
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02100
Name: ER06977_3A_prokka|PROKKA_02100
Description: ER06977_3A_prokka|PROKKA_02100
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02118
Name: ER06977_3A_prokka|PROKKA_02118
Description: ER06977_3A_prokka|PROKKA_02118
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02124
Name: ER06977_3A_prokka|PROKKA_02124
Description: ER06977_3A_prokka|PROKKA_02124
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02129
Name: ER06977_3A_prokka|PROKKA_02129
Description: ER06977_3A_prokka|PROKKA_02129
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02145
Name: ER06977_3A_prokka|PROKKA_02145
Description: ER06977_3A_prokka|PROKKA_02145
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02147
Name: ER06977_3A_prokka|PROKKA_02147
Description: ER06977_3A_prokka|PROKKA_02147
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02198
Name: ER06977_3A_prokka|PROKKA_02198
Description: ER06977_3A_prokka|PROKKA_02198
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02323
Name: ER06977_3A_prokka|PROKKA_02323
Description: ER06977_3A_prokka|PROKKA_02323
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02336
Name: ER06977_3A_prokka|PROKKA_02336
Description: ER06977_3A_prokka|PROKKA_02336
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02367
Name: ER06977_3A_prokka|PROKKA_02367
Description: ER06977_3A_prokka|PROKKA_02367
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02521
Name: ER06977_3A_prokka|PROKKA_02521
Description: ER06977_3A_prokka|PROKKA_02521
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02585
Name: ER06977_3A_prokka|PROKKA_02585
Description: ER06977_3A_prokka|PROKKA_02585
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02694
Name: ER06977_3A_prokka|PROKKA_02694
Description: ER06977_3A_prokka|PROKKA_02694
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02733
Name: ER06977_3A_prokka|PROKKA_02733
Description: ER06977_3A_prokka|PROKKA_02733
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02817
Name: ER06977_3A_prokka|PROKKA_02817
Description: ER06977_3A_prokka|PROKKA_02817
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02823
Name: ER06977_3A_prokka|PROKKA_02823
Description: ER06977_3A_prokka|PROKKA_02823
Number of features: 0
Seq('MGAFGNGIEENELQGLVDSWRNANPNIVNFWKACQEAAINTVEIPKDASYAWT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02824
Name: ER06977_3A_prokka|PROKKA_02824
Description: ER06977_3A_prokka|PROKKA_02824
Number of features: 0
Seq('MLGLMCSISRSKEELLNQAKHITGLENPNSPTQLLAWLKDDQGLDNT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02832
Name: ER06977_3A_prokka|PROKKA_02832
Description: ER06977_3A_prokka|PROKKA_02832
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02834
Name: ER06977_3A_prokka|PROKKA_02834
Description: ER06977_3A_prokka|PROKKA_02834
Number of features: 0
Seq('MNTRSEGLRIGVPQVSSKADASSSYLTEKERNLGAEILELIKKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02840
Name: ER06977_3A_prokka|PROKKA_02840
Description: ER06977_3A_prokka|PROKKA_02840
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02845
Name: ER06977_3A_prokka|PROKKA_02845
Description: ER06977_3A_prokka|PROKKA_02845
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02851
Name: ER06977_3A_prokka|PROKKA_02851
Description: ER06977_3A_prokka|PROKKA_02851
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02860
Name: ER06977_3A_prokka|PROKKA_02860
Description: ER06977_3A_prokka|PROKKA_02860
Number of features: 0
Seq('MQSFVKIIDGYKEEVITDFNQLIFLDARAESPNTNDNSVTINGSRWYFTGRN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02873
Name: ER06977_3A_prokka|PROKKA_02873
Description: ER06977_3A_prokka|PROKKA_02873
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02897
Name: ER06977_3A_prokka|PROKKA_02897
Description: ER06977_3A_prokka|PROKKA_02897
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02902
Name: ER06977_3A_prokka|PROKKA_02902
Description: ER06977_3A_prokka|PROKKA_02902
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02908
Name: ER06977_3A_prokka|PROKKA_02908
Description: ER06977_3A_prokka|PROKKA_02908
Number of features: 0
Seq('MNTRSEGLRIGVPQVSSKADASSSYLTEKERNLGAEILELIKKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02909
Name: ER06977_3A_prokka|PROKKA_02909
Description: ER06977_3A_prokka|PROKKA_02909
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02926
Name: ER06977_3A_prokka|PROKKA_02926
Description: ER06977_3A_prokka|PROKKA_02926
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02946
Name: ER06977_3A_prokka|PROKKA_02946
Description: ER06977_3A_prokka|PROKKA_02946
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02970
Name: ER06977_3A_prokka|PROKKA_02970
Description: ER06977_3A_prokka|PROKKA_02970
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02984
Name: ER06977_3A_prokka|PROKKA_02984
Description: ER06977_3A_prokka|PROKKA_02984
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_03000
Name: ER06977_3A_prokka|PROKKA_03000
Description: ER06977_3A_prokka|PROKKA_03000
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_03026
Name: ER06977_3A_prokka|PROKKA_03026
Description: ER06977_3A_prokka|PROKKA_03026
Number of features: 0
Seq('MIQTVVAAAVLYIATAVDLLVILLICFARAKTRKRI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00016
Name: ER07004_3A_prokka|PROKKA_00016
Description: ER07004_3A_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00087
Name: ER07004_3A_prokka|PROKKA_00087
Description: ER07004_3A_prokka|PROKKA_00087
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00099
Name: ER07004_3A_prokka|PROKKA_00099
Description: ER07004_3A_prokka|PROKKA_00099
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00100
Name: ER07004_3A_prokka|PROKKA_00100
Description: ER07004_3A_prokka|PROKKA_00100
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00236
Name: ER07004_3A_prokka|PROKKA_00236
Description: ER07004_3A_prokka|PROKKA_00236
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00240
Name: ER07004_3A_prokka|PROKKA_00240
Description: ER07004_3A_prokka|PROKKA_00240
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00264
Name: ER07004_3A_prokka|PROKKA_00264
Description: ER07004_3A_prokka|PROKKA_00264
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00357
Name: ER07004_3A_prokka|PROKKA_00357
Description: ER07004_3A_prokka|PROKKA_00357
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00369
Name: ER07004_3A_prokka|PROKKA_00369
Description: ER07004_3A_prokka|PROKKA_00369
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00416
Name: ER07004_3A_prokka|PROKKA_00416
Description: ER07004_3A_prokka|PROKKA_00416
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00424
Name: ER07004_3A_prokka|PROKKA_00424
Description: ER07004_3A_prokka|PROKKA_00424
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00443
Name: ER07004_3A_prokka|PROKKA_00443
Description: ER07004_3A_prokka|PROKKA_00443
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00458
Name: ER07004_3A_prokka|PROKKA_00458
Description: ER07004_3A_prokka|PROKKA_00458
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00466
Name: ER07004_3A_prokka|PROKKA_00466
Description: ER07004_3A_prokka|PROKKA_00466
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00471
Name: ER07004_3A_prokka|PROKKA_00471
Description: ER07004_3A_prokka|PROKKA_00471
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00498
Name: ER07004_3A_prokka|PROKKA_00498
Description: ER07004_3A_prokka|PROKKA_00498
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00501
Name: ER07004_3A_prokka|PROKKA_00501
Description: ER07004_3A_prokka|PROKKA_00501
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00536
Name: ER07004_3A_prokka|PROKKA_00536
Description: ER07004_3A_prokka|PROKKA_00536
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00611
Name: ER07004_3A_prokka|PROKKA_00611
Description: ER07004_3A_prokka|PROKKA_00611
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00769
Name: ER07004_3A_prokka|PROKKA_00769
Description: ER07004_3A_prokka|PROKKA_00769
Number of features: 0
Seq('MDFIKRKRMPIESFTHQFEEITYLSDDLQVKALMMTPHHEVNRIVVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00781
Name: ER07004_3A_prokka|PROKKA_00781
Description: ER07004_3A_prokka|PROKKA_00781
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00795
Name: ER07004_3A_prokka|PROKKA_00795
Description: ER07004_3A_prokka|PROKKA_00795
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00837
Name: ER07004_3A_prokka|PROKKA_00837
Description: ER07004_3A_prokka|PROKKA_00837
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00889
Name: ER07004_3A_prokka|PROKKA_00889
Description: ER07004_3A_prokka|PROKKA_00889
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00963
Name: ER07004_3A_prokka|PROKKA_00963
Description: ER07004_3A_prokka|PROKKA_00963
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00967
Name: ER07004_3A_prokka|PROKKA_00967
Description: ER07004_3A_prokka|PROKKA_00967
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00983
Name: ER07004_3A_prokka|PROKKA_00983
Description: ER07004_3A_prokka|PROKKA_00983
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01001
Name: ER07004_3A_prokka|PROKKA_01001
Description: ER07004_3A_prokka|PROKKA_01001
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01027
Name: ER07004_3A_prokka|PROKKA_01027
Description: ER07004_3A_prokka|PROKKA_01027
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01029
Name: ER07004_3A_prokka|PROKKA_01029
Description: ER07004_3A_prokka|PROKKA_01029
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01081
Name: ER07004_3A_prokka|PROKKA_01081
Description: ER07004_3A_prokka|PROKKA_01081
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01189
Name: ER07004_3A_prokka|PROKKA_01189
Description: ER07004_3A_prokka|PROKKA_01189
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01208
Name: ER07004_3A_prokka|PROKKA_01208
Description: ER07004_3A_prokka|PROKKA_01208
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01221
Name: ER07004_3A_prokka|PROKKA_01221
Description: ER07004_3A_prokka|PROKKA_01221
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01253
Name: ER07004_3A_prokka|PROKKA_01253
Description: ER07004_3A_prokka|PROKKA_01253
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01400
Name: ER07004_3A_prokka|PROKKA_01400
Description: ER07004_3A_prokka|PROKKA_01400
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01409
Name: ER07004_3A_prokka|PROKKA_01409
Description: ER07004_3A_prokka|PROKKA_01409
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01473
Name: ER07004_3A_prokka|PROKKA_01473
Description: ER07004_3A_prokka|PROKKA_01473
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01581
Name: ER07004_3A_prokka|PROKKA_01581
Description: ER07004_3A_prokka|PROKKA_01581
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01619
Name: ER07004_3A_prokka|PROKKA_01619
Description: ER07004_3A_prokka|PROKKA_01619
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01703
Name: ER07004_3A_prokka|PROKKA_01703
Description: ER07004_3A_prokka|PROKKA_01703
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01743
Name: ER07004_3A_prokka|PROKKA_01743
Description: ER07004_3A_prokka|PROKKA_01743
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPYHRRTYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01746
Name: ER07004_3A_prokka|PROKKA_01746
Description: ER07004_3A_prokka|PROKKA_01746
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01750
Name: ER07004_3A_prokka|PROKKA_01750
Description: ER07004_3A_prokka|PROKKA_01750
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01771
Name: ER07004_3A_prokka|PROKKA_01771
Description: ER07004_3A_prokka|PROKKA_01771
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01789
Name: ER07004_3A_prokka|PROKKA_01789
Description: ER07004_3A_prokka|PROKKA_01789
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01956
Name: ER07004_3A_prokka|PROKKA_01956
Description: ER07004_3A_prokka|PROKKA_01956
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02080
Name: ER07004_3A_prokka|PROKKA_02080
Description: ER07004_3A_prokka|PROKKA_02080
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02097
Name: ER07004_3A_prokka|PROKKA_02097
Description: ER07004_3A_prokka|PROKKA_02097
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02264
Name: ER07004_3A_prokka|PROKKA_02264
Description: ER07004_3A_prokka|PROKKA_02264
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02493
Name: ER07004_3A_prokka|PROKKA_02493
Description: ER07004_3A_prokka|PROKKA_02493
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02516
Name: ER07004_3A_prokka|PROKKA_02516
Description: ER07004_3A_prokka|PROKKA_02516
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02517
Name: ER07004_3A_prokka|PROKKA_02517
Description: ER07004_3A_prokka|PROKKA_02517
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02540
Name: ER07004_3A_prokka|PROKKA_02540
Description: ER07004_3A_prokka|PROKKA_02540
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02572
Name: ER07004_3A_prokka|PROKKA_02572
Description: ER07004_3A_prokka|PROKKA_02572
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02573
Name: ER07004_3A_prokka|PROKKA_02573
Description: ER07004_3A_prokka|PROKKA_02573
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02588
Name: ER07004_3A_prokka|PROKKA_02588
Description: ER07004_3A_prokka|PROKKA_02588
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02693
Name: ER07004_3A_prokka|PROKKA_02693
Description: ER07004_3A_prokka|PROKKA_02693
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02732
Name: ER07004_3A_prokka|PROKKA_02732
Description: ER07004_3A_prokka|PROKKA_02732
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02733
Name: ER07004_3A_prokka|PROKKA_02733
Description: ER07004_3A_prokka|PROKKA_02733
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02782
Name: ER07004_3A_prokka|PROKKA_02782
Description: ER07004_3A_prokka|PROKKA_02782
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02790
Name: ER07004_3A_prokka|PROKKA_02790
Description: ER07004_3A_prokka|PROKKA_02790
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02791
Name: ER07004_3A_prokka|PROKKA_02791
Description: ER07004_3A_prokka|PROKKA_02791
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02814
Name: ER07004_3A_prokka|PROKKA_02814
Description: ER07004_3A_prokka|PROKKA_02814
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00030
Name: ER07032_3A_prokka|PROKKA_00030
Description: ER07032_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00039
Name: ER07032_3A_prokka|PROKKA_00039
Description: ER07032_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00052
Name: ER07032_3A_prokka|PROKKA_00052
Description: ER07032_3A_prokka|PROKKA_00052
Number of features: 0
Seq('MAKLIHLLSILYRLSSDKKFTVKQISDTCHNGGKSLYSAITNLKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00153
Name: ER07032_3A_prokka|PROKKA_00153
Description: ER07032_3A_prokka|PROKKA_00153
Number of features: 0
Seq('MKGALIDDLKIQNLKGERTINDAAKHNSKEKTGASPYEGIRTCL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00205
Name: ER07032_3A_prokka|PROKKA_00205
Description: ER07032_3A_prokka|PROKKA_00205
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00322
Name: ER07032_3A_prokka|PROKKA_00322
Description: ER07032_3A_prokka|PROKKA_00322
Number of features: 0
Seq('MNLNIDWSKDFQEFQEILNSGIHPEWLYCAKANLVLEPSYTGEGKQFFSTQDIM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00353
Name: ER07032_3A_prokka|PROKKA_00353
Description: ER07032_3A_prokka|PROKKA_00353
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFQNRIKNNPQKTNPFLKLHENKNS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00526
Name: ER07032_3A_prokka|PROKKA_00526
Description: ER07032_3A_prokka|PROKKA_00526
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00758
Name: ER07032_3A_prokka|PROKKA_00758
Description: ER07032_3A_prokka|PROKKA_00758
Number of features: 0
Seq('MKENLLGTIIWSIATFCYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00773
Name: ER07032_3A_prokka|PROKKA_00773
Description: ER07032_3A_prokka|PROKKA_00773
Number of features: 0
Seq('MKMYLAYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00789
Name: ER07032_3A_prokka|PROKKA_00789
Description: ER07032_3A_prokka|PROKKA_00789
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00790
Name: ER07032_3A_prokka|PROKKA_00790
Description: ER07032_3A_prokka|PROKKA_00790
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00811
Name: ER07032_3A_prokka|PROKKA_00811
Description: ER07032_3A_prokka|PROKKA_00811
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00923
Name: ER07032_3A_prokka|PROKKA_00923
Description: ER07032_3A_prokka|PROKKA_00923
Number of features: 0
Seq('MRQFIKRIVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00962
Name: ER07032_3A_prokka|PROKKA_00962
Description: ER07032_3A_prokka|PROKKA_00962
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00973
Name: ER07032_3A_prokka|PROKKA_00973
Description: ER07032_3A_prokka|PROKKA_00973
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00975
Name: ER07032_3A_prokka|PROKKA_00975
Description: ER07032_3A_prokka|PROKKA_00975
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00985
Name: ER07032_3A_prokka|PROKKA_00985
Description: ER07032_3A_prokka|PROKKA_00985
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01000
Name: ER07032_3A_prokka|PROKKA_01000
Description: ER07032_3A_prokka|PROKKA_01000
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSENEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01005
Name: ER07032_3A_prokka|PROKKA_01005
Description: ER07032_3A_prokka|PROKKA_01005
Number of features: 0
Seq('MIKQIVRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01006
Name: ER07032_3A_prokka|PROKKA_01006
Description: ER07032_3A_prokka|PROKKA_01006
Number of features: 0
Seq('MRIFIYDLIVLLFAFLISIYIIDDGVIINALGIFGMYKIIDSFSENIIKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01018
Name: ER07032_3A_prokka|PROKKA_01018
Description: ER07032_3A_prokka|PROKKA_01018
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01028
Name: ER07032_3A_prokka|PROKKA_01028
Description: ER07032_3A_prokka|PROKKA_01028
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01039
Name: ER07032_3A_prokka|PROKKA_01039
Description: ER07032_3A_prokka|PROKKA_01039
Number of features: 0
Seq('MIQIKGELSIKLRLTKNSFIENEEVYTKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01206
Name: ER07032_3A_prokka|PROKKA_01206
Description: ER07032_3A_prokka|PROKKA_01206
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01278
Name: ER07032_3A_prokka|PROKKA_01278
Description: ER07032_3A_prokka|PROKKA_01278
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01315
Name: ER07032_3A_prokka|PROKKA_01315
Description: ER07032_3A_prokka|PROKKA_01315
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01378
Name: ER07032_3A_prokka|PROKKA_01378
Description: ER07032_3A_prokka|PROKKA_01378
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01483
Name: ER07032_3A_prokka|PROKKA_01483
Description: ER07032_3A_prokka|PROKKA_01483
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01499
Name: ER07032_3A_prokka|PROKKA_01499
Description: ER07032_3A_prokka|PROKKA_01499
Number of features: 0
Seq('MYFAQLDGEITNKQSQELLDKEYKKAIELENKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01506
Name: ER07032_3A_prokka|PROKKA_01506
Description: ER07032_3A_prokka|PROKKA_01506
Number of features: 0
Seq('MSIQHLDGYISIEDFFKHMEELSKKEELEKEINQSKSKYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01518
Name: ER07032_3A_prokka|PROKKA_01518
Description: ER07032_3A_prokka|PROKKA_01518
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01580
Name: ER07032_3A_prokka|PROKKA_01580
Description: ER07032_3A_prokka|PROKKA_01580
Number of features: 0
Seq('MKFQSLDQNWNNGGWRKAEVAHKVVHNYENDMIFIRPFKKA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01637
Name: ER07032_3A_prokka|PROKKA_01637
Description: ER07032_3A_prokka|PROKKA_01637
Number of features: 0
Seq('MNHTIVDSADFQLQANDLISIQGFGRAHITDLGGKTKKDKTHITYRTLFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01655
Name: ER07032_3A_prokka|PROKKA_01655
Description: ER07032_3A_prokka|PROKKA_01655
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01656
Name: ER07032_3A_prokka|PROKKA_01656
Description: ER07032_3A_prokka|PROKKA_01656
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01674
Name: ER07032_3A_prokka|PROKKA_01674
Description: ER07032_3A_prokka|PROKKA_01674
Number of features: 0
Seq('MGKGNTRAVVKIKDGGKNGYYTFDITRPLEEHRKNIPVVGSGEISEITWQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01779
Name: ER07032_3A_prokka|PROKKA_01779
Description: ER07032_3A_prokka|PROKKA_01779
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01830
Name: ER07032_3A_prokka|PROKKA_01830
Description: ER07032_3A_prokka|PROKKA_01830
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01904
Name: ER07032_3A_prokka|PROKKA_01904
Description: ER07032_3A_prokka|PROKKA_01904
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTISDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01906
Name: ER07032_3A_prokka|PROKKA_01906
Description: ER07032_3A_prokka|PROKKA_01906
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01956
Name: ER07032_3A_prokka|PROKKA_01956
Description: ER07032_3A_prokka|PROKKA_01956
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_02094
Name: ER07032_3A_prokka|PROKKA_02094
Description: ER07032_3A_prokka|PROKKA_02094
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_02125
Name: ER07032_3A_prokka|PROKKA_02125
Description: ER07032_3A_prokka|PROKKA_02125
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_02283
Name: ER07032_3A_prokka|PROKKA_02283
Description: ER07032_3A_prokka|PROKKA_02283
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_02346
Name: ER07032_3A_prokka|PROKKA_02346
Description: ER07032_3A_prokka|PROKKA_02346
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVNCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_02501
Name: ER07032_3A_prokka|PROKKA_02501
Description: ER07032_3A_prokka|PROKKA_02501
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_02547
Name: ER07032_3A_prokka|PROKKA_02547
Description: ER07032_3A_prokka|PROKKA_02547
Number of features: 0
Seq('MKKLFNEYFFTTSQATALIIFSLPMTDLFTKNLLLYMLLFIVIIGSTHLLRES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_02548
Name: ER07032_3A_prokka|PROKKA_02548
Description: ER07032_3A_prokka|PROKKA_02548
Number of features: 0
Seq('MAYTLTNIVENVTFSILKYEPTYFNYECCDGTKVANSL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_02592
Name: ER07032_3A_prokka|PROKKA_02592
Description: ER07032_3A_prokka|PROKKA_02592
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00059
Name: ER07053_3A_prokka|PROKKA_00059
Description: ER07053_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00060
Name: ER07053_3A_prokka|PROKKA_00060
Description: ER07053_3A_prokka|PROKKA_00060
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00062
Name: ER07053_3A_prokka|PROKKA_00062
Description: ER07053_3A_prokka|PROKKA_00062
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00114
Name: ER07053_3A_prokka|PROKKA_00114
Description: ER07053_3A_prokka|PROKKA_00114
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00157
Name: ER07053_3A_prokka|PROKKA_00157
Description: ER07053_3A_prokka|PROKKA_00157
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00171
Name: ER07053_3A_prokka|PROKKA_00171
Description: ER07053_3A_prokka|PROKKA_00171
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00340
Name: ER07053_3A_prokka|PROKKA_00340
Description: ER07053_3A_prokka|PROKKA_00340
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00414
Name: ER07053_3A_prokka|PROKKA_00414
Description: ER07053_3A_prokka|PROKKA_00414
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00449
Name: ER07053_3A_prokka|PROKKA_00449
Description: ER07053_3A_prokka|PROKKA_00449
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00452
Name: ER07053_3A_prokka|PROKKA_00452
Description: ER07053_3A_prokka|PROKKA_00452
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00479
Name: ER07053_3A_prokka|PROKKA_00479
Description: ER07053_3A_prokka|PROKKA_00479
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00484
Name: ER07053_3A_prokka|PROKKA_00484
Description: ER07053_3A_prokka|PROKKA_00484
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00492
Name: ER07053_3A_prokka|PROKKA_00492
Description: ER07053_3A_prokka|PROKKA_00492
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00507
Name: ER07053_3A_prokka|PROKKA_00507
Description: ER07053_3A_prokka|PROKKA_00507
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00574
Name: ER07053_3A_prokka|PROKKA_00574
Description: ER07053_3A_prokka|PROKKA_00574
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00586
Name: ER07053_3A_prokka|PROKKA_00586
Description: ER07053_3A_prokka|PROKKA_00586
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00587
Name: ER07053_3A_prokka|PROKKA_00587
Description: ER07053_3A_prokka|PROKKA_00587
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00723
Name: ER07053_3A_prokka|PROKKA_00723
Description: ER07053_3A_prokka|PROKKA_00723
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00727
Name: ER07053_3A_prokka|PROKKA_00727
Description: ER07053_3A_prokka|PROKKA_00727
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00751
Name: ER07053_3A_prokka|PROKKA_00751
Description: ER07053_3A_prokka|PROKKA_00751
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00844
Name: ER07053_3A_prokka|PROKKA_00844
Description: ER07053_3A_prokka|PROKKA_00844
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00856
Name: ER07053_3A_prokka|PROKKA_00856
Description: ER07053_3A_prokka|PROKKA_00856
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00903
Name: ER07053_3A_prokka|PROKKA_00903
Description: ER07053_3A_prokka|PROKKA_00903
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00929
Name: ER07053_3A_prokka|PROKKA_00929
Description: ER07053_3A_prokka|PROKKA_00929
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00952
Name: ER07053_3A_prokka|PROKKA_00952
Description: ER07053_3A_prokka|PROKKA_00952
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00953
Name: ER07053_3A_prokka|PROKKA_00953
Description: ER07053_3A_prokka|PROKKA_00953
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00961
Name: ER07053_3A_prokka|PROKKA_00961
Description: ER07053_3A_prokka|PROKKA_00961
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01010
Name: ER07053_3A_prokka|PROKKA_01010
Description: ER07053_3A_prokka|PROKKA_01010
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01011
Name: ER07053_3A_prokka|PROKKA_01011
Description: ER07053_3A_prokka|PROKKA_01011
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01028
Name: ER07053_3A_prokka|PROKKA_01028
Description: ER07053_3A_prokka|PROKKA_01028
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01051
Name: ER07053_3A_prokka|PROKKA_01051
Description: ER07053_3A_prokka|PROKKA_01051
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01156
Name: ER07053_3A_prokka|PROKKA_01156
Description: ER07053_3A_prokka|PROKKA_01156
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01171
Name: ER07053_3A_prokka|PROKKA_01171
Description: ER07053_3A_prokka|PROKKA_01171
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01172
Name: ER07053_3A_prokka|PROKKA_01172
Description: ER07053_3A_prokka|PROKKA_01172
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01203
Name: ER07053_3A_prokka|PROKKA_01203
Description: ER07053_3A_prokka|PROKKA_01203
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01219
Name: ER07053_3A_prokka|PROKKA_01219
Description: ER07053_3A_prokka|PROKKA_01219
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01223
Name: ER07053_3A_prokka|PROKKA_01223
Description: ER07053_3A_prokka|PROKKA_01223
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01254
Name: ER07053_3A_prokka|PROKKA_01254
Description: ER07053_3A_prokka|PROKKA_01254
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILIIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01484
Name: ER07053_3A_prokka|PROKKA_01484
Description: ER07053_3A_prokka|PROKKA_01484
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01651
Name: ER07053_3A_prokka|PROKKA_01651
Description: ER07053_3A_prokka|PROKKA_01651
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01668
Name: ER07053_3A_prokka|PROKKA_01668
Description: ER07053_3A_prokka|PROKKA_01668
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01792
Name: ER07053_3A_prokka|PROKKA_01792
Description: ER07053_3A_prokka|PROKKA_01792
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01959
Name: ER07053_3A_prokka|PROKKA_01959
Description: ER07053_3A_prokka|PROKKA_01959
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01978
Name: ER07053_3A_prokka|PROKKA_01978
Description: ER07053_3A_prokka|PROKKA_01978
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01999
Name: ER07053_3A_prokka|PROKKA_01999
Description: ER07053_3A_prokka|PROKKA_01999
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02003
Name: ER07053_3A_prokka|PROKKA_02003
Description: ER07053_3A_prokka|PROKKA_02003
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02006
Name: ER07053_3A_prokka|PROKKA_02006
Description: ER07053_3A_prokka|PROKKA_02006
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02046
Name: ER07053_3A_prokka|PROKKA_02046
Description: ER07053_3A_prokka|PROKKA_02046
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02130
Name: ER07053_3A_prokka|PROKKA_02130
Description: ER07053_3A_prokka|PROKKA_02130
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02168
Name: ER07053_3A_prokka|PROKKA_02168
Description: ER07053_3A_prokka|PROKKA_02168
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02276
Name: ER07053_3A_prokka|PROKKA_02276
Description: ER07053_3A_prokka|PROKKA_02276
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02340
Name: ER07053_3A_prokka|PROKKA_02340
Description: ER07053_3A_prokka|PROKKA_02340
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02349
Name: ER07053_3A_prokka|PROKKA_02349
Description: ER07053_3A_prokka|PROKKA_02349
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02495
Name: ER07053_3A_prokka|PROKKA_02495
Description: ER07053_3A_prokka|PROKKA_02495
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02527
Name: ER07053_3A_prokka|PROKKA_02527
Description: ER07053_3A_prokka|PROKKA_02527
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02540
Name: ER07053_3A_prokka|PROKKA_02540
Description: ER07053_3A_prokka|PROKKA_02540
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02558
Name: ER07053_3A_prokka|PROKKA_02558
Description: ER07053_3A_prokka|PROKKA_02558
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02565
Name: ER07053_3A_prokka|PROKKA_02565
Description: ER07053_3A_prokka|PROKKA_02565
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02570
Name: ER07053_3A_prokka|PROKKA_02570
Description: ER07053_3A_prokka|PROKKA_02570
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02578
Name: ER07053_3A_prokka|PROKKA_02578
Description: ER07053_3A_prokka|PROKKA_02578
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02593
Name: ER07053_3A_prokka|PROKKA_02593
Description: ER07053_3A_prokka|PROKKA_02593
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02612
Name: ER07053_3A_prokka|PROKKA_02612
Description: ER07053_3A_prokka|PROKKA_02612
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02620
Name: ER07053_3A_prokka|PROKKA_02620
Description: ER07053_3A_prokka|PROKKA_02620
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02729
Name: ER07053_3A_prokka|PROKKA_02729
Description: ER07053_3A_prokka|PROKKA_02729
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02782
Name: ER07053_3A_prokka|PROKKA_02782
Description: ER07053_3A_prokka|PROKKA_02782
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02784
Name: ER07053_3A_prokka|PROKKA_02784
Description: ER07053_3A_prokka|PROKKA_02784
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02860
Name: ER07053_3A_prokka|PROKKA_02860
Description: ER07053_3A_prokka|PROKKA_02860
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02865
Name: ER07053_3A_prokka|PROKKA_02865
Description: ER07053_3A_prokka|PROKKA_02865
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02887
Name: ER07053_3A_prokka|PROKKA_02887
Description: ER07053_3A_prokka|PROKKA_02887
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02922
Name: ER07053_3A_prokka|PROKKA_02922
Description: ER07053_3A_prokka|PROKKA_02922
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00065
Name: ER07102_3A_prokka|PROKKA_00065
Description: ER07102_3A_prokka|PROKKA_00065
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00088
Name: ER07102_3A_prokka|PROKKA_00088
Description: ER07102_3A_prokka|PROKKA_00088
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00089
Name: ER07102_3A_prokka|PROKKA_00089
Description: ER07102_3A_prokka|PROKKA_00089
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00097
Name: ER07102_3A_prokka|PROKKA_00097
Description: ER07102_3A_prokka|PROKKA_00097
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00105
Name: ER07102_3A_prokka|PROKKA_00105
Description: ER07102_3A_prokka|PROKKA_00105
Number of features: 0
Seq('MNLIPRTSIVVYLKHMKHERQIRKYGHIVHFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00109
Name: ER07102_3A_prokka|PROKKA_00109
Description: ER07102_3A_prokka|PROKKA_00109
Number of features: 0
Seq('MVGKDIKVLTSKFGQADRVYPFRDGYKIMC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00139
Name: ER07102_3A_prokka|PROKKA_00139
Description: ER07102_3A_prokka|PROKKA_00139
Number of features: 0
Seq('MRVEEDNVFIFDIGDVLALTHDSARKAGRIPSGNVLVDGSGIGDIGNVCNKRP', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00150
Name: ER07102_3A_prokka|PROKKA_00150
Description: ER07102_3A_prokka|PROKKA_00150
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00151
Name: ER07102_3A_prokka|PROKKA_00151
Description: ER07102_3A_prokka|PROKKA_00151
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00168
Name: ER07102_3A_prokka|PROKKA_00168
Description: ER07102_3A_prokka|PROKKA_00168
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00191
Name: ER07102_3A_prokka|PROKKA_00191
Description: ER07102_3A_prokka|PROKKA_00191
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00243
Name: ER07102_3A_prokka|PROKKA_00243
Description: ER07102_3A_prokka|PROKKA_00243
Number of features: 0
Seq('MKNDEVLLSIKNLKQYFNAGKKNEVRAIENISFDIYKGETLGLVGESGCGKSTTG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00301
Name: ER07102_3A_prokka|PROKKA_00301
Description: ER07102_3A_prokka|PROKKA_00301
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00307
Name: ER07102_3A_prokka|PROKKA_00307
Description: ER07102_3A_prokka|PROKKA_00307
Number of features: 0
Seq('MCNDTLELLRIKDENIKYINQEIDVIIKGKKQQWLMLY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00346
Name: ER07102_3A_prokka|PROKKA_00346
Description: ER07102_3A_prokka|PROKKA_00346
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00455
Name: ER07102_3A_prokka|PROKKA_00455
Description: ER07102_3A_prokka|PROKKA_00455
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00508
Name: ER07102_3A_prokka|PROKKA_00508
Description: ER07102_3A_prokka|PROKKA_00508
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00510
Name: ER07102_3A_prokka|PROKKA_00510
Description: ER07102_3A_prokka|PROKKA_00510
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00586
Name: ER07102_3A_prokka|PROKKA_00586
Description: ER07102_3A_prokka|PROKKA_00586
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00591
Name: ER07102_3A_prokka|PROKKA_00591
Description: ER07102_3A_prokka|PROKKA_00591
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00613
Name: ER07102_3A_prokka|PROKKA_00613
Description: ER07102_3A_prokka|PROKKA_00613
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00643
Name: ER07102_3A_prokka|PROKKA_00643
Description: ER07102_3A_prokka|PROKKA_00643
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00644
Name: ER07102_3A_prokka|PROKKA_00644
Description: ER07102_3A_prokka|PROKKA_00644
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00646
Name: ER07102_3A_prokka|PROKKA_00646
Description: ER07102_3A_prokka|PROKKA_00646
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00698
Name: ER07102_3A_prokka|PROKKA_00698
Description: ER07102_3A_prokka|PROKKA_00698
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00741
Name: ER07102_3A_prokka|PROKKA_00741
Description: ER07102_3A_prokka|PROKKA_00741
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00755
Name: ER07102_3A_prokka|PROKKA_00755
Description: ER07102_3A_prokka|PROKKA_00755
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00924
Name: ER07102_3A_prokka|PROKKA_00924
Description: ER07102_3A_prokka|PROKKA_00924
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00998
Name: ER07102_3A_prokka|PROKKA_00998
Description: ER07102_3A_prokka|PROKKA_00998
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01033
Name: ER07102_3A_prokka|PROKKA_01033
Description: ER07102_3A_prokka|PROKKA_01033
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01036
Name: ER07102_3A_prokka|PROKKA_01036
Description: ER07102_3A_prokka|PROKKA_01036
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01063
Name: ER07102_3A_prokka|PROKKA_01063
Description: ER07102_3A_prokka|PROKKA_01063
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01068
Name: ER07102_3A_prokka|PROKKA_01068
Description: ER07102_3A_prokka|PROKKA_01068
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01076
Name: ER07102_3A_prokka|PROKKA_01076
Description: ER07102_3A_prokka|PROKKA_01076
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01091
Name: ER07102_3A_prokka|PROKKA_01091
Description: ER07102_3A_prokka|PROKKA_01091
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01110
Name: ER07102_3A_prokka|PROKKA_01110
Description: ER07102_3A_prokka|PROKKA_01110
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01118
Name: ER07102_3A_prokka|PROKKA_01118
Description: ER07102_3A_prokka|PROKKA_01118
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01165
Name: ER07102_3A_prokka|PROKKA_01165
Description: ER07102_3A_prokka|PROKKA_01165
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01177
Name: ER07102_3A_prokka|PROKKA_01177
Description: ER07102_3A_prokka|PROKKA_01177
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01270
Name: ER07102_3A_prokka|PROKKA_01270
Description: ER07102_3A_prokka|PROKKA_01270
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01294
Name: ER07102_3A_prokka|PROKKA_01294
Description: ER07102_3A_prokka|PROKKA_01294
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01298
Name: ER07102_3A_prokka|PROKKA_01298
Description: ER07102_3A_prokka|PROKKA_01298
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01434
Name: ER07102_3A_prokka|PROKKA_01434
Description: ER07102_3A_prokka|PROKKA_01434
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01435
Name: ER07102_3A_prokka|PROKKA_01435
Description: ER07102_3A_prokka|PROKKA_01435
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01447
Name: ER07102_3A_prokka|PROKKA_01447
Description: ER07102_3A_prokka|PROKKA_01447
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01513
Name: ER07102_3A_prokka|PROKKA_01513
Description: ER07102_3A_prokka|PROKKA_01513
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01529
Name: ER07102_3A_prokka|PROKKA_01529
Description: ER07102_3A_prokka|PROKKA_01529
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01533
Name: ER07102_3A_prokka|PROKKA_01533
Description: ER07102_3A_prokka|PROKKA_01533
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01564
Name: ER07102_3A_prokka|PROKKA_01564
Description: ER07102_3A_prokka|PROKKA_01564
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILIIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01794
Name: ER07102_3A_prokka|PROKKA_01794
Description: ER07102_3A_prokka|PROKKA_01794
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01961
Name: ER07102_3A_prokka|PROKKA_01961
Description: ER07102_3A_prokka|PROKKA_01961
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01978
Name: ER07102_3A_prokka|PROKKA_01978
Description: ER07102_3A_prokka|PROKKA_01978
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02102
Name: ER07102_3A_prokka|PROKKA_02102
Description: ER07102_3A_prokka|PROKKA_02102
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02269
Name: ER07102_3A_prokka|PROKKA_02269
Description: ER07102_3A_prokka|PROKKA_02269
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02288
Name: ER07102_3A_prokka|PROKKA_02288
Description: ER07102_3A_prokka|PROKKA_02288
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02309
Name: ER07102_3A_prokka|PROKKA_02309
Description: ER07102_3A_prokka|PROKKA_02309
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02313
Name: ER07102_3A_prokka|PROKKA_02313
Description: ER07102_3A_prokka|PROKKA_02313
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02316
Name: ER07102_3A_prokka|PROKKA_02316
Description: ER07102_3A_prokka|PROKKA_02316
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02356
Name: ER07102_3A_prokka|PROKKA_02356
Description: ER07102_3A_prokka|PROKKA_02356
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02440
Name: ER07102_3A_prokka|PROKKA_02440
Description: ER07102_3A_prokka|PROKKA_02440
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02478
Name: ER07102_3A_prokka|PROKKA_02478
Description: ER07102_3A_prokka|PROKKA_02478
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02586
Name: ER07102_3A_prokka|PROKKA_02586
Description: ER07102_3A_prokka|PROKKA_02586
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02650
Name: ER07102_3A_prokka|PROKKA_02650
Description: ER07102_3A_prokka|PROKKA_02650
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02659
Name: ER07102_3A_prokka|PROKKA_02659
Description: ER07102_3A_prokka|PROKKA_02659
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02805
Name: ER07102_3A_prokka|PROKKA_02805
Description: ER07102_3A_prokka|PROKKA_02805
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02837
Name: ER07102_3A_prokka|PROKKA_02837
Description: ER07102_3A_prokka|PROKKA_02837
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02850
Name: ER07102_3A_prokka|PROKKA_02850
Description: ER07102_3A_prokka|PROKKA_02850
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02868
Name: ER07102_3A_prokka|PROKKA_02868
Description: ER07102_3A_prokka|PROKKA_02868
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02875
Name: ER07102_3A_prokka|PROKKA_02875
Description: ER07102_3A_prokka|PROKKA_02875
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02880
Name: ER07102_3A_prokka|PROKKA_02880
Description: ER07102_3A_prokka|PROKKA_02880
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02888
Name: ER07102_3A_prokka|PROKKA_02888
Description: ER07102_3A_prokka|PROKKA_02888
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02903
Name: ER07102_3A_prokka|PROKKA_02903
Description: ER07102_3A_prokka|PROKKA_02903
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02930
Name: ER07102_3A_prokka|PROKKA_02930
Description: ER07102_3A_prokka|PROKKA_02930
Number of features: 0
Seq('MYKIKDVETRIKNDGVDLGDIGCQFYTEDEIQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02938
Name: ER07102_3A_prokka|PROKKA_02938
Description: ER07102_3A_prokka|PROKKA_02938
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02939
Name: ER07102_3A_prokka|PROKKA_02939
Description: ER07102_3A_prokka|PROKKA_02939
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02945
Name: ER07102_3A_prokka|PROKKA_02945
Description: ER07102_3A_prokka|PROKKA_02945
Number of features: 0
Seq('MITIQLYEDLERQTDKLKTYAGHFPVVELDATYYGDTTGKKYIEMDKRNA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02956
Name: ER07102_3A_prokka|PROKKA_02956
Description: ER07102_3A_prokka|PROKKA_02956
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_03061
Name: ER07102_3A_prokka|PROKKA_03061
Description: ER07102_3A_prokka|PROKKA_03061
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_03099
Name: ER07102_3A_prokka|PROKKA_03099
Description: ER07102_3A_prokka|PROKKA_03099
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_03100
Name: ER07102_3A_prokka|PROKKA_03100
Description: ER07102_3A_prokka|PROKKA_03100
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_03149
Name: ER07102_3A_prokka|PROKKA_03149
Description: ER07102_3A_prokka|PROKKA_03149
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_03157
Name: ER07102_3A_prokka|PROKKA_03157
Description: ER07102_3A_prokka|PROKKA_03157
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_03158
Name: ER07102_3A_prokka|PROKKA_03158
Description: ER07102_3A_prokka|PROKKA_03158
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_03181
Name: ER07102_3A_prokka|PROKKA_03181
Description: ER07102_3A_prokka|PROKKA_03181
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_03216
Name: ER07102_3A_prokka|PROKKA_03216
Description: ER07102_3A_prokka|PROKKA_03216
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00039
Name: ER07103_3A_prokka|PROKKA_00039
Description: ER07103_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00042
Name: ER07103_3A_prokka|PROKKA_00042
Description: ER07103_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00046
Name: ER07103_3A_prokka|PROKKA_00046
Description: ER07103_3A_prokka|PROKKA_00046
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00067
Name: ER07103_3A_prokka|PROKKA_00067
Description: ER07103_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00085
Name: ER07103_3A_prokka|PROKKA_00085
Description: ER07103_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00253
Name: ER07103_3A_prokka|PROKKA_00253
Description: ER07103_3A_prokka|PROKKA_00253
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00377
Name: ER07103_3A_prokka|PROKKA_00377
Description: ER07103_3A_prokka|PROKKA_00377
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00394
Name: ER07103_3A_prokka|PROKKA_00394
Description: ER07103_3A_prokka|PROKKA_00394
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00560
Name: ER07103_3A_prokka|PROKKA_00560
Description: ER07103_3A_prokka|PROKKA_00560
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00789
Name: ER07103_3A_prokka|PROKKA_00789
Description: ER07103_3A_prokka|PROKKA_00789
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00816
Name: ER07103_3A_prokka|PROKKA_00816
Description: ER07103_3A_prokka|PROKKA_00816
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00921
Name: ER07103_3A_prokka|PROKKA_00921
Description: ER07103_3A_prokka|PROKKA_00921
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00960
Name: ER07103_3A_prokka|PROKKA_00960
Description: ER07103_3A_prokka|PROKKA_00960
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00961
Name: ER07103_3A_prokka|PROKKA_00961
Description: ER07103_3A_prokka|PROKKA_00961
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01043
Name: ER07103_3A_prokka|PROKKA_01043
Description: ER07103_3A_prokka|PROKKA_01043
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01055
Name: ER07103_3A_prokka|PROKKA_01055
Description: ER07103_3A_prokka|PROKKA_01055
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01056
Name: ER07103_3A_prokka|PROKKA_01056
Description: ER07103_3A_prokka|PROKKA_01056
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01193
Name: ER07103_3A_prokka|PROKKA_01193
Description: ER07103_3A_prokka|PROKKA_01193
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01197
Name: ER07103_3A_prokka|PROKKA_01197
Description: ER07103_3A_prokka|PROKKA_01197
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01221
Name: ER07103_3A_prokka|PROKKA_01221
Description: ER07103_3A_prokka|PROKKA_01221
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01314
Name: ER07103_3A_prokka|PROKKA_01314
Description: ER07103_3A_prokka|PROKKA_01314
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01326
Name: ER07103_3A_prokka|PROKKA_01326
Description: ER07103_3A_prokka|PROKKA_01326
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01373
Name: ER07103_3A_prokka|PROKKA_01373
Description: ER07103_3A_prokka|PROKKA_01373
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01381
Name: ER07103_3A_prokka|PROKKA_01381
Description: ER07103_3A_prokka|PROKKA_01381
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01400
Name: ER07103_3A_prokka|PROKKA_01400
Description: ER07103_3A_prokka|PROKKA_01400
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01415
Name: ER07103_3A_prokka|PROKKA_01415
Description: ER07103_3A_prokka|PROKKA_01415
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01423
Name: ER07103_3A_prokka|PROKKA_01423
Description: ER07103_3A_prokka|PROKKA_01423
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01428
Name: ER07103_3A_prokka|PROKKA_01428
Description: ER07103_3A_prokka|PROKKA_01428
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01455
Name: ER07103_3A_prokka|PROKKA_01455
Description: ER07103_3A_prokka|PROKKA_01455
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01458
Name: ER07103_3A_prokka|PROKKA_01458
Description: ER07103_3A_prokka|PROKKA_01458
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01493
Name: ER07103_3A_prokka|PROKKA_01493
Description: ER07103_3A_prokka|PROKKA_01493
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01567
Name: ER07103_3A_prokka|PROKKA_01567
Description: ER07103_3A_prokka|PROKKA_01567
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01736
Name: ER07103_3A_prokka|PROKKA_01736
Description: ER07103_3A_prokka|PROKKA_01736
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01750
Name: ER07103_3A_prokka|PROKKA_01750
Description: ER07103_3A_prokka|PROKKA_01750
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01792
Name: ER07103_3A_prokka|PROKKA_01792
Description: ER07103_3A_prokka|PROKKA_01792
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01844
Name: ER07103_3A_prokka|PROKKA_01844
Description: ER07103_3A_prokka|PROKKA_01844
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01846
Name: ER07103_3A_prokka|PROKKA_01846
Description: ER07103_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01847
Name: ER07103_3A_prokka|PROKKA_01847
Description: ER07103_3A_prokka|PROKKA_01847
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01877
Name: ER07103_3A_prokka|PROKKA_01877
Description: ER07103_3A_prokka|PROKKA_01877
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01899
Name: ER07103_3A_prokka|PROKKA_01899
Description: ER07103_3A_prokka|PROKKA_01899
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01904
Name: ER07103_3A_prokka|PROKKA_01904
Description: ER07103_3A_prokka|PROKKA_01904
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01980
Name: ER07103_3A_prokka|PROKKA_01980
Description: ER07103_3A_prokka|PROKKA_01980
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01984
Name: ER07103_3A_prokka|PROKKA_01984
Description: ER07103_3A_prokka|PROKKA_01984
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02000
Name: ER07103_3A_prokka|PROKKA_02000
Description: ER07103_3A_prokka|PROKKA_02000
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02018
Name: ER07103_3A_prokka|PROKKA_02018
Description: ER07103_3A_prokka|PROKKA_02018
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02044
Name: ER07103_3A_prokka|PROKKA_02044
Description: ER07103_3A_prokka|PROKKA_02044
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02046
Name: ER07103_3A_prokka|PROKKA_02046
Description: ER07103_3A_prokka|PROKKA_02046
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02100
Name: ER07103_3A_prokka|PROKKA_02100
Description: ER07103_3A_prokka|PROKKA_02100
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02208
Name: ER07103_3A_prokka|PROKKA_02208
Description: ER07103_3A_prokka|PROKKA_02208
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02227
Name: ER07103_3A_prokka|PROKKA_02227
Description: ER07103_3A_prokka|PROKKA_02227
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02240
Name: ER07103_3A_prokka|PROKKA_02240
Description: ER07103_3A_prokka|PROKKA_02240
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02272
Name: ER07103_3A_prokka|PROKKA_02272
Description: ER07103_3A_prokka|PROKKA_02272
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02417
Name: ER07103_3A_prokka|PROKKA_02417
Description: ER07103_3A_prokka|PROKKA_02417
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02426
Name: ER07103_3A_prokka|PROKKA_02426
Description: ER07103_3A_prokka|PROKKA_02426
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02490
Name: ER07103_3A_prokka|PROKKA_02490
Description: ER07103_3A_prokka|PROKKA_02490
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02598
Name: ER07103_3A_prokka|PROKKA_02598
Description: ER07103_3A_prokka|PROKKA_02598
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02636
Name: ER07103_3A_prokka|PROKKA_02636
Description: ER07103_3A_prokka|PROKKA_02636
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02721
Name: ER07103_3A_prokka|PROKKA_02721
Description: ER07103_3A_prokka|PROKKA_02721
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02737
Name: ER07103_3A_prokka|PROKKA_02737
Description: ER07103_3A_prokka|PROKKA_02737
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02799
Name: ER07103_3A_prokka|PROKKA_02799
Description: ER07103_3A_prokka|PROKKA_02799
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02804
Name: ER07103_3A_prokka|PROKKA_02804
Description: ER07103_3A_prokka|PROKKA_02804
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02806
Name: ER07103_3A_prokka|PROKKA_02806
Description: ER07103_3A_prokka|PROKKA_02806
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00029
Name: ER07122_3A_prokka|PROKKA_00029
Description: ER07122_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00038
Name: ER07122_3A_prokka|PROKKA_00038
Description: ER07122_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00059
Name: ER07122_3A_prokka|PROKKA_00059
Description: ER07122_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00149
Name: ER07122_3A_prokka|PROKKA_00149
Description: ER07122_3A_prokka|PROKKA_00149
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00248
Name: ER07122_3A_prokka|PROKKA_00248
Description: ER07122_3A_prokka|PROKKA_00248
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00300
Name: ER07122_3A_prokka|PROKKA_00300
Description: ER07122_3A_prokka|PROKKA_00300
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00398
Name: ER07122_3A_prokka|PROKKA_00398
Description: ER07122_3A_prokka|PROKKA_00398
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00436
Name: ER07122_3A_prokka|PROKKA_00436
Description: ER07122_3A_prokka|PROKKA_00436
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00567
Name: ER07122_3A_prokka|PROKKA_00567
Description: ER07122_3A_prokka|PROKKA_00567
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00603
Name: ER07122_3A_prokka|PROKKA_00603
Description: ER07122_3A_prokka|PROKKA_00603
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00821
Name: ER07122_3A_prokka|PROKKA_00821
Description: ER07122_3A_prokka|PROKKA_00821
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00847
Name: ER07122_3A_prokka|PROKKA_00847
Description: ER07122_3A_prokka|PROKKA_00847
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00955
Name: ER07122_3A_prokka|PROKKA_00955
Description: ER07122_3A_prokka|PROKKA_00955
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00994
Name: ER07122_3A_prokka|PROKKA_00994
Description: ER07122_3A_prokka|PROKKA_00994
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01074
Name: ER07122_3A_prokka|PROKKA_01074
Description: ER07122_3A_prokka|PROKKA_01074
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01087
Name: ER07122_3A_prokka|PROKKA_01087
Description: ER07122_3A_prokka|PROKKA_01087
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01088
Name: ER07122_3A_prokka|PROKKA_01088
Description: ER07122_3A_prokka|PROKKA_01088
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01225
Name: ER07122_3A_prokka|PROKKA_01225
Description: ER07122_3A_prokka|PROKKA_01225
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01229
Name: ER07122_3A_prokka|PROKKA_01229
Description: ER07122_3A_prokka|PROKKA_01229
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01233
Name: ER07122_3A_prokka|PROKKA_01233
Description: ER07122_3A_prokka|PROKKA_01233
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01235
Name: ER07122_3A_prokka|PROKKA_01235
Description: ER07122_3A_prokka|PROKKA_01235
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01260
Name: ER07122_3A_prokka|PROKKA_01260
Description: ER07122_3A_prokka|PROKKA_01260
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01355
Name: ER07122_3A_prokka|PROKKA_01355
Description: ER07122_3A_prokka|PROKKA_01355
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01367
Name: ER07122_3A_prokka|PROKKA_01367
Description: ER07122_3A_prokka|PROKKA_01367
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01416
Name: ER07122_3A_prokka|PROKKA_01416
Description: ER07122_3A_prokka|PROKKA_01416
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01424
Name: ER07122_3A_prokka|PROKKA_01424
Description: ER07122_3A_prokka|PROKKA_01424
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01444
Name: ER07122_3A_prokka|PROKKA_01444
Description: ER07122_3A_prokka|PROKKA_01444
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01472
Name: ER07122_3A_prokka|PROKKA_01472
Description: ER07122_3A_prokka|PROKKA_01472
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01499
Name: ER07122_3A_prokka|PROKKA_01499
Description: ER07122_3A_prokka|PROKKA_01499
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01536
Name: ER07122_3A_prokka|PROKKA_01536
Description: ER07122_3A_prokka|PROKKA_01536
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01607
Name: ER07122_3A_prokka|PROKKA_01607
Description: ER07122_3A_prokka|PROKKA_01607
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01772
Name: ER07122_3A_prokka|PROKKA_01772
Description: ER07122_3A_prokka|PROKKA_01772
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01779
Name: ER07122_3A_prokka|PROKKA_01779
Description: ER07122_3A_prokka|PROKKA_01779
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01798
Name: ER07122_3A_prokka|PROKKA_01798
Description: ER07122_3A_prokka|PROKKA_01798
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01833
Name: ER07122_3A_prokka|PROKKA_01833
Description: ER07122_3A_prokka|PROKKA_01833
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01885
Name: ER07122_3A_prokka|PROKKA_01885
Description: ER07122_3A_prokka|PROKKA_01885
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01887
Name: ER07122_3A_prokka|PROKKA_01887
Description: ER07122_3A_prokka|PROKKA_01887
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01888
Name: ER07122_3A_prokka|PROKKA_01888
Description: ER07122_3A_prokka|PROKKA_01888
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01909
Name: ER07122_3A_prokka|PROKKA_01909
Description: ER07122_3A_prokka|PROKKA_01909
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01933
Name: ER07122_3A_prokka|PROKKA_01933
Description: ER07122_3A_prokka|PROKKA_01933
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01952
Name: ER07122_3A_prokka|PROKKA_01952
Description: ER07122_3A_prokka|PROKKA_01952
Number of features: 0
Seq('MRKYNFDKFFLYMAVLSLPTVIFFPLMLSIPIIFFIFSIRKKED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02027
Name: ER07122_3A_prokka|PROKKA_02027
Description: ER07122_3A_prokka|PROKKA_02027
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02031
Name: ER07122_3A_prokka|PROKKA_02031
Description: ER07122_3A_prokka|PROKKA_02031
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02047
Name: ER07122_3A_prokka|PROKKA_02047
Description: ER07122_3A_prokka|PROKKA_02047
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02067
Name: ER07122_3A_prokka|PROKKA_02067
Description: ER07122_3A_prokka|PROKKA_02067
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02098
Name: ER07122_3A_prokka|PROKKA_02098
Description: ER07122_3A_prokka|PROKKA_02098
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02100
Name: ER07122_3A_prokka|PROKKA_02100
Description: ER07122_3A_prokka|PROKKA_02100
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02150
Name: ER07122_3A_prokka|PROKKA_02150
Description: ER07122_3A_prokka|PROKKA_02150
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02270
Name: ER07122_3A_prokka|PROKKA_02270
Description: ER07122_3A_prokka|PROKKA_02270
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02294
Name: ER07122_3A_prokka|PROKKA_02294
Description: ER07122_3A_prokka|PROKKA_02294
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02325
Name: ER07122_3A_prokka|PROKKA_02325
Description: ER07122_3A_prokka|PROKKA_02325
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02480
Name: ER07122_3A_prokka|PROKKA_02480
Description: ER07122_3A_prokka|PROKKA_02480
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02689
Name: ER07122_3A_prokka|PROKKA_02689
Description: ER07122_3A_prokka|PROKKA_02689
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02776
Name: ER07122_3A_prokka|PROKKA_02776
Description: ER07122_3A_prokka|PROKKA_02776
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02786
Name: ER07122_3A_prokka|PROKKA_02786
Description: ER07122_3A_prokka|PROKKA_02786
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00030
Name: ER07130_3A_prokka|PROKKA_00030
Description: ER07130_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00061
Name: ER07130_3A_prokka|PROKKA_00061
Description: ER07130_3A_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00070
Name: ER07130_3A_prokka|PROKKA_00070
Description: ER07130_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00150
Name: ER07130_3A_prokka|PROKKA_00150
Description: ER07130_3A_prokka|PROKKA_00150
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00248
Name: ER07130_3A_prokka|PROKKA_00248
Description: ER07130_3A_prokka|PROKKA_00248
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00300
Name: ER07130_3A_prokka|PROKKA_00300
Description: ER07130_3A_prokka|PROKKA_00300
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00399
Name: ER07130_3A_prokka|PROKKA_00399
Description: ER07130_3A_prokka|PROKKA_00399
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00433
Name: ER07130_3A_prokka|PROKKA_00433
Description: ER07130_3A_prokka|PROKKA_00433
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00563
Name: ER07130_3A_prokka|PROKKA_00563
Description: ER07130_3A_prokka|PROKKA_00563
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00599
Name: ER07130_3A_prokka|PROKKA_00599
Description: ER07130_3A_prokka|PROKKA_00599
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00820
Name: ER07130_3A_prokka|PROKKA_00820
Description: ER07130_3A_prokka|PROKKA_00820
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00844
Name: ER07130_3A_prokka|PROKKA_00844
Description: ER07130_3A_prokka|PROKKA_00844
Number of features: 0
Seq('MSNIYKSYLIAVLCFTILAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00853
Name: ER07130_3A_prokka|PROKKA_00853
Description: ER07130_3A_prokka|PROKKA_00853
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00858
Name: ER07130_3A_prokka|PROKKA_00858
Description: ER07130_3A_prokka|PROKKA_00858
Number of features: 0
Seq('MSIISNRKVDMNETQDNVKQPAHYTYGDIEIIDFIIEQVTA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00868
Name: ER07130_3A_prokka|PROKKA_00868
Description: ER07130_3A_prokka|PROKKA_00868
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00911
Name: ER07130_3A_prokka|PROKKA_00911
Description: ER07130_3A_prokka|PROKKA_00911
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01019
Name: ER07130_3A_prokka|PROKKA_01019
Description: ER07130_3A_prokka|PROKKA_01019
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01058
Name: ER07130_3A_prokka|PROKKA_01058
Description: ER07130_3A_prokka|PROKKA_01058
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01138
Name: ER07130_3A_prokka|PROKKA_01138
Description: ER07130_3A_prokka|PROKKA_01138
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01151
Name: ER07130_3A_prokka|PROKKA_01151
Description: ER07130_3A_prokka|PROKKA_01151
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01152
Name: ER07130_3A_prokka|PROKKA_01152
Description: ER07130_3A_prokka|PROKKA_01152
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01287
Name: ER07130_3A_prokka|PROKKA_01287
Description: ER07130_3A_prokka|PROKKA_01287
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01291
Name: ER07130_3A_prokka|PROKKA_01291
Description: ER07130_3A_prokka|PROKKA_01291
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01295
Name: ER07130_3A_prokka|PROKKA_01295
Description: ER07130_3A_prokka|PROKKA_01295
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01297
Name: ER07130_3A_prokka|PROKKA_01297
Description: ER07130_3A_prokka|PROKKA_01297
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01321
Name: ER07130_3A_prokka|PROKKA_01321
Description: ER07130_3A_prokka|PROKKA_01321
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01416
Name: ER07130_3A_prokka|PROKKA_01416
Description: ER07130_3A_prokka|PROKKA_01416
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01428
Name: ER07130_3A_prokka|PROKKA_01428
Description: ER07130_3A_prokka|PROKKA_01428
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01476
Name: ER07130_3A_prokka|PROKKA_01476
Description: ER07130_3A_prokka|PROKKA_01476
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01484
Name: ER07130_3A_prokka|PROKKA_01484
Description: ER07130_3A_prokka|PROKKA_01484
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01504
Name: ER07130_3A_prokka|PROKKA_01504
Description: ER07130_3A_prokka|PROKKA_01504
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01532
Name: ER07130_3A_prokka|PROKKA_01532
Description: ER07130_3A_prokka|PROKKA_01532
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01559
Name: ER07130_3A_prokka|PROKKA_01559
Description: ER07130_3A_prokka|PROKKA_01559
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01596
Name: ER07130_3A_prokka|PROKKA_01596
Description: ER07130_3A_prokka|PROKKA_01596
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01667
Name: ER07130_3A_prokka|PROKKA_01667
Description: ER07130_3A_prokka|PROKKA_01667
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01832
Name: ER07130_3A_prokka|PROKKA_01832
Description: ER07130_3A_prokka|PROKKA_01832
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01839
Name: ER07130_3A_prokka|PROKKA_01839
Description: ER07130_3A_prokka|PROKKA_01839
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01858
Name: ER07130_3A_prokka|PROKKA_01858
Description: ER07130_3A_prokka|PROKKA_01858
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01893
Name: ER07130_3A_prokka|PROKKA_01893
Description: ER07130_3A_prokka|PROKKA_01893
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01945
Name: ER07130_3A_prokka|PROKKA_01945
Description: ER07130_3A_prokka|PROKKA_01945
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02017
Name: ER07130_3A_prokka|PROKKA_02017
Description: ER07130_3A_prokka|PROKKA_02017
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02021
Name: ER07130_3A_prokka|PROKKA_02021
Description: ER07130_3A_prokka|PROKKA_02021
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02037
Name: ER07130_3A_prokka|PROKKA_02037
Description: ER07130_3A_prokka|PROKKA_02037
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02057
Name: ER07130_3A_prokka|PROKKA_02057
Description: ER07130_3A_prokka|PROKKA_02057
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02087
Name: ER07130_3A_prokka|PROKKA_02087
Description: ER07130_3A_prokka|PROKKA_02087
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02089
Name: ER07130_3A_prokka|PROKKA_02089
Description: ER07130_3A_prokka|PROKKA_02089
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02138
Name: ER07130_3A_prokka|PROKKA_02138
Description: ER07130_3A_prokka|PROKKA_02138
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02258
Name: ER07130_3A_prokka|PROKKA_02258
Description: ER07130_3A_prokka|PROKKA_02258
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02283
Name: ER07130_3A_prokka|PROKKA_02283
Description: ER07130_3A_prokka|PROKKA_02283
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02314
Name: ER07130_3A_prokka|PROKKA_02314
Description: ER07130_3A_prokka|PROKKA_02314
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02469
Name: ER07130_3A_prokka|PROKKA_02469
Description: ER07130_3A_prokka|PROKKA_02469
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02678
Name: ER07130_3A_prokka|PROKKA_02678
Description: ER07130_3A_prokka|PROKKA_02678
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02766
Name: ER07130_3A_prokka|PROKKA_02766
Description: ER07130_3A_prokka|PROKKA_02766
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00016
Name: ER07131_3A_prokka|PROKKA_00016
Description: ER07131_3A_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00067
Name: ER07131_3A_prokka|PROKKA_00067
Description: ER07131_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00073
Name: ER07131_3A_prokka|PROKKA_00073
Description: ER07131_3A_prokka|PROKKA_00073
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00094
Name: ER07131_3A_prokka|PROKKA_00094
Description: ER07131_3A_prokka|PROKKA_00094
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00112
Name: ER07131_3A_prokka|PROKKA_00112
Description: ER07131_3A_prokka|PROKKA_00112
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00236
Name: ER07131_3A_prokka|PROKKA_00236
Description: ER07131_3A_prokka|PROKKA_00236
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00280
Name: ER07131_3A_prokka|PROKKA_00280
Description: ER07131_3A_prokka|PROKKA_00280
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00404
Name: ER07131_3A_prokka|PROKKA_00404
Description: ER07131_3A_prokka|PROKKA_00404
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00421
Name: ER07131_3A_prokka|PROKKA_00421
Description: ER07131_3A_prokka|PROKKA_00421
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00588
Name: ER07131_3A_prokka|PROKKA_00588
Description: ER07131_3A_prokka|PROKKA_00588
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00817
Name: ER07131_3A_prokka|PROKKA_00817
Description: ER07131_3A_prokka|PROKKA_00817
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00844
Name: ER07131_3A_prokka|PROKKA_00844
Description: ER07131_3A_prokka|PROKKA_00844
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00949
Name: ER07131_3A_prokka|PROKKA_00949
Description: ER07131_3A_prokka|PROKKA_00949
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00988
Name: ER07131_3A_prokka|PROKKA_00988
Description: ER07131_3A_prokka|PROKKA_00988
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00989
Name: ER07131_3A_prokka|PROKKA_00989
Description: ER07131_3A_prokka|PROKKA_00989
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01071
Name: ER07131_3A_prokka|PROKKA_01071
Description: ER07131_3A_prokka|PROKKA_01071
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01083
Name: ER07131_3A_prokka|PROKKA_01083
Description: ER07131_3A_prokka|PROKKA_01083
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01084
Name: ER07131_3A_prokka|PROKKA_01084
Description: ER07131_3A_prokka|PROKKA_01084
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01220
Name: ER07131_3A_prokka|PROKKA_01220
Description: ER07131_3A_prokka|PROKKA_01220
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01224
Name: ER07131_3A_prokka|PROKKA_01224
Description: ER07131_3A_prokka|PROKKA_01224
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01248
Name: ER07131_3A_prokka|PROKKA_01248
Description: ER07131_3A_prokka|PROKKA_01248
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01341
Name: ER07131_3A_prokka|PROKKA_01341
Description: ER07131_3A_prokka|PROKKA_01341
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01353
Name: ER07131_3A_prokka|PROKKA_01353
Description: ER07131_3A_prokka|PROKKA_01353
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01400
Name: ER07131_3A_prokka|PROKKA_01400
Description: ER07131_3A_prokka|PROKKA_01400
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01408
Name: ER07131_3A_prokka|PROKKA_01408
Description: ER07131_3A_prokka|PROKKA_01408
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01427
Name: ER07131_3A_prokka|PROKKA_01427
Description: ER07131_3A_prokka|PROKKA_01427
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01442
Name: ER07131_3A_prokka|PROKKA_01442
Description: ER07131_3A_prokka|PROKKA_01442
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01450
Name: ER07131_3A_prokka|PROKKA_01450
Description: ER07131_3A_prokka|PROKKA_01450
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01455
Name: ER07131_3A_prokka|PROKKA_01455
Description: ER07131_3A_prokka|PROKKA_01455
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01482
Name: ER07131_3A_prokka|PROKKA_01482
Description: ER07131_3A_prokka|PROKKA_01482
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01485
Name: ER07131_3A_prokka|PROKKA_01485
Description: ER07131_3A_prokka|PROKKA_01485
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01520
Name: ER07131_3A_prokka|PROKKA_01520
Description: ER07131_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01594
Name: ER07131_3A_prokka|PROKKA_01594
Description: ER07131_3A_prokka|PROKKA_01594
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01763
Name: ER07131_3A_prokka|PROKKA_01763
Description: ER07131_3A_prokka|PROKKA_01763
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01777
Name: ER07131_3A_prokka|PROKKA_01777
Description: ER07131_3A_prokka|PROKKA_01777
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01819
Name: ER07131_3A_prokka|PROKKA_01819
Description: ER07131_3A_prokka|PROKKA_01819
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01871
Name: ER07131_3A_prokka|PROKKA_01871
Description: ER07131_3A_prokka|PROKKA_01871
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01873
Name: ER07131_3A_prokka|PROKKA_01873
Description: ER07131_3A_prokka|PROKKA_01873
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01874
Name: ER07131_3A_prokka|PROKKA_01874
Description: ER07131_3A_prokka|PROKKA_01874
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01904
Name: ER07131_3A_prokka|PROKKA_01904
Description: ER07131_3A_prokka|PROKKA_01904
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01926
Name: ER07131_3A_prokka|PROKKA_01926
Description: ER07131_3A_prokka|PROKKA_01926
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01931
Name: ER07131_3A_prokka|PROKKA_01931
Description: ER07131_3A_prokka|PROKKA_01931
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02007
Name: ER07131_3A_prokka|PROKKA_02007
Description: ER07131_3A_prokka|PROKKA_02007
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02011
Name: ER07131_3A_prokka|PROKKA_02011
Description: ER07131_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02027
Name: ER07131_3A_prokka|PROKKA_02027
Description: ER07131_3A_prokka|PROKKA_02027
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02045
Name: ER07131_3A_prokka|PROKKA_02045
Description: ER07131_3A_prokka|PROKKA_02045
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02071
Name: ER07131_3A_prokka|PROKKA_02071
Description: ER07131_3A_prokka|PROKKA_02071
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02073
Name: ER07131_3A_prokka|PROKKA_02073
Description: ER07131_3A_prokka|PROKKA_02073
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02127
Name: ER07131_3A_prokka|PROKKA_02127
Description: ER07131_3A_prokka|PROKKA_02127
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02236
Name: ER07131_3A_prokka|PROKKA_02236
Description: ER07131_3A_prokka|PROKKA_02236
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02255
Name: ER07131_3A_prokka|PROKKA_02255
Description: ER07131_3A_prokka|PROKKA_02255
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02268
Name: ER07131_3A_prokka|PROKKA_02268
Description: ER07131_3A_prokka|PROKKA_02268
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02300
Name: ER07131_3A_prokka|PROKKA_02300
Description: ER07131_3A_prokka|PROKKA_02300
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02445
Name: ER07131_3A_prokka|PROKKA_02445
Description: ER07131_3A_prokka|PROKKA_02445
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02454
Name: ER07131_3A_prokka|PROKKA_02454
Description: ER07131_3A_prokka|PROKKA_02454
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02518
Name: ER07131_3A_prokka|PROKKA_02518
Description: ER07131_3A_prokka|PROKKA_02518
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02626
Name: ER07131_3A_prokka|PROKKA_02626
Description: ER07131_3A_prokka|PROKKA_02626
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02664
Name: ER07131_3A_prokka|PROKKA_02664
Description: ER07131_3A_prokka|PROKKA_02664
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02749
Name: ER07131_3A_prokka|PROKKA_02749
Description: ER07131_3A_prokka|PROKKA_02749
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02797
Name: ER07131_3A_prokka|PROKKA_02797
Description: ER07131_3A_prokka|PROKKA_02797
Number of features: 0
Seq('MNYLESLYWIHERTKFGIKPGVKRMEWMLAQFNNPQITLRVFM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02808
Name: ER07131_3A_prokka|PROKKA_02808
Description: ER07131_3A_prokka|PROKKA_02808
Number of features: 0
Seq('MKPVVVMTQTNDMQSDLVSIIHKPFIDIKATKF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_00082
Name: ER07191_3A_prokka|PROKKA_00082
Description: ER07191_3A_prokka|PROKKA_00082
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_00085
Name: ER07191_3A_prokka|PROKKA_00085
Description: ER07191_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_00089
Name: ER07191_3A_prokka|PROKKA_00089
Description: ER07191_3A_prokka|PROKKA_00089
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_00110
Name: ER07191_3A_prokka|PROKKA_00110
Description: ER07191_3A_prokka|PROKKA_00110
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_00128
Name: ER07191_3A_prokka|PROKKA_00128
Description: ER07191_3A_prokka|PROKKA_00128
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_00296
Name: ER07191_3A_prokka|PROKKA_00296
Description: ER07191_3A_prokka|PROKKA_00296
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_00420
Name: ER07191_3A_prokka|PROKKA_00420
Description: ER07191_3A_prokka|PROKKA_00420
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_00437
Name: ER07191_3A_prokka|PROKKA_00437
Description: ER07191_3A_prokka|PROKKA_00437
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_00603
Name: ER07191_3A_prokka|PROKKA_00603
Description: ER07191_3A_prokka|PROKKA_00603
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_00832
Name: ER07191_3A_prokka|PROKKA_00832
Description: ER07191_3A_prokka|PROKKA_00832
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_00859
Name: ER07191_3A_prokka|PROKKA_00859
Description: ER07191_3A_prokka|PROKKA_00859
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_00964
Name: ER07191_3A_prokka|PROKKA_00964
Description: ER07191_3A_prokka|PROKKA_00964
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01003
Name: ER07191_3A_prokka|PROKKA_01003
Description: ER07191_3A_prokka|PROKKA_01003
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01004
Name: ER07191_3A_prokka|PROKKA_01004
Description: ER07191_3A_prokka|PROKKA_01004
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01086
Name: ER07191_3A_prokka|PROKKA_01086
Description: ER07191_3A_prokka|PROKKA_01086
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01098
Name: ER07191_3A_prokka|PROKKA_01098
Description: ER07191_3A_prokka|PROKKA_01098
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01099
Name: ER07191_3A_prokka|PROKKA_01099
Description: ER07191_3A_prokka|PROKKA_01099
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01235
Name: ER07191_3A_prokka|PROKKA_01235
Description: ER07191_3A_prokka|PROKKA_01235
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01239
Name: ER07191_3A_prokka|PROKKA_01239
Description: ER07191_3A_prokka|PROKKA_01239
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01263
Name: ER07191_3A_prokka|PROKKA_01263
Description: ER07191_3A_prokka|PROKKA_01263
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01356
Name: ER07191_3A_prokka|PROKKA_01356
Description: ER07191_3A_prokka|PROKKA_01356
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01368
Name: ER07191_3A_prokka|PROKKA_01368
Description: ER07191_3A_prokka|PROKKA_01368
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01415
Name: ER07191_3A_prokka|PROKKA_01415
Description: ER07191_3A_prokka|PROKKA_01415
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01423
Name: ER07191_3A_prokka|PROKKA_01423
Description: ER07191_3A_prokka|PROKKA_01423
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01442
Name: ER07191_3A_prokka|PROKKA_01442
Description: ER07191_3A_prokka|PROKKA_01442
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01457
Name: ER07191_3A_prokka|PROKKA_01457
Description: ER07191_3A_prokka|PROKKA_01457
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01465
Name: ER07191_3A_prokka|PROKKA_01465
Description: ER07191_3A_prokka|PROKKA_01465
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01470
Name: ER07191_3A_prokka|PROKKA_01470
Description: ER07191_3A_prokka|PROKKA_01470
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01497
Name: ER07191_3A_prokka|PROKKA_01497
Description: ER07191_3A_prokka|PROKKA_01497
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01500
Name: ER07191_3A_prokka|PROKKA_01500
Description: ER07191_3A_prokka|PROKKA_01500
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01535
Name: ER07191_3A_prokka|PROKKA_01535
Description: ER07191_3A_prokka|PROKKA_01535
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01609
Name: ER07191_3A_prokka|PROKKA_01609
Description: ER07191_3A_prokka|PROKKA_01609
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01778
Name: ER07191_3A_prokka|PROKKA_01778
Description: ER07191_3A_prokka|PROKKA_01778
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01792
Name: ER07191_3A_prokka|PROKKA_01792
Description: ER07191_3A_prokka|PROKKA_01792
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01834
Name: ER07191_3A_prokka|PROKKA_01834
Description: ER07191_3A_prokka|PROKKA_01834
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01886
Name: ER07191_3A_prokka|PROKKA_01886
Description: ER07191_3A_prokka|PROKKA_01886
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01888
Name: ER07191_3A_prokka|PROKKA_01888
Description: ER07191_3A_prokka|PROKKA_01888
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01889
Name: ER07191_3A_prokka|PROKKA_01889
Description: ER07191_3A_prokka|PROKKA_01889
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01919
Name: ER07191_3A_prokka|PROKKA_01919
Description: ER07191_3A_prokka|PROKKA_01919
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01941
Name: ER07191_3A_prokka|PROKKA_01941
Description: ER07191_3A_prokka|PROKKA_01941
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01946
Name: ER07191_3A_prokka|PROKKA_01946
Description: ER07191_3A_prokka|PROKKA_01946
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02022
Name: ER07191_3A_prokka|PROKKA_02022
Description: ER07191_3A_prokka|PROKKA_02022
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02026
Name: ER07191_3A_prokka|PROKKA_02026
Description: ER07191_3A_prokka|PROKKA_02026
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02042
Name: ER07191_3A_prokka|PROKKA_02042
Description: ER07191_3A_prokka|PROKKA_02042
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02060
Name: ER07191_3A_prokka|PROKKA_02060
Description: ER07191_3A_prokka|PROKKA_02060
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02086
Name: ER07191_3A_prokka|PROKKA_02086
Description: ER07191_3A_prokka|PROKKA_02086
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02088
Name: ER07191_3A_prokka|PROKKA_02088
Description: ER07191_3A_prokka|PROKKA_02088
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02142
Name: ER07191_3A_prokka|PROKKA_02142
Description: ER07191_3A_prokka|PROKKA_02142
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02250
Name: ER07191_3A_prokka|PROKKA_02250
Description: ER07191_3A_prokka|PROKKA_02250
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02269
Name: ER07191_3A_prokka|PROKKA_02269
Description: ER07191_3A_prokka|PROKKA_02269
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02282
Name: ER07191_3A_prokka|PROKKA_02282
Description: ER07191_3A_prokka|PROKKA_02282
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02314
Name: ER07191_3A_prokka|PROKKA_02314
Description: ER07191_3A_prokka|PROKKA_02314
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02459
Name: ER07191_3A_prokka|PROKKA_02459
Description: ER07191_3A_prokka|PROKKA_02459
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02468
Name: ER07191_3A_prokka|PROKKA_02468
Description: ER07191_3A_prokka|PROKKA_02468
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02532
Name: ER07191_3A_prokka|PROKKA_02532
Description: ER07191_3A_prokka|PROKKA_02532
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02640
Name: ER07191_3A_prokka|PROKKA_02640
Description: ER07191_3A_prokka|PROKKA_02640
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02678
Name: ER07191_3A_prokka|PROKKA_02678
Description: ER07191_3A_prokka|PROKKA_02678
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02763
Name: ER07191_3A_prokka|PROKKA_02763
Description: ER07191_3A_prokka|PROKKA_02763
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02781
Name: ER07191_3A_prokka|PROKKA_02781
Description: ER07191_3A_prokka|PROKKA_02781
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02798
Name: ER07191_3A_prokka|PROKKA_02798
Description: ER07191_3A_prokka|PROKKA_02798
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00016
Name: ER07227_3A_prokka|PROKKA_00016
Description: ER07227_3A_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00067
Name: ER07227_3A_prokka|PROKKA_00067
Description: ER07227_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00070
Name: ER07227_3A_prokka|PROKKA_00070
Description: ER07227_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00074
Name: ER07227_3A_prokka|PROKKA_00074
Description: ER07227_3A_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00095
Name: ER07227_3A_prokka|PROKKA_00095
Description: ER07227_3A_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00113
Name: ER07227_3A_prokka|PROKKA_00113
Description: ER07227_3A_prokka|PROKKA_00113
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00281
Name: ER07227_3A_prokka|PROKKA_00281
Description: ER07227_3A_prokka|PROKKA_00281
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00405
Name: ER07227_3A_prokka|PROKKA_00405
Description: ER07227_3A_prokka|PROKKA_00405
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00422
Name: ER07227_3A_prokka|PROKKA_00422
Description: ER07227_3A_prokka|PROKKA_00422
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00588
Name: ER07227_3A_prokka|PROKKA_00588
Description: ER07227_3A_prokka|PROKKA_00588
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00817
Name: ER07227_3A_prokka|PROKKA_00817
Description: ER07227_3A_prokka|PROKKA_00817
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00844
Name: ER07227_3A_prokka|PROKKA_00844
Description: ER07227_3A_prokka|PROKKA_00844
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00949
Name: ER07227_3A_prokka|PROKKA_00949
Description: ER07227_3A_prokka|PROKKA_00949
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00988
Name: ER07227_3A_prokka|PROKKA_00988
Description: ER07227_3A_prokka|PROKKA_00988
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00989
Name: ER07227_3A_prokka|PROKKA_00989
Description: ER07227_3A_prokka|PROKKA_00989
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01071
Name: ER07227_3A_prokka|PROKKA_01071
Description: ER07227_3A_prokka|PROKKA_01071
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01083
Name: ER07227_3A_prokka|PROKKA_01083
Description: ER07227_3A_prokka|PROKKA_01083
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01084
Name: ER07227_3A_prokka|PROKKA_01084
Description: ER07227_3A_prokka|PROKKA_01084
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01220
Name: ER07227_3A_prokka|PROKKA_01220
Description: ER07227_3A_prokka|PROKKA_01220
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01224
Name: ER07227_3A_prokka|PROKKA_01224
Description: ER07227_3A_prokka|PROKKA_01224
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01248
Name: ER07227_3A_prokka|PROKKA_01248
Description: ER07227_3A_prokka|PROKKA_01248
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01341
Name: ER07227_3A_prokka|PROKKA_01341
Description: ER07227_3A_prokka|PROKKA_01341
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01353
Name: ER07227_3A_prokka|PROKKA_01353
Description: ER07227_3A_prokka|PROKKA_01353
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01400
Name: ER07227_3A_prokka|PROKKA_01400
Description: ER07227_3A_prokka|PROKKA_01400
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01408
Name: ER07227_3A_prokka|PROKKA_01408
Description: ER07227_3A_prokka|PROKKA_01408
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01427
Name: ER07227_3A_prokka|PROKKA_01427
Description: ER07227_3A_prokka|PROKKA_01427
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01442
Name: ER07227_3A_prokka|PROKKA_01442
Description: ER07227_3A_prokka|PROKKA_01442
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01450
Name: ER07227_3A_prokka|PROKKA_01450
Description: ER07227_3A_prokka|PROKKA_01450
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01455
Name: ER07227_3A_prokka|PROKKA_01455
Description: ER07227_3A_prokka|PROKKA_01455
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01482
Name: ER07227_3A_prokka|PROKKA_01482
Description: ER07227_3A_prokka|PROKKA_01482
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01485
Name: ER07227_3A_prokka|PROKKA_01485
Description: ER07227_3A_prokka|PROKKA_01485
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01520
Name: ER07227_3A_prokka|PROKKA_01520
Description: ER07227_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01594
Name: ER07227_3A_prokka|PROKKA_01594
Description: ER07227_3A_prokka|PROKKA_01594
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01763
Name: ER07227_3A_prokka|PROKKA_01763
Description: ER07227_3A_prokka|PROKKA_01763
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01777
Name: ER07227_3A_prokka|PROKKA_01777
Description: ER07227_3A_prokka|PROKKA_01777
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01819
Name: ER07227_3A_prokka|PROKKA_01819
Description: ER07227_3A_prokka|PROKKA_01819
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01871
Name: ER07227_3A_prokka|PROKKA_01871
Description: ER07227_3A_prokka|PROKKA_01871
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01873
Name: ER07227_3A_prokka|PROKKA_01873
Description: ER07227_3A_prokka|PROKKA_01873
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01874
Name: ER07227_3A_prokka|PROKKA_01874
Description: ER07227_3A_prokka|PROKKA_01874
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01904
Name: ER07227_3A_prokka|PROKKA_01904
Description: ER07227_3A_prokka|PROKKA_01904
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01926
Name: ER07227_3A_prokka|PROKKA_01926
Description: ER07227_3A_prokka|PROKKA_01926
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01931
Name: ER07227_3A_prokka|PROKKA_01931
Description: ER07227_3A_prokka|PROKKA_01931
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02007
Name: ER07227_3A_prokka|PROKKA_02007
Description: ER07227_3A_prokka|PROKKA_02007
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02011
Name: ER07227_3A_prokka|PROKKA_02011
Description: ER07227_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02027
Name: ER07227_3A_prokka|PROKKA_02027
Description: ER07227_3A_prokka|PROKKA_02027
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02045
Name: ER07227_3A_prokka|PROKKA_02045
Description: ER07227_3A_prokka|PROKKA_02045
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02071
Name: ER07227_3A_prokka|PROKKA_02071
Description: ER07227_3A_prokka|PROKKA_02071
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02073
Name: ER07227_3A_prokka|PROKKA_02073
Description: ER07227_3A_prokka|PROKKA_02073
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02125
Name: ER07227_3A_prokka|PROKKA_02125
Description: ER07227_3A_prokka|PROKKA_02125
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02233
Name: ER07227_3A_prokka|PROKKA_02233
Description: ER07227_3A_prokka|PROKKA_02233
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02252
Name: ER07227_3A_prokka|PROKKA_02252
Description: ER07227_3A_prokka|PROKKA_02252
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02265
Name: ER07227_3A_prokka|PROKKA_02265
Description: ER07227_3A_prokka|PROKKA_02265
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02297
Name: ER07227_3A_prokka|PROKKA_02297
Description: ER07227_3A_prokka|PROKKA_02297
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02442
Name: ER07227_3A_prokka|PROKKA_02442
Description: ER07227_3A_prokka|PROKKA_02442
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02451
Name: ER07227_3A_prokka|PROKKA_02451
Description: ER07227_3A_prokka|PROKKA_02451
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02515
Name: ER07227_3A_prokka|PROKKA_02515
Description: ER07227_3A_prokka|PROKKA_02515
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02623
Name: ER07227_3A_prokka|PROKKA_02623
Description: ER07227_3A_prokka|PROKKA_02623
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02661
Name: ER07227_3A_prokka|PROKKA_02661
Description: ER07227_3A_prokka|PROKKA_02661
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02746
Name: ER07227_3A_prokka|PROKKA_02746
Description: ER07227_3A_prokka|PROKKA_02746
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00030
Name: ER07288_3A_prokka|PROKKA_00030
Description: ER07288_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00039
Name: ER07288_3A_prokka|PROKKA_00039
Description: ER07288_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00060
Name: ER07288_3A_prokka|PROKKA_00060
Description: ER07288_3A_prokka|PROKKA_00060
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00149
Name: ER07288_3A_prokka|PROKKA_00149
Description: ER07288_3A_prokka|PROKKA_00149
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00248
Name: ER07288_3A_prokka|PROKKA_00248
Description: ER07288_3A_prokka|PROKKA_00248
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00300
Name: ER07288_3A_prokka|PROKKA_00300
Description: ER07288_3A_prokka|PROKKA_00300
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00398
Name: ER07288_3A_prokka|PROKKA_00398
Description: ER07288_3A_prokka|PROKKA_00398
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00436
Name: ER07288_3A_prokka|PROKKA_00436
Description: ER07288_3A_prokka|PROKKA_00436
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00566
Name: ER07288_3A_prokka|PROKKA_00566
Description: ER07288_3A_prokka|PROKKA_00566
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00602
Name: ER07288_3A_prokka|PROKKA_00602
Description: ER07288_3A_prokka|PROKKA_00602
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00821
Name: ER07288_3A_prokka|PROKKA_00821
Description: ER07288_3A_prokka|PROKKA_00821
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00865
Name: ER07288_3A_prokka|PROKKA_00865
Description: ER07288_3A_prokka|PROKKA_00865
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00973
Name: ER07288_3A_prokka|PROKKA_00973
Description: ER07288_3A_prokka|PROKKA_00973
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01012
Name: ER07288_3A_prokka|PROKKA_01012
Description: ER07288_3A_prokka|PROKKA_01012
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01092
Name: ER07288_3A_prokka|PROKKA_01092
Description: ER07288_3A_prokka|PROKKA_01092
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01105
Name: ER07288_3A_prokka|PROKKA_01105
Description: ER07288_3A_prokka|PROKKA_01105
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01106
Name: ER07288_3A_prokka|PROKKA_01106
Description: ER07288_3A_prokka|PROKKA_01106
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01241
Name: ER07288_3A_prokka|PROKKA_01241
Description: ER07288_3A_prokka|PROKKA_01241
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01245
Name: ER07288_3A_prokka|PROKKA_01245
Description: ER07288_3A_prokka|PROKKA_01245
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01249
Name: ER07288_3A_prokka|PROKKA_01249
Description: ER07288_3A_prokka|PROKKA_01249
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01251
Name: ER07288_3A_prokka|PROKKA_01251
Description: ER07288_3A_prokka|PROKKA_01251
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01275
Name: ER07288_3A_prokka|PROKKA_01275
Description: ER07288_3A_prokka|PROKKA_01275
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01371
Name: ER07288_3A_prokka|PROKKA_01371
Description: ER07288_3A_prokka|PROKKA_01371
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01383
Name: ER07288_3A_prokka|PROKKA_01383
Description: ER07288_3A_prokka|PROKKA_01383
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01432
Name: ER07288_3A_prokka|PROKKA_01432
Description: ER07288_3A_prokka|PROKKA_01432
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01440
Name: ER07288_3A_prokka|PROKKA_01440
Description: ER07288_3A_prokka|PROKKA_01440
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01460
Name: ER07288_3A_prokka|PROKKA_01460
Description: ER07288_3A_prokka|PROKKA_01460
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01488
Name: ER07288_3A_prokka|PROKKA_01488
Description: ER07288_3A_prokka|PROKKA_01488
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01515
Name: ER07288_3A_prokka|PROKKA_01515
Description: ER07288_3A_prokka|PROKKA_01515
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01552
Name: ER07288_3A_prokka|PROKKA_01552
Description: ER07288_3A_prokka|PROKKA_01552
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01623
Name: ER07288_3A_prokka|PROKKA_01623
Description: ER07288_3A_prokka|PROKKA_01623
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01789
Name: ER07288_3A_prokka|PROKKA_01789
Description: ER07288_3A_prokka|PROKKA_01789
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01796
Name: ER07288_3A_prokka|PROKKA_01796
Description: ER07288_3A_prokka|PROKKA_01796
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01815
Name: ER07288_3A_prokka|PROKKA_01815
Description: ER07288_3A_prokka|PROKKA_01815
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01850
Name: ER07288_3A_prokka|PROKKA_01850
Description: ER07288_3A_prokka|PROKKA_01850
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01902
Name: ER07288_3A_prokka|PROKKA_01902
Description: ER07288_3A_prokka|PROKKA_01902
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01904
Name: ER07288_3A_prokka|PROKKA_01904
Description: ER07288_3A_prokka|PROKKA_01904
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01905
Name: ER07288_3A_prokka|PROKKA_01905
Description: ER07288_3A_prokka|PROKKA_01905
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01935
Name: ER07288_3A_prokka|PROKKA_01935
Description: ER07288_3A_prokka|PROKKA_01935
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01944
Name: ER07288_3A_prokka|PROKKA_01944
Description: ER07288_3A_prokka|PROKKA_01944
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01951
Name: ER07288_3A_prokka|PROKKA_01951
Description: ER07288_3A_prokka|PROKKA_01951
Number of features: 0
Seq('MVTKEFLKTKLECSDIYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01967
Name: ER07288_3A_prokka|PROKKA_01967
Description: ER07288_3A_prokka|PROKKA_01967
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKCLEFISQKLDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02042
Name: ER07288_3A_prokka|PROKKA_02042
Description: ER07288_3A_prokka|PROKKA_02042
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02046
Name: ER07288_3A_prokka|PROKKA_02046
Description: ER07288_3A_prokka|PROKKA_02046
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02062
Name: ER07288_3A_prokka|PROKKA_02062
Description: ER07288_3A_prokka|PROKKA_02062
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02082
Name: ER07288_3A_prokka|PROKKA_02082
Description: ER07288_3A_prokka|PROKKA_02082
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02112
Name: ER07288_3A_prokka|PROKKA_02112
Description: ER07288_3A_prokka|PROKKA_02112
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02114
Name: ER07288_3A_prokka|PROKKA_02114
Description: ER07288_3A_prokka|PROKKA_02114
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02164
Name: ER07288_3A_prokka|PROKKA_02164
Description: ER07288_3A_prokka|PROKKA_02164
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02215
Name: ER07288_3A_prokka|PROKKA_02215
Description: ER07288_3A_prokka|PROKKA_02215
Number of features: 0
Seq('MRMIDIIEKKRDGHTLTTEEINFFIGGYVKGIFLITKHQV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02285
Name: ER07288_3A_prokka|PROKKA_02285
Description: ER07288_3A_prokka|PROKKA_02285
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02311
Name: ER07288_3A_prokka|PROKKA_02311
Description: ER07288_3A_prokka|PROKKA_02311
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02342
Name: ER07288_3A_prokka|PROKKA_02342
Description: ER07288_3A_prokka|PROKKA_02342
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02498
Name: ER07288_3A_prokka|PROKKA_02498
Description: ER07288_3A_prokka|PROKKA_02498
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02707
Name: ER07288_3A_prokka|PROKKA_02707
Description: ER07288_3A_prokka|PROKKA_02707
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02794
Name: ER07288_3A_prokka|PROKKA_02794
Description: ER07288_3A_prokka|PROKKA_02794
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02823
Name: ER07288_3A_prokka|PROKKA_02823
Description: ER07288_3A_prokka|PROKKA_02823
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00016
Name: ER07317_3A_prokka|PROKKA_00016
Description: ER07317_3A_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00060
Name: ER07317_3A_prokka|PROKKA_00060
Description: ER07317_3A_prokka|PROKKA_00060
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00069
Name: ER07317_3A_prokka|PROKKA_00069
Description: ER07317_3A_prokka|PROKKA_00069
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00082
Name: ER07317_3A_prokka|PROKKA_00082
Description: ER07317_3A_prokka|PROKKA_00082
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00085
Name: ER07317_3A_prokka|PROKKA_00085
Description: ER07317_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00232
Name: ER07317_3A_prokka|PROKKA_00232
Description: ER07317_3A_prokka|PROKKA_00232
Number of features: 0
Seq('MLTARLLNEMGRRPDSRYGMVTMCIGVGMGAAAIFEYVR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00251
Name: ER07317_3A_prokka|PROKKA_00251
Description: ER07317_3A_prokka|PROKKA_00251
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00377
Name: ER07317_3A_prokka|PROKKA_00377
Description: ER07317_3A_prokka|PROKKA_00377
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00381
Name: ER07317_3A_prokka|PROKKA_00381
Description: ER07317_3A_prokka|PROKKA_00381
Number of features: 0
Seq('MCNDTLELLRIKDENIKYINQEIDVIIKGKKQQWLMLY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00396
Name: ER07317_3A_prokka|PROKKA_00396
Description: ER07317_3A_prokka|PROKKA_00396
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00458
Name: ER07317_3A_prokka|PROKKA_00458
Description: ER07317_3A_prokka|PROKKA_00458
Number of features: 0
Seq('MYISRLVKPIGIKVTRLAQGLSVGGDLEYADEVTLSKAIAGRTEM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00565
Name: ER07317_3A_prokka|PROKKA_00565
Description: ER07317_3A_prokka|PROKKA_00565
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00821
Name: ER07317_3A_prokka|PROKKA_00821
Description: ER07317_3A_prokka|PROKKA_00821
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00848
Name: ER07317_3A_prokka|PROKKA_00848
Description: ER07317_3A_prokka|PROKKA_00848
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00957
Name: ER07317_3A_prokka|PROKKA_00957
Description: ER07317_3A_prokka|PROKKA_00957
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00997
Name: ER07317_3A_prokka|PROKKA_00997
Description: ER07317_3A_prokka|PROKKA_00997
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01079
Name: ER07317_3A_prokka|PROKKA_01079
Description: ER07317_3A_prokka|PROKKA_01079
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01091
Name: ER07317_3A_prokka|PROKKA_01091
Description: ER07317_3A_prokka|PROKKA_01091
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01092
Name: ER07317_3A_prokka|PROKKA_01092
Description: ER07317_3A_prokka|PROKKA_01092
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01227
Name: ER07317_3A_prokka|PROKKA_01227
Description: ER07317_3A_prokka|PROKKA_01227
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01231
Name: ER07317_3A_prokka|PROKKA_01231
Description: ER07317_3A_prokka|PROKKA_01231
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01255
Name: ER07317_3A_prokka|PROKKA_01255
Description: ER07317_3A_prokka|PROKKA_01255
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01349
Name: ER07317_3A_prokka|PROKKA_01349
Description: ER07317_3A_prokka|PROKKA_01349
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01361
Name: ER07317_3A_prokka|PROKKA_01361
Description: ER07317_3A_prokka|PROKKA_01361
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01427
Name: ER07317_3A_prokka|PROKKA_01427
Description: ER07317_3A_prokka|PROKKA_01427
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01430
Name: ER07317_3A_prokka|PROKKA_01430
Description: ER07317_3A_prokka|PROKKA_01430
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01465
Name: ER07317_3A_prokka|PROKKA_01465
Description: ER07317_3A_prokka|PROKKA_01465
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01537
Name: ER07317_3A_prokka|PROKKA_01537
Description: ER07317_3A_prokka|PROKKA_01537
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01663
Name: ER07317_3A_prokka|PROKKA_01663
Description: ER07317_3A_prokka|PROKKA_01663
Number of features: 0
Seq('MIVHRITGDGPIDIMVGPMWSVNKWEVLNGIDAELARRNSYQGLRYKSKVKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01703
Name: ER07317_3A_prokka|PROKKA_01703
Description: ER07317_3A_prokka|PROKKA_01703
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01718
Name: ER07317_3A_prokka|PROKKA_01718
Description: ER07317_3A_prokka|PROKKA_01718
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01760
Name: ER07317_3A_prokka|PROKKA_01760
Description: ER07317_3A_prokka|PROKKA_01760
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01813
Name: ER07317_3A_prokka|PROKKA_01813
Description: ER07317_3A_prokka|PROKKA_01813
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01885
Name: ER07317_3A_prokka|PROKKA_01885
Description: ER07317_3A_prokka|PROKKA_01885
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01895
Name: ER07317_3A_prokka|PROKKA_01895
Description: ER07317_3A_prokka|PROKKA_01895
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01906
Name: ER07317_3A_prokka|PROKKA_01906
Description: ER07317_3A_prokka|PROKKA_01906
Number of features: 0
Seq('MTKQILRLLFLLAMYELGKYVTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01910
Name: ER07317_3A_prokka|PROKKA_01910
Description: ER07317_3A_prokka|PROKKA_01910
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSESEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01925
Name: ER07317_3A_prokka|PROKKA_01925
Description: ER07317_3A_prokka|PROKKA_01925
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01928
Name: ER07317_3A_prokka|PROKKA_01928
Description: ER07317_3A_prokka|PROKKA_01928
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01931
Name: ER07317_3A_prokka|PROKKA_01931
Description: ER07317_3A_prokka|PROKKA_01931
Number of features: 0
Seq('MQALKTKSNIGEMFNIQEKENGEIAISARELYKALEVKKRFSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01936
Name: ER07317_3A_prokka|PROKKA_01936
Description: ER07317_3A_prokka|PROKKA_01936
Number of features: 0
Seq('MNLKEVDINIEEWEMVEIPFYTEEELTYRLKNDLPITKSEFEEQESKNEFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01939
Name: ER07317_3A_prokka|PROKKA_01939
Description: ER07317_3A_prokka|PROKKA_01939
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01967
Name: ER07317_3A_prokka|PROKKA_01967
Description: ER07317_3A_prokka|PROKKA_01967
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01978
Name: ER07317_3A_prokka|PROKKA_01978
Description: ER07317_3A_prokka|PROKKA_01978
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01995
Name: ER07317_3A_prokka|PROKKA_01995
Description: ER07317_3A_prokka|PROKKA_01995
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02046
Name: ER07317_3A_prokka|PROKKA_02046
Description: ER07317_3A_prokka|PROKKA_02046
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02172
Name: ER07317_3A_prokka|PROKKA_02172
Description: ER07317_3A_prokka|PROKKA_02172
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02186
Name: ER07317_3A_prokka|PROKKA_02186
Description: ER07317_3A_prokka|PROKKA_02186
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02217
Name: ER07317_3A_prokka|PROKKA_02217
Description: ER07317_3A_prokka|PROKKA_02217
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02302
Name: ER07317_3A_prokka|PROKKA_02302
Description: ER07317_3A_prokka|PROKKA_02302
Number of features: 0
Seq('MEQLPQVGFMKSFVLFWKNYVNFKGDQDVVNIGIWHYGI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02374
Name: ER07317_3A_prokka|PROKKA_02374
Description: ER07317_3A_prokka|PROKKA_02374
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02438
Name: ER07317_3A_prokka|PROKKA_02438
Description: ER07317_3A_prokka|PROKKA_02438
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02568
Name: ER07317_3A_prokka|PROKKA_02568
Description: ER07317_3A_prokka|PROKKA_02568
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02571
Name: ER07317_3A_prokka|PROKKA_02571
Description: ER07317_3A_prokka|PROKKA_02571
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02574
Name: ER07317_3A_prokka|PROKKA_02574
Description: ER07317_3A_prokka|PROKKA_02574
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02581
Name: ER07317_3A_prokka|PROKKA_02581
Description: ER07317_3A_prokka|PROKKA_02581
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02619
Name: ER07317_3A_prokka|PROKKA_02619
Description: ER07317_3A_prokka|PROKKA_02619
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02704
Name: ER07317_3A_prokka|PROKKA_02704
Description: ER07317_3A_prokka|PROKKA_02704
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02705
Name: ER07317_3A_prokka|PROKKA_02705
Description: ER07317_3A_prokka|PROKKA_02705
Number of features: 0
Seq('MQDTIQIDNKTIEWLVVQRGFEIPLLILLLKKKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02706
Name: ER07317_3A_prokka|PROKKA_02706
Description: ER07317_3A_prokka|PROKKA_02706
Number of features: 0
Seq('MKFTIKVVLTDPYKYSVTGNKNTAISDQVSVVNSGTADTPLIVEARAIKPSSYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02707
Name: ER07317_3A_prokka|PROKKA_02707
Description: ER07317_3A_prokka|PROKKA_02707
Number of features: 0
Seq('MITKNDEDYFMVGDDEVTKEVKDYMPPVYHSEFRDFKGVTKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02711
Name: ER07317_3A_prokka|PROKKA_02711
Description: ER07317_3A_prokka|PROKKA_02711
Number of features: 0
Seq('MSHFGISTYIDGEGEDGGSSGTIQWWIKLTVIAV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02712
Name: ER07317_3A_prokka|PROKKA_02712
Description: ER07317_3A_prokka|PROKKA_02712
Number of features: 0
Seq('MNGITINSYGGVVALTSDYNRIIIDSYASANIESREAPIYLSPKPKINLV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02725
Name: ER07317_3A_prokka|PROKKA_02725
Description: ER07317_3A_prokka|PROKKA_02725
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02728
Name: ER07317_3A_prokka|PROKKA_02728
Description: ER07317_3A_prokka|PROKKA_02728
Number of features: 0
Seq('MNLKEVDINIEEWEMVEIPFYTEEELTYRLKNDLPITKSEFEEQESKNEFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02731
Name: ER07317_3A_prokka|PROKKA_02731
Description: ER07317_3A_prokka|PROKKA_02731
Number of features: 0
Seq('MPTQYSMERELFEIKETSITHSDGHTSISKTPKVTGKGQQYFVNKFLGEKQTS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02732
Name: ER07317_3A_prokka|PROKKA_02732
Description: ER07317_3A_prokka|PROKKA_02732
Number of features: 0
Seq('MQAQNKKSHLLYYDEEGNRRPVNIQYKRWLRLNDRPAFY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00001
Name: ER07419_3A_prokka|PROKKA_00001
Description: ER07419_3A_prokka|PROKKA_00001
Number of features: 0
Seq('MAMNEIALFKGVRIQPYQKYIDFMFASVLAFIFLVYRIYICY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00028
Name: ER07419_3A_prokka|PROKKA_00028
Description: ER07419_3A_prokka|PROKKA_00028
Number of features: 0
Seq('MMVKQILRLLFLLAMYELGKYVTEQVYIMMTANNDVEAASDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00032
Name: ER07419_3A_prokka|PROKKA_00032
Description: ER07419_3A_prokka|PROKKA_00032
Number of features: 0
Seq('MYKKAQAFDEILEGLPNAMQDALKEDIYLDEAVGIMVSQVVYKYEEEQEND', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00034
Name: ER07419_3A_prokka|PROKKA_00034
Description: ER07419_3A_prokka|PROKKA_00034
Number of features: 0
Seq('MSIISNRKVDMNETQTMLNNLRITHTATLKL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00059
Name: ER07419_3A_prokka|PROKKA_00059
Description: ER07419_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00143
Name: ER07419_3A_prokka|PROKKA_00143
Description: ER07419_3A_prokka|PROKKA_00143
Number of features: 0
Seq('MKKEEAEEEAVVEENVVLLTEIRDLLREKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00155
Name: ER07419_3A_prokka|PROKKA_00155
Description: ER07419_3A_prokka|PROKKA_00155
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00181
Name: ER07419_3A_prokka|PROKKA_00181
Description: ER07419_3A_prokka|PROKKA_00181
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00185
Name: ER07419_3A_prokka|PROKKA_00185
Description: ER07419_3A_prokka|PROKKA_00185
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00322
Name: ER07419_3A_prokka|PROKKA_00322
Description: ER07419_3A_prokka|PROKKA_00322
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00323
Name: ER07419_3A_prokka|PROKKA_00323
Description: ER07419_3A_prokka|PROKKA_00323
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00385
Name: ER07419_3A_prokka|PROKKA_00385
Description: ER07419_3A_prokka|PROKKA_00385
Number of features: 0
Seq('MLKYFPSDYKKPDEKISDTERKLNSKEFYNIKRKDKQTIIHILLIMM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00393
Name: ER07419_3A_prokka|PROKKA_00393
Description: ER07419_3A_prokka|PROKKA_00393
Number of features: 0
Seq('MEMLKDLKKGQCIFSDFYGRVGKMVVHCPFEEMTEAFRTQEDSASSKAEEKFAM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00394
Name: ER07419_3A_prokka|PROKKA_00394
Description: ER07419_3A_prokka|PROKKA_00394
Number of features: 0
Seq('MLLIGKFLEKFGSRRDVQTTIFIDEGWLLVLQDKVKKLVSV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00426
Name: ER07419_3A_prokka|PROKKA_00426
Description: ER07419_3A_prokka|PROKKA_00426
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00445
Name: ER07419_3A_prokka|PROKKA_00445
Description: ER07419_3A_prokka|PROKKA_00445
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00594
Name: ER07419_3A_prokka|PROKKA_00594
Description: ER07419_3A_prokka|PROKKA_00594
Number of features: 0
Seq('MNLKAPYAGLRDNLLLTKTGEVWAYYRVRSESISTANYDAKEESKKRMRLFFRVD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00598
Name: ER07419_3A_prokka|PROKKA_00598
Description: ER07419_3A_prokka|PROKKA_00598
Number of features: 0
Seq('MTLAKEIQSKFNDSYVKENTVKGRPKIYADLCLLCMSLSEAGHGRNATS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00599
Name: ER07419_3A_prokka|PROKKA_00599
Description: ER07419_3A_prokka|PROKKA_00599
Number of features: 0
Seq('MDYYTADRLYRYTNSSNLSEPILNYVASRINWGDKVH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00644
Name: ER07419_3A_prokka|PROKKA_00644
Description: ER07419_3A_prokka|PROKKA_00644
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00721
Name: ER07419_3A_prokka|PROKKA_00721
Description: ER07419_3A_prokka|PROKKA_00721
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00766
Name: ER07419_3A_prokka|PROKKA_00766
Description: ER07419_3A_prokka|PROKKA_00766
Number of features: 0
Seq('MNSIIELTDYYSSNNYAPLKLVISKGKGVKVWDTDGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00829
Name: ER07419_3A_prokka|PROKKA_00829
Description: ER07419_3A_prokka|PROKKA_00829
Number of features: 0
Seq('MSLNKEQRRITAEELQAHFEASTLSVQMIAEKLNVTTEDVEKVLAMTAPLGIF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00890
Name: ER07419_3A_prokka|PROKKA_00890
Description: ER07419_3A_prokka|PROKKA_00890
Number of features: 0
Seq('MEDEPYETLGEGLSLPPFLENKREYIESEVRPFNTKRQHG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00950
Name: ER07419_3A_prokka|PROKKA_00950
Description: ER07419_3A_prokka|PROKKA_00950
Number of features: 0
Seq('MKGAMAWPFLRLYILTLMFFSANAILNVFIPLRGHDLGATNTVIGIVMGHTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00996
Name: ER07419_3A_prokka|PROKKA_00996
Description: ER07419_3A_prokka|PROKKA_00996
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01169
Name: ER07419_3A_prokka|PROKKA_01169
Description: ER07419_3A_prokka|PROKKA_01169
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01256
Name: ER07419_3A_prokka|PROKKA_01256
Description: ER07419_3A_prokka|PROKKA_01256
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01275
Name: ER07419_3A_prokka|PROKKA_01275
Description: ER07419_3A_prokka|PROKKA_01275
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01323
Name: ER07419_3A_prokka|PROKKA_01323
Description: ER07419_3A_prokka|PROKKA_01323
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01331
Name: ER07419_3A_prokka|PROKKA_01331
Description: ER07419_3A_prokka|PROKKA_01331
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01342
Name: ER07419_3A_prokka|PROKKA_01342
Description: ER07419_3A_prokka|PROKKA_01342
Number of features: 0
Seq('MGVKIRELADDAVTLKEILKSTLSDTAERIVSNFGFDVNLDDKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01343
Name: ER07419_3A_prokka|PROKKA_01343
Description: ER07419_3A_prokka|PROKKA_01343
Number of features: 0
Seq('MNLKAPYAGLRDNLLLTKLAKFGRIIVFVLSLYQQQIMMQKKNQKSVCVIFRVD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01344
Name: ER07419_3A_prokka|PROKKA_01344
Description: ER07419_3A_prokka|PROKKA_01344
Number of features: 0
Seq('MKPLLPKSITMDRGKEFALFEQIEDELNCSIYFSDLGCPYQRGSLKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01345
Name: ER07419_3A_prokka|PROKKA_01345
Description: ER07419_3A_prokka|PROKKA_01345
Number of features: 0
Seq('MKKRKKRKELDYKTRLAIAKYLNDGLKHHSDF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01350
Name: ER07419_3A_prokka|PROKKA_01350
Description: ER07419_3A_prokka|PROKKA_01350
Number of features: 0
Seq('MVNKKDIAKKVIGKTPIGVKLKLAKVIIILCVVAFFYISSNCNVFVSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01398
Name: ER07419_3A_prokka|PROKKA_01398
Description: ER07419_3A_prokka|PROKKA_01398
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01429
Name: ER07419_3A_prokka|PROKKA_01429
Description: ER07419_3A_prokka|PROKKA_01429
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01456
Name: ER07419_3A_prokka|PROKKA_01456
Description: ER07419_3A_prokka|PROKKA_01456
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01578
Name: ER07419_3A_prokka|PROKKA_01578
Description: ER07419_3A_prokka|PROKKA_01578
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01627
Name: ER07419_3A_prokka|PROKKA_01627
Description: ER07419_3A_prokka|PROKKA_01627
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01629
Name: ER07419_3A_prokka|PROKKA_01629
Description: ER07419_3A_prokka|PROKKA_01629
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01649
Name: ER07419_3A_prokka|PROKKA_01649
Description: ER07419_3A_prokka|PROKKA_01649
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01651
Name: ER07419_3A_prokka|PROKKA_01651
Description: ER07419_3A_prokka|PROKKA_01651
Number of features: 0
Seq('MNLKEVDINIEEWEMVEIPFYTEEELTYRLKNDLPITKSEFEEQESKNEFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01658
Name: ER07419_3A_prokka|PROKKA_01658
Description: ER07419_3A_prokka|PROKKA_01658
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01661
Name: ER07419_3A_prokka|PROKKA_01661
Description: ER07419_3A_prokka|PROKKA_01661
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01678
Name: ER07419_3A_prokka|PROKKA_01678
Description: ER07419_3A_prokka|PROKKA_01678
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01694
Name: ER07419_3A_prokka|PROKKA_01694
Description: ER07419_3A_prokka|PROKKA_01694
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01698
Name: ER07419_3A_prokka|PROKKA_01698
Description: ER07419_3A_prokka|PROKKA_01698
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01770
Name: ER07419_3A_prokka|PROKKA_01770
Description: ER07419_3A_prokka|PROKKA_01770
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01823
Name: ER07419_3A_prokka|PROKKA_01823
Description: ER07419_3A_prokka|PROKKA_01823
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01921
Name: ER07419_3A_prokka|PROKKA_01921
Description: ER07419_3A_prokka|PROKKA_01921
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02032
Name: ER07419_3A_prokka|PROKKA_02032
Description: ER07419_3A_prokka|PROKKA_02032
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02071
Name: ER07419_3A_prokka|PROKKA_02071
Description: ER07419_3A_prokka|PROKKA_02071
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02072
Name: ER07419_3A_prokka|PROKKA_02072
Description: ER07419_3A_prokka|PROKKA_02072
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02103
Name: ER07419_3A_prokka|PROKKA_02103
Description: ER07419_3A_prokka|PROKKA_02103
Number of features: 0
Seq('MRQVQCIICDAKVFIDERTTESKRLKNNPIRTFMCDDCKSRLDTPKQRAQHYPLD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02124
Name: ER07419_3A_prokka|PROKKA_02124
Description: ER07419_3A_prokka|PROKKA_02124
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02132
Name: ER07419_3A_prokka|PROKKA_02132
Description: ER07419_3A_prokka|PROKKA_02132
Number of features: 0
Seq('MSNIYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYGE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02152
Name: ER07419_3A_prokka|PROKKA_02152
Description: ER07419_3A_prokka|PROKKA_02152
Number of features: 0
Seq('MMWLVIVIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02210
Name: ER07419_3A_prokka|PROKKA_02210
Description: ER07419_3A_prokka|PROKKA_02210
Number of features: 0
Seq('MMVKQILRLLFLLAMYELGKYVTEQVYIMMTANNDVEAASDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02226
Name: ER07419_3A_prokka|PROKKA_02226
Description: ER07419_3A_prokka|PROKKA_02226
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02262
Name: ER07419_3A_prokka|PROKKA_02262
Description: ER07419_3A_prokka|PROKKA_02262
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02299
Name: ER07419_3A_prokka|PROKKA_02299
Description: ER07419_3A_prokka|PROKKA_02299
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02371
Name: ER07419_3A_prokka|PROKKA_02371
Description: ER07419_3A_prokka|PROKKA_02371
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02405
Name: ER07419_3A_prokka|PROKKA_02405
Description: ER07419_3A_prokka|PROKKA_02405
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02563
Name: ER07419_3A_prokka|PROKKA_02563
Description: ER07419_3A_prokka|PROKKA_02563
Number of features: 0
Seq('MNVDMAIEMYDGNHRVLKVDAPIVEGSFIAAVKLSIGGSIDDALAEIKQSF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02607
Name: ER07419_3A_prokka|PROKKA_02607
Description: ER07419_3A_prokka|PROKKA_02607
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02643
Name: ER07419_3A_prokka|PROKKA_02643
Description: ER07419_3A_prokka|PROKKA_02643
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02771
Name: ER07419_3A_prokka|PROKKA_02771
Description: ER07419_3A_prokka|PROKKA_02771
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02808
Name: ER07419_3A_prokka|PROKKA_02808
Description: ER07419_3A_prokka|PROKKA_02808
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02885
Name: ER07419_3A_prokka|PROKKA_02885
Description: ER07419_3A_prokka|PROKKA_02885
Number of features: 0
Seq('MYYIAIDIGGTQIKSAVIDKQLNMFDYQQISTPDNKSELITDKVYEIVTGYMKQY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02907
Name: ER07419_3A_prokka|PROKKA_02907
Description: ER07419_3A_prokka|PROKKA_02907
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02966
Name: ER07419_3A_prokka|PROKKA_02966
Description: ER07419_3A_prokka|PROKKA_02966
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02985
Name: ER07419_3A_prokka|PROKKA_02985
Description: ER07419_3A_prokka|PROKKA_02985
Number of features: 0
Seq('MNHIRNQLFDMTIYRTYLVMNYGTVDEKEIKAKGKDRIDNILKQDFQKKTR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00029
Name: ER07462_3A_prokka|PROKKA_00029
Description: ER07462_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00038
Name: ER07462_3A_prokka|PROKKA_00038
Description: ER07462_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00059
Name: ER07462_3A_prokka|PROKKA_00059
Description: ER07462_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00147
Name: ER07462_3A_prokka|PROKKA_00147
Description: ER07462_3A_prokka|PROKKA_00147
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00246
Name: ER07462_3A_prokka|PROKKA_00246
Description: ER07462_3A_prokka|PROKKA_00246
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00299
Name: ER07462_3A_prokka|PROKKA_00299
Description: ER07462_3A_prokka|PROKKA_00299
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00397
Name: ER07462_3A_prokka|PROKKA_00397
Description: ER07462_3A_prokka|PROKKA_00397
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00435
Name: ER07462_3A_prokka|PROKKA_00435
Description: ER07462_3A_prokka|PROKKA_00435
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00565
Name: ER07462_3A_prokka|PROKKA_00565
Description: ER07462_3A_prokka|PROKKA_00565
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00601
Name: ER07462_3A_prokka|PROKKA_00601
Description: ER07462_3A_prokka|PROKKA_00601
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00819
Name: ER07462_3A_prokka|PROKKA_00819
Description: ER07462_3A_prokka|PROKKA_00819
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00863
Name: ER07462_3A_prokka|PROKKA_00863
Description: ER07462_3A_prokka|PROKKA_00863
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00971
Name: ER07462_3A_prokka|PROKKA_00971
Description: ER07462_3A_prokka|PROKKA_00971
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01010
Name: ER07462_3A_prokka|PROKKA_01010
Description: ER07462_3A_prokka|PROKKA_01010
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01090
Name: ER07462_3A_prokka|PROKKA_01090
Description: ER07462_3A_prokka|PROKKA_01090
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01103
Name: ER07462_3A_prokka|PROKKA_01103
Description: ER07462_3A_prokka|PROKKA_01103
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01104
Name: ER07462_3A_prokka|PROKKA_01104
Description: ER07462_3A_prokka|PROKKA_01104
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01239
Name: ER07462_3A_prokka|PROKKA_01239
Description: ER07462_3A_prokka|PROKKA_01239
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01243
Name: ER07462_3A_prokka|PROKKA_01243
Description: ER07462_3A_prokka|PROKKA_01243
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01247
Name: ER07462_3A_prokka|PROKKA_01247
Description: ER07462_3A_prokka|PROKKA_01247
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01249
Name: ER07462_3A_prokka|PROKKA_01249
Description: ER07462_3A_prokka|PROKKA_01249
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01273
Name: ER07462_3A_prokka|PROKKA_01273
Description: ER07462_3A_prokka|PROKKA_01273
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01368
Name: ER07462_3A_prokka|PROKKA_01368
Description: ER07462_3A_prokka|PROKKA_01368
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01381
Name: ER07462_3A_prokka|PROKKA_01381
Description: ER07462_3A_prokka|PROKKA_01381
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01430
Name: ER07462_3A_prokka|PROKKA_01430
Description: ER07462_3A_prokka|PROKKA_01430
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01438
Name: ER07462_3A_prokka|PROKKA_01438
Description: ER07462_3A_prokka|PROKKA_01438
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01458
Name: ER07462_3A_prokka|PROKKA_01458
Description: ER07462_3A_prokka|PROKKA_01458
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01486
Name: ER07462_3A_prokka|PROKKA_01486
Description: ER07462_3A_prokka|PROKKA_01486
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01513
Name: ER07462_3A_prokka|PROKKA_01513
Description: ER07462_3A_prokka|PROKKA_01513
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01550
Name: ER07462_3A_prokka|PROKKA_01550
Description: ER07462_3A_prokka|PROKKA_01550
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01620
Name: ER07462_3A_prokka|PROKKA_01620
Description: ER07462_3A_prokka|PROKKA_01620
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01788
Name: ER07462_3A_prokka|PROKKA_01788
Description: ER07462_3A_prokka|PROKKA_01788
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01795
Name: ER07462_3A_prokka|PROKKA_01795
Description: ER07462_3A_prokka|PROKKA_01795
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01814
Name: ER07462_3A_prokka|PROKKA_01814
Description: ER07462_3A_prokka|PROKKA_01814
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01849
Name: ER07462_3A_prokka|PROKKA_01849
Description: ER07462_3A_prokka|PROKKA_01849
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01901
Name: ER07462_3A_prokka|PROKKA_01901
Description: ER07462_3A_prokka|PROKKA_01901
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01903
Name: ER07462_3A_prokka|PROKKA_01903
Description: ER07462_3A_prokka|PROKKA_01903
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01904
Name: ER07462_3A_prokka|PROKKA_01904
Description: ER07462_3A_prokka|PROKKA_01904
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01934
Name: ER07462_3A_prokka|PROKKA_01934
Description: ER07462_3A_prokka|PROKKA_01934
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01940
Name: ER07462_3A_prokka|PROKKA_01940
Description: ER07462_3A_prokka|PROKKA_01940
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWHELDYWLNKRKSENEQIDIDRVLKFIEELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01950
Name: ER07462_3A_prokka|PROKKA_01950
Description: ER07462_3A_prokka|PROKKA_01950
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02040
Name: ER07462_3A_prokka|PROKKA_02040
Description: ER07462_3A_prokka|PROKKA_02040
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02044
Name: ER07462_3A_prokka|PROKKA_02044
Description: ER07462_3A_prokka|PROKKA_02044
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02060
Name: ER07462_3A_prokka|PROKKA_02060
Description: ER07462_3A_prokka|PROKKA_02060
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02080
Name: ER07462_3A_prokka|PROKKA_02080
Description: ER07462_3A_prokka|PROKKA_02080
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02110
Name: ER07462_3A_prokka|PROKKA_02110
Description: ER07462_3A_prokka|PROKKA_02110
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02112
Name: ER07462_3A_prokka|PROKKA_02112
Description: ER07462_3A_prokka|PROKKA_02112
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02162
Name: ER07462_3A_prokka|PROKKA_02162
Description: ER07462_3A_prokka|PROKKA_02162
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02282
Name: ER07462_3A_prokka|PROKKA_02282
Description: ER07462_3A_prokka|PROKKA_02282
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02307
Name: ER07462_3A_prokka|PROKKA_02307
Description: ER07462_3A_prokka|PROKKA_02307
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02338
Name: ER07462_3A_prokka|PROKKA_02338
Description: ER07462_3A_prokka|PROKKA_02338
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02493
Name: ER07462_3A_prokka|PROKKA_02493
Description: ER07462_3A_prokka|PROKKA_02493
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02705
Name: ER07462_3A_prokka|PROKKA_02705
Description: ER07462_3A_prokka|PROKKA_02705
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02792
Name: ER07462_3A_prokka|PROKKA_02792
Description: ER07462_3A_prokka|PROKKA_02792
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02822
Name: ER07462_3A_prokka|PROKKA_02822
Description: ER07462_3A_prokka|PROKKA_02822
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00001
Name: ER07465_3A_prokka|PROKKA_00001
Description: ER07465_3A_prokka|PROKKA_00001
Number of features: 0
Seq('MSYENTCDVICVHEDKVNNALSFLEDDKSKKLLNILEKICDEKKLKIILS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00005
Name: ER07465_3A_prokka|PROKKA_00005
Description: ER07465_3A_prokka|PROKKA_00005
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00032
Name: ER07465_3A_prokka|PROKKA_00032
Description: ER07465_3A_prokka|PROKKA_00032
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00072
Name: ER07465_3A_prokka|PROKKA_00072
Description: ER07465_3A_prokka|PROKKA_00072
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00081
Name: ER07465_3A_prokka|PROKKA_00081
Description: ER07465_3A_prokka|PROKKA_00081
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00102
Name: ER07465_3A_prokka|PROKKA_00102
Description: ER07465_3A_prokka|PROKKA_00102
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00193
Name: ER07465_3A_prokka|PROKKA_00193
Description: ER07465_3A_prokka|PROKKA_00193
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00240
Name: ER07465_3A_prokka|PROKKA_00240
Description: ER07465_3A_prokka|PROKKA_00240
Number of features: 0
Seq('MKGALIDDLKIQNLRGERTINDAAKYNSKEKTGASPYEGIRTCL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00294
Name: ER07465_3A_prokka|PROKKA_00294
Description: ER07465_3A_prokka|PROKKA_00294
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00347
Name: ER07465_3A_prokka|PROKKA_00347
Description: ER07465_3A_prokka|PROKKA_00347
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00446
Name: ER07465_3A_prokka|PROKKA_00446
Description: ER07465_3A_prokka|PROKKA_00446
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00487
Name: ER07465_3A_prokka|PROKKA_00487
Description: ER07465_3A_prokka|PROKKA_00487
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00619
Name: ER07465_3A_prokka|PROKKA_00619
Description: ER07465_3A_prokka|PROKKA_00619
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00647
Name: ER07465_3A_prokka|PROKKA_00647
Description: ER07465_3A_prokka|PROKKA_00647
Number of features: 0
Seq('MALSMLLTLNPQNIIGFIGWLVMTAGFFLLNMSSIIDKKIYVLSKTNTVEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00656
Name: ER07465_3A_prokka|PROKKA_00656
Description: ER07465_3A_prokka|PROKKA_00656
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00714
Name: ER07465_3A_prokka|PROKKA_00714
Description: ER07465_3A_prokka|PROKKA_00714
Number of features: 0
Seq('MPKIILVSHSKEIASGTKSLLKQMAGDVDIIPIGDYQMVQLELHLISSKKF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00763
Name: ER07465_3A_prokka|PROKKA_00763
Description: ER07465_3A_prokka|PROKKA_00763
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00875
Name: ER07465_3A_prokka|PROKKA_00875
Description: ER07465_3A_prokka|PROKKA_00875
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00919
Name: ER07465_3A_prokka|PROKKA_00919
Description: ER07465_3A_prokka|PROKKA_00919
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01027
Name: ER07465_3A_prokka|PROKKA_01027
Description: ER07465_3A_prokka|PROKKA_01027
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01066
Name: ER07465_3A_prokka|PROKKA_01066
Description: ER07465_3A_prokka|PROKKA_01066
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01147
Name: ER07465_3A_prokka|PROKKA_01147
Description: ER07465_3A_prokka|PROKKA_01147
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01160
Name: ER07465_3A_prokka|PROKKA_01160
Description: ER07465_3A_prokka|PROKKA_01160
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01161
Name: ER07465_3A_prokka|PROKKA_01161
Description: ER07465_3A_prokka|PROKKA_01161
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01299
Name: ER07465_3A_prokka|PROKKA_01299
Description: ER07465_3A_prokka|PROKKA_01299
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01303
Name: ER07465_3A_prokka|PROKKA_01303
Description: ER07465_3A_prokka|PROKKA_01303
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01307
Name: ER07465_3A_prokka|PROKKA_01307
Description: ER07465_3A_prokka|PROKKA_01307
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01309
Name: ER07465_3A_prokka|PROKKA_01309
Description: ER07465_3A_prokka|PROKKA_01309
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01333
Name: ER07465_3A_prokka|PROKKA_01333
Description: ER07465_3A_prokka|PROKKA_01333
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01427
Name: ER07465_3A_prokka|PROKKA_01427
Description: ER07465_3A_prokka|PROKKA_01427
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01439
Name: ER07465_3A_prokka|PROKKA_01439
Description: ER07465_3A_prokka|PROKKA_01439
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01488
Name: ER07465_3A_prokka|PROKKA_01488
Description: ER07465_3A_prokka|PROKKA_01488
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01498
Name: ER07465_3A_prokka|PROKKA_01498
Description: ER07465_3A_prokka|PROKKA_01498
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01518
Name: ER07465_3A_prokka|PROKKA_01518
Description: ER07465_3A_prokka|PROKKA_01518
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01547
Name: ER07465_3A_prokka|PROKKA_01547
Description: ER07465_3A_prokka|PROKKA_01547
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01574
Name: ER07465_3A_prokka|PROKKA_01574
Description: ER07465_3A_prokka|PROKKA_01574
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01611
Name: ER07465_3A_prokka|PROKKA_01611
Description: ER07465_3A_prokka|PROKKA_01611
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01681
Name: ER07465_3A_prokka|PROKKA_01681
Description: ER07465_3A_prokka|PROKKA_01681
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01849
Name: ER07465_3A_prokka|PROKKA_01849
Description: ER07465_3A_prokka|PROKKA_01849
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01857
Name: ER07465_3A_prokka|PROKKA_01857
Description: ER07465_3A_prokka|PROKKA_01857
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01877
Name: ER07465_3A_prokka|PROKKA_01877
Description: ER07465_3A_prokka|PROKKA_01877
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01912
Name: ER07465_3A_prokka|PROKKA_01912
Description: ER07465_3A_prokka|PROKKA_01912
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01963
Name: ER07465_3A_prokka|PROKKA_01963
Description: ER07465_3A_prokka|PROKKA_01963
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02035
Name: ER07465_3A_prokka|PROKKA_02035
Description: ER07465_3A_prokka|PROKKA_02035
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02039
Name: ER07465_3A_prokka|PROKKA_02039
Description: ER07465_3A_prokka|PROKKA_02039
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02055
Name: ER07465_3A_prokka|PROKKA_02055
Description: ER07465_3A_prokka|PROKKA_02055
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02075
Name: ER07465_3A_prokka|PROKKA_02075
Description: ER07465_3A_prokka|PROKKA_02075
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02105
Name: ER07465_3A_prokka|PROKKA_02105
Description: ER07465_3A_prokka|PROKKA_02105
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02107
Name: ER07465_3A_prokka|PROKKA_02107
Description: ER07465_3A_prokka|PROKKA_02107
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02157
Name: ER07465_3A_prokka|PROKKA_02157
Description: ER07465_3A_prokka|PROKKA_02157
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02279
Name: ER07465_3A_prokka|PROKKA_02279
Description: ER07465_3A_prokka|PROKKA_02279
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02303
Name: ER07465_3A_prokka|PROKKA_02303
Description: ER07465_3A_prokka|PROKKA_02303
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02334
Name: ER07465_3A_prokka|PROKKA_02334
Description: ER07465_3A_prokka|PROKKA_02334
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02492
Name: ER07465_3A_prokka|PROKKA_02492
Description: ER07465_3A_prokka|PROKKA_02492
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02519
Name: ER07465_3A_prokka|PROKKA_02519
Description: ER07465_3A_prokka|PROKKA_02519
Number of features: 0
Seq('MSKIFVTGATGLIGIKLVQRLKEEGMRLLVLLHLRMVNKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02704
Name: ER07465_3A_prokka|PROKKA_02704
Description: ER07465_3A_prokka|PROKKA_02704
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02793
Name: ER07465_3A_prokka|PROKKA_02793
Description: ER07465_3A_prokka|PROKKA_02793
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00030
Name: ER07473_3A_prokka|PROKKA_00030
Description: ER07473_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00061
Name: ER07473_3A_prokka|PROKKA_00061
Description: ER07473_3A_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00070
Name: ER07473_3A_prokka|PROKKA_00070
Description: ER07473_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00091
Name: ER07473_3A_prokka|PROKKA_00091
Description: ER07473_3A_prokka|PROKKA_00091
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00181
Name: ER07473_3A_prokka|PROKKA_00181
Description: ER07473_3A_prokka|PROKKA_00181
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00283
Name: ER07473_3A_prokka|PROKKA_00283
Description: ER07473_3A_prokka|PROKKA_00283
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00335
Name: ER07473_3A_prokka|PROKKA_00335
Description: ER07473_3A_prokka|PROKKA_00335
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00434
Name: ER07473_3A_prokka|PROKKA_00434
Description: ER07473_3A_prokka|PROKKA_00434
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00473
Name: ER07473_3A_prokka|PROKKA_00473
Description: ER07473_3A_prokka|PROKKA_00473
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00601
Name: ER07473_3A_prokka|PROKKA_00601
Description: ER07473_3A_prokka|PROKKA_00601
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00637
Name: ER07473_3A_prokka|PROKKA_00637
Description: ER07473_3A_prokka|PROKKA_00637
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00858
Name: ER07473_3A_prokka|PROKKA_00858
Description: ER07473_3A_prokka|PROKKA_00858
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00884
Name: ER07473_3A_prokka|PROKKA_00884
Description: ER07473_3A_prokka|PROKKA_00884
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00994
Name: ER07473_3A_prokka|PROKKA_00994
Description: ER07473_3A_prokka|PROKKA_00994
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01033
Name: ER07473_3A_prokka|PROKKA_01033
Description: ER07473_3A_prokka|PROKKA_01033
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01113
Name: ER07473_3A_prokka|PROKKA_01113
Description: ER07473_3A_prokka|PROKKA_01113
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01126
Name: ER07473_3A_prokka|PROKKA_01126
Description: ER07473_3A_prokka|PROKKA_01126
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01127
Name: ER07473_3A_prokka|PROKKA_01127
Description: ER07473_3A_prokka|PROKKA_01127
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01262
Name: ER07473_3A_prokka|PROKKA_01262
Description: ER07473_3A_prokka|PROKKA_01262
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01266
Name: ER07473_3A_prokka|PROKKA_01266
Description: ER07473_3A_prokka|PROKKA_01266
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01270
Name: ER07473_3A_prokka|PROKKA_01270
Description: ER07473_3A_prokka|PROKKA_01270
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01272
Name: ER07473_3A_prokka|PROKKA_01272
Description: ER07473_3A_prokka|PROKKA_01272
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01296
Name: ER07473_3A_prokka|PROKKA_01296
Description: ER07473_3A_prokka|PROKKA_01296
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01391
Name: ER07473_3A_prokka|PROKKA_01391
Description: ER07473_3A_prokka|PROKKA_01391
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01403
Name: ER07473_3A_prokka|PROKKA_01403
Description: ER07473_3A_prokka|PROKKA_01403
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01451
Name: ER07473_3A_prokka|PROKKA_01451
Description: ER07473_3A_prokka|PROKKA_01451
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01459
Name: ER07473_3A_prokka|PROKKA_01459
Description: ER07473_3A_prokka|PROKKA_01459
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01479
Name: ER07473_3A_prokka|PROKKA_01479
Description: ER07473_3A_prokka|PROKKA_01479
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01507
Name: ER07473_3A_prokka|PROKKA_01507
Description: ER07473_3A_prokka|PROKKA_01507
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01509
Name: ER07473_3A_prokka|PROKKA_01509
Description: ER07473_3A_prokka|PROKKA_01509
Number of features: 0
Seq('MTQFLGALLLTGVLGYIPYKYLTMIGLVSEKKQGYQYSCIIDFFY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01535
Name: ER07473_3A_prokka|PROKKA_01535
Description: ER07473_3A_prokka|PROKKA_01535
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01572
Name: ER07473_3A_prokka|PROKKA_01572
Description: ER07473_3A_prokka|PROKKA_01572
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01642
Name: ER07473_3A_prokka|PROKKA_01642
Description: ER07473_3A_prokka|PROKKA_01642
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01809
Name: ER07473_3A_prokka|PROKKA_01809
Description: ER07473_3A_prokka|PROKKA_01809
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01817
Name: ER07473_3A_prokka|PROKKA_01817
Description: ER07473_3A_prokka|PROKKA_01817
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01837
Name: ER07473_3A_prokka|PROKKA_01837
Description: ER07473_3A_prokka|PROKKA_01837
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01872
Name: ER07473_3A_prokka|PROKKA_01872
Description: ER07473_3A_prokka|PROKKA_01872
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01925
Name: ER07473_3A_prokka|PROKKA_01925
Description: ER07473_3A_prokka|PROKKA_01925
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01997
Name: ER07473_3A_prokka|PROKKA_01997
Description: ER07473_3A_prokka|PROKKA_01997
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02001
Name: ER07473_3A_prokka|PROKKA_02001
Description: ER07473_3A_prokka|PROKKA_02001
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02017
Name: ER07473_3A_prokka|PROKKA_02017
Description: ER07473_3A_prokka|PROKKA_02017
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02037
Name: ER07473_3A_prokka|PROKKA_02037
Description: ER07473_3A_prokka|PROKKA_02037
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02068
Name: ER07473_3A_prokka|PROKKA_02068
Description: ER07473_3A_prokka|PROKKA_02068
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02070
Name: ER07473_3A_prokka|PROKKA_02070
Description: ER07473_3A_prokka|PROKKA_02070
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02119
Name: ER07473_3A_prokka|PROKKA_02119
Description: ER07473_3A_prokka|PROKKA_02119
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02242
Name: ER07473_3A_prokka|PROKKA_02242
Description: ER07473_3A_prokka|PROKKA_02242
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02266
Name: ER07473_3A_prokka|PROKKA_02266
Description: ER07473_3A_prokka|PROKKA_02266
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02297
Name: ER07473_3A_prokka|PROKKA_02297
Description: ER07473_3A_prokka|PROKKA_02297
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02455
Name: ER07473_3A_prokka|PROKKA_02455
Description: ER07473_3A_prokka|PROKKA_02455
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02501
Name: ER07473_3A_prokka|PROKKA_02501
Description: ER07473_3A_prokka|PROKKA_02501
Number of features: 0
Seq('MKGAMAWPFLRLYILTLMFFSANAILNVFIPLRGHDLGATNTVIGIVMGHTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02668
Name: ER07473_3A_prokka|PROKKA_02668
Description: ER07473_3A_prokka|PROKKA_02668
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02756
Name: ER07473_3A_prokka|PROKKA_02756
Description: ER07473_3A_prokka|PROKKA_02756
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00059
Name: ER07478_3A_prokka|PROKKA_00059
Description: ER07478_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00076
Name: ER07478_3A_prokka|PROKKA_00076
Description: ER07478_3A_prokka|PROKKA_00076
Number of features: 0
Seq('MIAFEFIKNGVEISTETNIAQPKFKYGANKFEFNQTVQKVQFDLKFYYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00089
Name: ER07478_3A_prokka|PROKKA_00089
Description: ER07478_3A_prokka|PROKKA_00089
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00090
Name: ER07478_3A_prokka|PROKKA_00090
Description: ER07478_3A_prokka|PROKKA_00090
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00105
Name: ER07478_3A_prokka|PROKKA_00105
Description: ER07478_3A_prokka|PROKKA_00105
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00210
Name: ER07478_3A_prokka|PROKKA_00210
Description: ER07478_3A_prokka|PROKKA_00210
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00249
Name: ER07478_3A_prokka|PROKKA_00249
Description: ER07478_3A_prokka|PROKKA_00249
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00250
Name: ER07478_3A_prokka|PROKKA_00250
Description: ER07478_3A_prokka|PROKKA_00250
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00302
Name: ER07478_3A_prokka|PROKKA_00302
Description: ER07478_3A_prokka|PROKKA_00302
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00308
Name: ER07478_3A_prokka|PROKKA_00308
Description: ER07478_3A_prokka|PROKKA_00308
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00309
Name: ER07478_3A_prokka|PROKKA_00309
Description: ER07478_3A_prokka|PROKKA_00309
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00333
Name: ER07478_3A_prokka|PROKKA_00333
Description: ER07478_3A_prokka|PROKKA_00333
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00363
Name: ER07478_3A_prokka|PROKKA_00363
Description: ER07478_3A_prokka|PROKKA_00363
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00364
Name: ER07478_3A_prokka|PROKKA_00364
Description: ER07478_3A_prokka|PROKKA_00364
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00400
Name: ER07478_3A_prokka|PROKKA_00400
Description: ER07478_3A_prokka|PROKKA_00400
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00412
Name: ER07478_3A_prokka|PROKKA_00412
Description: ER07478_3A_prokka|PROKKA_00412
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00413
Name: ER07478_3A_prokka|PROKKA_00413
Description: ER07478_3A_prokka|PROKKA_00413
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00549
Name: ER07478_3A_prokka|PROKKA_00549
Description: ER07478_3A_prokka|PROKKA_00549
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00553
Name: ER07478_3A_prokka|PROKKA_00553
Description: ER07478_3A_prokka|PROKKA_00553
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00577
Name: ER07478_3A_prokka|PROKKA_00577
Description: ER07478_3A_prokka|PROKKA_00577
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00671
Name: ER07478_3A_prokka|PROKKA_00671
Description: ER07478_3A_prokka|PROKKA_00671
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00683
Name: ER07478_3A_prokka|PROKKA_00683
Description: ER07478_3A_prokka|PROKKA_00683
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00730
Name: ER07478_3A_prokka|PROKKA_00730
Description: ER07478_3A_prokka|PROKKA_00730
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00738
Name: ER07478_3A_prokka|PROKKA_00738
Description: ER07478_3A_prokka|PROKKA_00738
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00757
Name: ER07478_3A_prokka|PROKKA_00757
Description: ER07478_3A_prokka|PROKKA_00757
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00772
Name: ER07478_3A_prokka|PROKKA_00772
Description: ER07478_3A_prokka|PROKKA_00772
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00780
Name: ER07478_3A_prokka|PROKKA_00780
Description: ER07478_3A_prokka|PROKKA_00780
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00785
Name: ER07478_3A_prokka|PROKKA_00785
Description: ER07478_3A_prokka|PROKKA_00785
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00812
Name: ER07478_3A_prokka|PROKKA_00812
Description: ER07478_3A_prokka|PROKKA_00812
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00815
Name: ER07478_3A_prokka|PROKKA_00815
Description: ER07478_3A_prokka|PROKKA_00815
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00850
Name: ER07478_3A_prokka|PROKKA_00850
Description: ER07478_3A_prokka|PROKKA_00850
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00924
Name: ER07478_3A_prokka|PROKKA_00924
Description: ER07478_3A_prokka|PROKKA_00924
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01093
Name: ER07478_3A_prokka|PROKKA_01093
Description: ER07478_3A_prokka|PROKKA_01093
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01107
Name: ER07478_3A_prokka|PROKKA_01107
Description: ER07478_3A_prokka|PROKKA_01107
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01149
Name: ER07478_3A_prokka|PROKKA_01149
Description: ER07478_3A_prokka|PROKKA_01149
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01201
Name: ER07478_3A_prokka|PROKKA_01201
Description: ER07478_3A_prokka|PROKKA_01201
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01203
Name: ER07478_3A_prokka|PROKKA_01203
Description: ER07478_3A_prokka|PROKKA_01203
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01204
Name: ER07478_3A_prokka|PROKKA_01204
Description: ER07478_3A_prokka|PROKKA_01204
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01234
Name: ER07478_3A_prokka|PROKKA_01234
Description: ER07478_3A_prokka|PROKKA_01234
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01256
Name: ER07478_3A_prokka|PROKKA_01256
Description: ER07478_3A_prokka|PROKKA_01256
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01261
Name: ER07478_3A_prokka|PROKKA_01261
Description: ER07478_3A_prokka|PROKKA_01261
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01337
Name: ER07478_3A_prokka|PROKKA_01337
Description: ER07478_3A_prokka|PROKKA_01337
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01341
Name: ER07478_3A_prokka|PROKKA_01341
Description: ER07478_3A_prokka|PROKKA_01341
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01357
Name: ER07478_3A_prokka|PROKKA_01357
Description: ER07478_3A_prokka|PROKKA_01357
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01375
Name: ER07478_3A_prokka|PROKKA_01375
Description: ER07478_3A_prokka|PROKKA_01375
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01402
Name: ER07478_3A_prokka|PROKKA_01402
Description: ER07478_3A_prokka|PROKKA_01402
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01404
Name: ER07478_3A_prokka|PROKKA_01404
Description: ER07478_3A_prokka|PROKKA_01404
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01456
Name: ER07478_3A_prokka|PROKKA_01456
Description: ER07478_3A_prokka|PROKKA_01456
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01564
Name: ER07478_3A_prokka|PROKKA_01564
Description: ER07478_3A_prokka|PROKKA_01564
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01583
Name: ER07478_3A_prokka|PROKKA_01583
Description: ER07478_3A_prokka|PROKKA_01583
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01596
Name: ER07478_3A_prokka|PROKKA_01596
Description: ER07478_3A_prokka|PROKKA_01596
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01628
Name: ER07478_3A_prokka|PROKKA_01628
Description: ER07478_3A_prokka|PROKKA_01628
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01773
Name: ER07478_3A_prokka|PROKKA_01773
Description: ER07478_3A_prokka|PROKKA_01773
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01782
Name: ER07478_3A_prokka|PROKKA_01782
Description: ER07478_3A_prokka|PROKKA_01782
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01846
Name: ER07478_3A_prokka|PROKKA_01846
Description: ER07478_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01954
Name: ER07478_3A_prokka|PROKKA_01954
Description: ER07478_3A_prokka|PROKKA_01954
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01992
Name: ER07478_3A_prokka|PROKKA_01992
Description: ER07478_3A_prokka|PROKKA_01992
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02076
Name: ER07478_3A_prokka|PROKKA_02076
Description: ER07478_3A_prokka|PROKKA_02076
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02115
Name: ER07478_3A_prokka|PROKKA_02115
Description: ER07478_3A_prokka|PROKKA_02115
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02118
Name: ER07478_3A_prokka|PROKKA_02118
Description: ER07478_3A_prokka|PROKKA_02118
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02122
Name: ER07478_3A_prokka|PROKKA_02122
Description: ER07478_3A_prokka|PROKKA_02122
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02143
Name: ER07478_3A_prokka|PROKKA_02143
Description: ER07478_3A_prokka|PROKKA_02143
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02161
Name: ER07478_3A_prokka|PROKKA_02161
Description: ER07478_3A_prokka|PROKKA_02161
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02328
Name: ER07478_3A_prokka|PROKKA_02328
Description: ER07478_3A_prokka|PROKKA_02328
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02452
Name: ER07478_3A_prokka|PROKKA_02452
Description: ER07478_3A_prokka|PROKKA_02452
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02469
Name: ER07478_3A_prokka|PROKKA_02469
Description: ER07478_3A_prokka|PROKKA_02469
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02635
Name: ER07478_3A_prokka|PROKKA_02635
Description: ER07478_3A_prokka|PROKKA_02635
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02864
Name: ER07478_3A_prokka|PROKKA_02864
Description: ER07478_3A_prokka|PROKKA_02864
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02895
Name: ER07478_3A_prokka|PROKKA_02895
Description: ER07478_3A_prokka|PROKKA_02895
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02899
Name: ER07478_3A_prokka|PROKKA_02899
Description: ER07478_3A_prokka|PROKKA_02899
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02915
Name: ER07478_3A_prokka|PROKKA_02915
Description: ER07478_3A_prokka|PROKKA_02915
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02928
Name: ER07478_3A_prokka|PROKKA_02928
Description: ER07478_3A_prokka|PROKKA_02928
Number of features: 0
Seq('MTPNLQLYNKAYEMLQGYGFPVISRKEMQQEIPYPFFCNKNAGVKQK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00027
Name: ER07542_3A_prokka|PROKKA_00027
Description: ER07542_3A_prokka|PROKKA_00027
Number of features: 0
Seq('MAYQSEYALENEVLQQLEELNYERVNIHNIKLEINEYLKELGVLKNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00033
Name: ER07542_3A_prokka|PROKKA_00033
Description: ER07542_3A_prokka|PROKKA_00033
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00038
Name: ER07542_3A_prokka|PROKKA_00038
Description: ER07542_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MKEMKRKSVGCYVRVSTISQDIDKFSINGQITQIKEYCQQGNYELLY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00041
Name: ER07542_3A_prokka|PROKKA_00041
Description: ER07542_3A_prokka|PROKKA_00041
Number of features: 0
Seq('MDMENKKTEWKALYDISKESEMGVAERVSEYG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00043
Name: ER07542_3A_prokka|PROKKA_00043
Description: ER07542_3A_prokka|PROKKA_00043
Number of features: 0
Seq('MSKIMNLITYDKLQRIVLYWGFYNNNGPYIFKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00073
Name: ER07542_3A_prokka|PROKKA_00073
Description: ER07542_3A_prokka|PROKKA_00073
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00093
Name: ER07542_3A_prokka|PROKKA_00093
Description: ER07542_3A_prokka|PROKKA_00093
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00256
Name: ER07542_3A_prokka|PROKKA_00256
Description: ER07542_3A_prokka|PROKKA_00256
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00382
Name: ER07542_3A_prokka|PROKKA_00382
Description: ER07542_3A_prokka|PROKKA_00382
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00400
Name: ER07542_3A_prokka|PROKKA_00400
Description: ER07542_3A_prokka|PROKKA_00400
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00428
Name: ER07542_3A_prokka|PROKKA_00428
Description: ER07542_3A_prokka|PROKKA_00428
Number of features: 0
Seq('MMFNQINNKNELEESYESEKKRIENELHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00570
Name: ER07542_3A_prokka|PROKKA_00570
Description: ER07542_3A_prokka|PROKKA_00570
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00798
Name: ER07542_3A_prokka|PROKKA_00798
Description: ER07542_3A_prokka|PROKKA_00798
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00825
Name: ER07542_3A_prokka|PROKKA_00825
Description: ER07542_3A_prokka|PROKKA_00825
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00931
Name: ER07542_3A_prokka|PROKKA_00931
Description: ER07542_3A_prokka|PROKKA_00931
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00971
Name: ER07542_3A_prokka|PROKKA_00971
Description: ER07542_3A_prokka|PROKKA_00971
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01053
Name: ER07542_3A_prokka|PROKKA_01053
Description: ER07542_3A_prokka|PROKKA_01053
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01065
Name: ER07542_3A_prokka|PROKKA_01065
Description: ER07542_3A_prokka|PROKKA_01065
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01066
Name: ER07542_3A_prokka|PROKKA_01066
Description: ER07542_3A_prokka|PROKKA_01066
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01202
Name: ER07542_3A_prokka|PROKKA_01202
Description: ER07542_3A_prokka|PROKKA_01202
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01206
Name: ER07542_3A_prokka|PROKKA_01206
Description: ER07542_3A_prokka|PROKKA_01206
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01230
Name: ER07542_3A_prokka|PROKKA_01230
Description: ER07542_3A_prokka|PROKKA_01230
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01334
Name: ER07542_3A_prokka|PROKKA_01334
Description: ER07542_3A_prokka|PROKKA_01334
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01381
Name: ER07542_3A_prokka|PROKKA_01381
Description: ER07542_3A_prokka|PROKKA_01381
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01389
Name: ER07542_3A_prokka|PROKKA_01389
Description: ER07542_3A_prokka|PROKKA_01389
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01408
Name: ER07542_3A_prokka|PROKKA_01408
Description: ER07542_3A_prokka|PROKKA_01408
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01427
Name: ER07542_3A_prokka|PROKKA_01427
Description: ER07542_3A_prokka|PROKKA_01427
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01435
Name: ER07542_3A_prokka|PROKKA_01435
Description: ER07542_3A_prokka|PROKKA_01435
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01440
Name: ER07542_3A_prokka|PROKKA_01440
Description: ER07542_3A_prokka|PROKKA_01440
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01443
Name: ER07542_3A_prokka|PROKKA_01443
Description: ER07542_3A_prokka|PROKKA_01443
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01470
Name: ER07542_3A_prokka|PROKKA_01470
Description: ER07542_3A_prokka|PROKKA_01470
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01473
Name: ER07542_3A_prokka|PROKKA_01473
Description: ER07542_3A_prokka|PROKKA_01473
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01508
Name: ER07542_3A_prokka|PROKKA_01508
Description: ER07542_3A_prokka|PROKKA_01508
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01580
Name: ER07542_3A_prokka|PROKKA_01580
Description: ER07542_3A_prokka|PROKKA_01580
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01749
Name: ER07542_3A_prokka|PROKKA_01749
Description: ER07542_3A_prokka|PROKKA_01749
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01765
Name: ER07542_3A_prokka|PROKKA_01765
Description: ER07542_3A_prokka|PROKKA_01765
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01807
Name: ER07542_3A_prokka|PROKKA_01807
Description: ER07542_3A_prokka|PROKKA_01807
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01859
Name: ER07542_3A_prokka|PROKKA_01859
Description: ER07542_3A_prokka|PROKKA_01859
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01933
Name: ER07542_3A_prokka|PROKKA_01933
Description: ER07542_3A_prokka|PROKKA_01933
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01937
Name: ER07542_3A_prokka|PROKKA_01937
Description: ER07542_3A_prokka|PROKKA_01937
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01953
Name: ER07542_3A_prokka|PROKKA_01953
Description: ER07542_3A_prokka|PROKKA_01953
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01971
Name: ER07542_3A_prokka|PROKKA_01971
Description: ER07542_3A_prokka|PROKKA_01971
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01996
Name: ER07542_3A_prokka|PROKKA_01996
Description: ER07542_3A_prokka|PROKKA_01996
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01998
Name: ER07542_3A_prokka|PROKKA_01998
Description: ER07542_3A_prokka|PROKKA_01998
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_02048
Name: ER07542_3A_prokka|PROKKA_02048
Description: ER07542_3A_prokka|PROKKA_02048
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_02173
Name: ER07542_3A_prokka|PROKKA_02173
Description: ER07542_3A_prokka|PROKKA_02173
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_02186
Name: ER07542_3A_prokka|PROKKA_02186
Description: ER07542_3A_prokka|PROKKA_02186
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_02217
Name: ER07542_3A_prokka|PROKKA_02217
Description: ER07542_3A_prokka|PROKKA_02217
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_02370
Name: ER07542_3A_prokka|PROKKA_02370
Description: ER07542_3A_prokka|PROKKA_02370
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_02434
Name: ER07542_3A_prokka|PROKKA_02434
Description: ER07542_3A_prokka|PROKKA_02434
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_02541
Name: ER07542_3A_prokka|PROKKA_02541
Description: ER07542_3A_prokka|PROKKA_02541
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_02579
Name: ER07542_3A_prokka|PROKKA_02579
Description: ER07542_3A_prokka|PROKKA_02579
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_02665
Name: ER07542_3A_prokka|PROKKA_02665
Description: ER07542_3A_prokka|PROKKA_02665
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_02677
Name: ER07542_3A_prokka|PROKKA_02677
Description: ER07542_3A_prokka|PROKKA_02677
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_02687
Name: ER07542_3A_prokka|PROKKA_02687
Description: ER07542_3A_prokka|PROKKA_02687
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_02691
Name: ER07542_3A_prokka|PROKKA_02691
Description: ER07542_3A_prokka|PROKKA_02691
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00056
Name: ER07730_3A_prokka|PROKKA_00056
Description: ER07730_3A_prokka|PROKKA_00056
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00074
Name: ER07730_3A_prokka|PROKKA_00074
Description: ER07730_3A_prokka|PROKKA_00074
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00240
Name: ER07730_3A_prokka|PROKKA_00240
Description: ER07730_3A_prokka|PROKKA_00240
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00364
Name: ER07730_3A_prokka|PROKKA_00364
Description: ER07730_3A_prokka|PROKKA_00364
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00381
Name: ER07730_3A_prokka|PROKKA_00381
Description: ER07730_3A_prokka|PROKKA_00381
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00548
Name: ER07730_3A_prokka|PROKKA_00548
Description: ER07730_3A_prokka|PROKKA_00548
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00777
Name: ER07730_3A_prokka|PROKKA_00777
Description: ER07730_3A_prokka|PROKKA_00777
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00808
Name: ER07730_3A_prokka|PROKKA_00808
Description: ER07730_3A_prokka|PROKKA_00808
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00812
Name: ER07730_3A_prokka|PROKKA_00812
Description: ER07730_3A_prokka|PROKKA_00812
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00828
Name: ER07730_3A_prokka|PROKKA_00828
Description: ER07730_3A_prokka|PROKKA_00828
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00859
Name: ER07730_3A_prokka|PROKKA_00859
Description: ER07730_3A_prokka|PROKKA_00859
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00860
Name: ER07730_3A_prokka|PROKKA_00860
Description: ER07730_3A_prokka|PROKKA_00860
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00876
Name: ER07730_3A_prokka|PROKKA_00876
Description: ER07730_3A_prokka|PROKKA_00876
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00981
Name: ER07730_3A_prokka|PROKKA_00981
Description: ER07730_3A_prokka|PROKKA_00981
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01020
Name: ER07730_3A_prokka|PROKKA_01020
Description: ER07730_3A_prokka|PROKKA_01020
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01021
Name: ER07730_3A_prokka|PROKKA_01021
Description: ER07730_3A_prokka|PROKKA_01021
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01103
Name: ER07730_3A_prokka|PROKKA_01103
Description: ER07730_3A_prokka|PROKKA_01103
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01115
Name: ER07730_3A_prokka|PROKKA_01115
Description: ER07730_3A_prokka|PROKKA_01115
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01116
Name: ER07730_3A_prokka|PROKKA_01116
Description: ER07730_3A_prokka|PROKKA_01116
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01252
Name: ER07730_3A_prokka|PROKKA_01252
Description: ER07730_3A_prokka|PROKKA_01252
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01256
Name: ER07730_3A_prokka|PROKKA_01256
Description: ER07730_3A_prokka|PROKKA_01256
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01280
Name: ER07730_3A_prokka|PROKKA_01280
Description: ER07730_3A_prokka|PROKKA_01280
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01373
Name: ER07730_3A_prokka|PROKKA_01373
Description: ER07730_3A_prokka|PROKKA_01373
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01385
Name: ER07730_3A_prokka|PROKKA_01385
Description: ER07730_3A_prokka|PROKKA_01385
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01432
Name: ER07730_3A_prokka|PROKKA_01432
Description: ER07730_3A_prokka|PROKKA_01432
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01440
Name: ER07730_3A_prokka|PROKKA_01440
Description: ER07730_3A_prokka|PROKKA_01440
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01459
Name: ER07730_3A_prokka|PROKKA_01459
Description: ER07730_3A_prokka|PROKKA_01459
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01478
Name: ER07730_3A_prokka|PROKKA_01478
Description: ER07730_3A_prokka|PROKKA_01478
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01486
Name: ER07730_3A_prokka|PROKKA_01486
Description: ER07730_3A_prokka|PROKKA_01486
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01491
Name: ER07730_3A_prokka|PROKKA_01491
Description: ER07730_3A_prokka|PROKKA_01491
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01518
Name: ER07730_3A_prokka|PROKKA_01518
Description: ER07730_3A_prokka|PROKKA_01518
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01521
Name: ER07730_3A_prokka|PROKKA_01521
Description: ER07730_3A_prokka|PROKKA_01521
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01556
Name: ER07730_3A_prokka|PROKKA_01556
Description: ER07730_3A_prokka|PROKKA_01556
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01629
Name: ER07730_3A_prokka|PROKKA_01629
Description: ER07730_3A_prokka|PROKKA_01629
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01798
Name: ER07730_3A_prokka|PROKKA_01798
Description: ER07730_3A_prokka|PROKKA_01798
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01812
Name: ER07730_3A_prokka|PROKKA_01812
Description: ER07730_3A_prokka|PROKKA_01812
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01854
Name: ER07730_3A_prokka|PROKKA_01854
Description: ER07730_3A_prokka|PROKKA_01854
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01906
Name: ER07730_3A_prokka|PROKKA_01906
Description: ER07730_3A_prokka|PROKKA_01906
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01978
Name: ER07730_3A_prokka|PROKKA_01978
Description: ER07730_3A_prokka|PROKKA_01978
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01982
Name: ER07730_3A_prokka|PROKKA_01982
Description: ER07730_3A_prokka|PROKKA_01982
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01998
Name: ER07730_3A_prokka|PROKKA_01998
Description: ER07730_3A_prokka|PROKKA_01998
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02016
Name: ER07730_3A_prokka|PROKKA_02016
Description: ER07730_3A_prokka|PROKKA_02016
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02022
Name: ER07730_3A_prokka|PROKKA_02022
Description: ER07730_3A_prokka|PROKKA_02022
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02027
Name: ER07730_3A_prokka|PROKKA_02027
Description: ER07730_3A_prokka|PROKKA_02027
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02043
Name: ER07730_3A_prokka|PROKKA_02043
Description: ER07730_3A_prokka|PROKKA_02043
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02045
Name: ER07730_3A_prokka|PROKKA_02045
Description: ER07730_3A_prokka|PROKKA_02045
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02095
Name: ER07730_3A_prokka|PROKKA_02095
Description: ER07730_3A_prokka|PROKKA_02095
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02221
Name: ER07730_3A_prokka|PROKKA_02221
Description: ER07730_3A_prokka|PROKKA_02221
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02234
Name: ER07730_3A_prokka|PROKKA_02234
Description: ER07730_3A_prokka|PROKKA_02234
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02265
Name: ER07730_3A_prokka|PROKKA_02265
Description: ER07730_3A_prokka|PROKKA_02265
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02409
Name: ER07730_3A_prokka|PROKKA_02409
Description: ER07730_3A_prokka|PROKKA_02409
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02418
Name: ER07730_3A_prokka|PROKKA_02418
Description: ER07730_3A_prokka|PROKKA_02418
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02483
Name: ER07730_3A_prokka|PROKKA_02483
Description: ER07730_3A_prokka|PROKKA_02483
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02592
Name: ER07730_3A_prokka|PROKKA_02592
Description: ER07730_3A_prokka|PROKKA_02592
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02630
Name: ER07730_3A_prokka|PROKKA_02630
Description: ER07730_3A_prokka|PROKKA_02630
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02714
Name: ER07730_3A_prokka|PROKKA_02714
Description: ER07730_3A_prokka|PROKKA_02714
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00010
Name: ER07747_3A_prokka|PROKKA_00010
Description: ER07747_3A_prokka|PROKKA_00010
Number of features: 0
Seq('MILSKTANKILKELKNKEKYFSNLCIENRDVNSSKLTFARC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00014
Name: ER07747_3A_prokka|PROKKA_00014
Description: ER07747_3A_prokka|PROKKA_00014
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALTEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00072
Name: ER07747_3A_prokka|PROKKA_00072
Description: ER07747_3A_prokka|PROKKA_00072
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00081
Name: ER07747_3A_prokka|PROKKA_00081
Description: ER07747_3A_prokka|PROKKA_00081
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00158
Name: ER07747_3A_prokka|PROKKA_00158
Description: ER07747_3A_prokka|PROKKA_00158
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00257
Name: ER07747_3A_prokka|PROKKA_00257
Description: ER07747_3A_prokka|PROKKA_00257
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00310
Name: ER07747_3A_prokka|PROKKA_00310
Description: ER07747_3A_prokka|PROKKA_00310
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00408
Name: ER07747_3A_prokka|PROKKA_00408
Description: ER07747_3A_prokka|PROKKA_00408
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00446
Name: ER07747_3A_prokka|PROKKA_00446
Description: ER07747_3A_prokka|PROKKA_00446
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00576
Name: ER07747_3A_prokka|PROKKA_00576
Description: ER07747_3A_prokka|PROKKA_00576
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00612
Name: ER07747_3A_prokka|PROKKA_00612
Description: ER07747_3A_prokka|PROKKA_00612
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00830
Name: ER07747_3A_prokka|PROKKA_00830
Description: ER07747_3A_prokka|PROKKA_00830
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00874
Name: ER07747_3A_prokka|PROKKA_00874
Description: ER07747_3A_prokka|PROKKA_00874
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00982
Name: ER07747_3A_prokka|PROKKA_00982
Description: ER07747_3A_prokka|PROKKA_00982
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01021
Name: ER07747_3A_prokka|PROKKA_01021
Description: ER07747_3A_prokka|PROKKA_01021
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01101
Name: ER07747_3A_prokka|PROKKA_01101
Description: ER07747_3A_prokka|PROKKA_01101
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01114
Name: ER07747_3A_prokka|PROKKA_01114
Description: ER07747_3A_prokka|PROKKA_01114
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01115
Name: ER07747_3A_prokka|PROKKA_01115
Description: ER07747_3A_prokka|PROKKA_01115
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01250
Name: ER07747_3A_prokka|PROKKA_01250
Description: ER07747_3A_prokka|PROKKA_01250
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01254
Name: ER07747_3A_prokka|PROKKA_01254
Description: ER07747_3A_prokka|PROKKA_01254
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01258
Name: ER07747_3A_prokka|PROKKA_01258
Description: ER07747_3A_prokka|PROKKA_01258
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01260
Name: ER07747_3A_prokka|PROKKA_01260
Description: ER07747_3A_prokka|PROKKA_01260
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01284
Name: ER07747_3A_prokka|PROKKA_01284
Description: ER07747_3A_prokka|PROKKA_01284
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01380
Name: ER07747_3A_prokka|PROKKA_01380
Description: ER07747_3A_prokka|PROKKA_01380
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01393
Name: ER07747_3A_prokka|PROKKA_01393
Description: ER07747_3A_prokka|PROKKA_01393
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01445
Name: ER07747_3A_prokka|PROKKA_01445
Description: ER07747_3A_prokka|PROKKA_01445
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01453
Name: ER07747_3A_prokka|PROKKA_01453
Description: ER07747_3A_prokka|PROKKA_01453
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01473
Name: ER07747_3A_prokka|PROKKA_01473
Description: ER07747_3A_prokka|PROKKA_01473
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01501
Name: ER07747_3A_prokka|PROKKA_01501
Description: ER07747_3A_prokka|PROKKA_01501
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01528
Name: ER07747_3A_prokka|PROKKA_01528
Description: ER07747_3A_prokka|PROKKA_01528
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01565
Name: ER07747_3A_prokka|PROKKA_01565
Description: ER07747_3A_prokka|PROKKA_01565
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01636
Name: ER07747_3A_prokka|PROKKA_01636
Description: ER07747_3A_prokka|PROKKA_01636
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01801
Name: ER07747_3A_prokka|PROKKA_01801
Description: ER07747_3A_prokka|PROKKA_01801
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01808
Name: ER07747_3A_prokka|PROKKA_01808
Description: ER07747_3A_prokka|PROKKA_01808
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01827
Name: ER07747_3A_prokka|PROKKA_01827
Description: ER07747_3A_prokka|PROKKA_01827
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01862
Name: ER07747_3A_prokka|PROKKA_01862
Description: ER07747_3A_prokka|PROKKA_01862
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01914
Name: ER07747_3A_prokka|PROKKA_01914
Description: ER07747_3A_prokka|PROKKA_01914
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01916
Name: ER07747_3A_prokka|PROKKA_01916
Description: ER07747_3A_prokka|PROKKA_01916
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01917
Name: ER07747_3A_prokka|PROKKA_01917
Description: ER07747_3A_prokka|PROKKA_01917
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01947
Name: ER07747_3A_prokka|PROKKA_01947
Description: ER07747_3A_prokka|PROKKA_01947
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01969
Name: ER07747_3A_prokka|PROKKA_01969
Description: ER07747_3A_prokka|PROKKA_01969
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01974
Name: ER07747_3A_prokka|PROKKA_01974
Description: ER07747_3A_prokka|PROKKA_01974
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02048
Name: ER07747_3A_prokka|PROKKA_02048
Description: ER07747_3A_prokka|PROKKA_02048
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02052
Name: ER07747_3A_prokka|PROKKA_02052
Description: ER07747_3A_prokka|PROKKA_02052
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02068
Name: ER07747_3A_prokka|PROKKA_02068
Description: ER07747_3A_prokka|PROKKA_02068
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02084
Name: ER07747_3A_prokka|PROKKA_02084
Description: ER07747_3A_prokka|PROKKA_02084
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02094
Name: ER07747_3A_prokka|PROKKA_02094
Description: ER07747_3A_prokka|PROKKA_02094
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02113
Name: ER07747_3A_prokka|PROKKA_02113
Description: ER07747_3A_prokka|PROKKA_02113
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02115
Name: ER07747_3A_prokka|PROKKA_02115
Description: ER07747_3A_prokka|PROKKA_02115
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02164
Name: ER07747_3A_prokka|PROKKA_02164
Description: ER07747_3A_prokka|PROKKA_02164
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02284
Name: ER07747_3A_prokka|PROKKA_02284
Description: ER07747_3A_prokka|PROKKA_02284
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02308
Name: ER07747_3A_prokka|PROKKA_02308
Description: ER07747_3A_prokka|PROKKA_02308
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02339
Name: ER07747_3A_prokka|PROKKA_02339
Description: ER07747_3A_prokka|PROKKA_02339
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02495
Name: ER07747_3A_prokka|PROKKA_02495
Description: ER07747_3A_prokka|PROKKA_02495
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02704
Name: ER07747_3A_prokka|PROKKA_02704
Description: ER07747_3A_prokka|PROKKA_02704
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02791
Name: ER07747_3A_prokka|PROKKA_02791
Description: ER07747_3A_prokka|PROKKA_02791
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02821
Name: ER07747_3A_prokka|PROKKA_02821
Description: ER07747_3A_prokka|PROKKA_02821
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00031
Name: ER07787_3A_prokka|PROKKA_00031
Description: ER07787_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00040
Name: ER07787_3A_prokka|PROKKA_00040
Description: ER07787_3A_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00129
Name: ER07787_3A_prokka|PROKKA_00129
Description: ER07787_3A_prokka|PROKKA_00129
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00230
Name: ER07787_3A_prokka|PROKKA_00230
Description: ER07787_3A_prokka|PROKKA_00230
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00282
Name: ER07787_3A_prokka|PROKKA_00282
Description: ER07787_3A_prokka|PROKKA_00282
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00380
Name: ER07787_3A_prokka|PROKKA_00380
Description: ER07787_3A_prokka|PROKKA_00380
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00417
Name: ER07787_3A_prokka|PROKKA_00417
Description: ER07787_3A_prokka|PROKKA_00417
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00547
Name: ER07787_3A_prokka|PROKKA_00547
Description: ER07787_3A_prokka|PROKKA_00547
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00583
Name: ER07787_3A_prokka|PROKKA_00583
Description: ER07787_3A_prokka|PROKKA_00583
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00784
Name: ER07787_3A_prokka|PROKKA_00784
Description: ER07787_3A_prokka|PROKKA_00784
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00799
Name: ER07787_3A_prokka|PROKKA_00799
Description: ER07787_3A_prokka|PROKKA_00799
Number of features: 0
Seq('MKMYLAYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00815
Name: ER07787_3A_prokka|PROKKA_00815
Description: ER07787_3A_prokka|PROKKA_00815
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00816
Name: ER07787_3A_prokka|PROKKA_00816
Description: ER07787_3A_prokka|PROKKA_00816
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIGRKTHFYCLDKKNGCR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00837
Name: ER07787_3A_prokka|PROKKA_00837
Description: ER07787_3A_prokka|PROKKA_00837
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00945
Name: ER07787_3A_prokka|PROKKA_00945
Description: ER07787_3A_prokka|PROKKA_00945
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00984
Name: ER07787_3A_prokka|PROKKA_00984
Description: ER07787_3A_prokka|PROKKA_00984
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00985
Name: ER07787_3A_prokka|PROKKA_00985
Description: ER07787_3A_prokka|PROKKA_00985
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01039
Name: ER07787_3A_prokka|PROKKA_01039
Description: ER07787_3A_prokka|PROKKA_01039
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01045
Name: ER07787_3A_prokka|PROKKA_01045
Description: ER07787_3A_prokka|PROKKA_01045
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01046
Name: ER07787_3A_prokka|PROKKA_01046
Description: ER07787_3A_prokka|PROKKA_01046
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFMYYKECFFKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01052
Name: ER07787_3A_prokka|PROKKA_01052
Description: ER07787_3A_prokka|PROKKA_01052
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRNAMHAVKVEKILKSPFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01056
Name: ER07787_3A_prokka|PROKKA_01056
Description: ER07787_3A_prokka|PROKKA_01056
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01072
Name: ER07787_3A_prokka|PROKKA_01072
Description: ER07787_3A_prokka|PROKKA_01072
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01135
Name: ER07787_3A_prokka|PROKKA_01135
Description: ER07787_3A_prokka|PROKKA_01135
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01147
Name: ER07787_3A_prokka|PROKKA_01147
Description: ER07787_3A_prokka|PROKKA_01147
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01148
Name: ER07787_3A_prokka|PROKKA_01148
Description: ER07787_3A_prokka|PROKKA_01148
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01284
Name: ER07787_3A_prokka|PROKKA_01284
Description: ER07787_3A_prokka|PROKKA_01284
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01288
Name: ER07787_3A_prokka|PROKKA_01288
Description: ER07787_3A_prokka|PROKKA_01288
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01292
Name: ER07787_3A_prokka|PROKKA_01292
Description: ER07787_3A_prokka|PROKKA_01292
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01294
Name: ER07787_3A_prokka|PROKKA_01294
Description: ER07787_3A_prokka|PROKKA_01294
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01318
Name: ER07787_3A_prokka|PROKKA_01318
Description: ER07787_3A_prokka|PROKKA_01318
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01413
Name: ER07787_3A_prokka|PROKKA_01413
Description: ER07787_3A_prokka|PROKKA_01413
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01425
Name: ER07787_3A_prokka|PROKKA_01425
Description: ER07787_3A_prokka|PROKKA_01425
Number of features: 0
Seq('MLTQSEMIVVFVLVETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01472
Name: ER07787_3A_prokka|PROKKA_01472
Description: ER07787_3A_prokka|PROKKA_01472
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01480
Name: ER07787_3A_prokka|PROKKA_01480
Description: ER07787_3A_prokka|PROKKA_01480
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01501
Name: ER07787_3A_prokka|PROKKA_01501
Description: ER07787_3A_prokka|PROKKA_01501
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01521
Name: ER07787_3A_prokka|PROKKA_01521
Description: ER07787_3A_prokka|PROKKA_01521
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01531
Name: ER07787_3A_prokka|PROKKA_01531
Description: ER07787_3A_prokka|PROKKA_01531
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01557
Name: ER07787_3A_prokka|PROKKA_01557
Description: ER07787_3A_prokka|PROKKA_01557
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01594
Name: ER07787_3A_prokka|PROKKA_01594
Description: ER07787_3A_prokka|PROKKA_01594
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01665
Name: ER07787_3A_prokka|PROKKA_01665
Description: ER07787_3A_prokka|PROKKA_01665
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01837
Name: ER07787_3A_prokka|PROKKA_01837
Description: ER07787_3A_prokka|PROKKA_01837
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01856
Name: ER07787_3A_prokka|PROKKA_01856
Description: ER07787_3A_prokka|PROKKA_01856
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01891
Name: ER07787_3A_prokka|PROKKA_01891
Description: ER07787_3A_prokka|PROKKA_01891
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01942
Name: ER07787_3A_prokka|PROKKA_01942
Description: ER07787_3A_prokka|PROKKA_01942
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02014
Name: ER07787_3A_prokka|PROKKA_02014
Description: ER07787_3A_prokka|PROKKA_02014
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02024
Name: ER07787_3A_prokka|PROKKA_02024
Description: ER07787_3A_prokka|PROKKA_02024
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02035
Name: ER07787_3A_prokka|PROKKA_02035
Description: ER07787_3A_prokka|PROKKA_02035
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02053
Name: ER07787_3A_prokka|PROKKA_02053
Description: ER07787_3A_prokka|PROKKA_02053
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02057
Name: ER07787_3A_prokka|PROKKA_02057
Description: ER07787_3A_prokka|PROKKA_02057
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02063
Name: ER07787_3A_prokka|PROKKA_02063
Description: ER07787_3A_prokka|PROKKA_02063
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02066
Name: ER07787_3A_prokka|PROKKA_02066
Description: ER07787_3A_prokka|PROKKA_02066
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02073
Name: ER07787_3A_prokka|PROKKA_02073
Description: ER07787_3A_prokka|PROKKA_02073
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02075
Name: ER07787_3A_prokka|PROKKA_02075
Description: ER07787_3A_prokka|PROKKA_02075
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02094
Name: ER07787_3A_prokka|PROKKA_02094
Description: ER07787_3A_prokka|PROKKA_02094
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02096
Name: ER07787_3A_prokka|PROKKA_02096
Description: ER07787_3A_prokka|PROKKA_02096
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02145
Name: ER07787_3A_prokka|PROKKA_02145
Description: ER07787_3A_prokka|PROKKA_02145
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02264
Name: ER07787_3A_prokka|PROKKA_02264
Description: ER07787_3A_prokka|PROKKA_02264
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02288
Name: ER07787_3A_prokka|PROKKA_02288
Description: ER07787_3A_prokka|PROKKA_02288
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02319
Name: ER07787_3A_prokka|PROKKA_02319
Description: ER07787_3A_prokka|PROKKA_02319
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02474
Name: ER07787_3A_prokka|PROKKA_02474
Description: ER07787_3A_prokka|PROKKA_02474
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02681
Name: ER07787_3A_prokka|PROKKA_02681
Description: ER07787_3A_prokka|PROKKA_02681
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02768
Name: ER07787_3A_prokka|PROKKA_02768
Description: ER07787_3A_prokka|PROKKA_02768
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00017
Name: ER07874_3A_prokka|PROKKA_00017
Description: ER07874_3A_prokka|PROKKA_00017
Number of features: 0
Seq('MNILIVYAHPEPQSFNSKLKDIAQTVLKENGNNCRCI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00032
Name: ER07874_3A_prokka|PROKKA_00032
Description: ER07874_3A_prokka|PROKKA_00032
Number of features: 0
Seq('MSTKKKIKITLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00038
Name: ER07874_3A_prokka|PROKKA_00038
Description: ER07874_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MSTKKKIKITLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00059
Name: ER07874_3A_prokka|PROKKA_00059
Description: ER07874_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00068
Name: ER07874_3A_prokka|PROKKA_00068
Description: ER07874_3A_prokka|PROKKA_00068
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00113
Name: ER07874_3A_prokka|PROKKA_00113
Description: ER07874_3A_prokka|PROKKA_00113
Number of features: 0
Seq('MDNVKAIFLDMDGTILHENNQASTYIERERI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00177
Name: ER07874_3A_prokka|PROKKA_00177
Description: ER07874_3A_prokka|PROKKA_00177
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00227
Name: ER07874_3A_prokka|PROKKA_00227
Description: ER07874_3A_prokka|PROKKA_00227
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00229
Name: ER07874_3A_prokka|PROKKA_00229
Description: ER07874_3A_prokka|PROKKA_00229
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00303
Name: ER07874_3A_prokka|PROKKA_00303
Description: ER07874_3A_prokka|PROKKA_00303
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00355
Name: ER07874_3A_prokka|PROKKA_00355
Description: ER07874_3A_prokka|PROKKA_00355
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00397
Name: ER07874_3A_prokka|PROKKA_00397
Description: ER07874_3A_prokka|PROKKA_00397
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00411
Name: ER07874_3A_prokka|PROKKA_00411
Description: ER07874_3A_prokka|PROKKA_00411
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00451
Name: ER07874_3A_prokka|PROKKA_00451
Description: ER07874_3A_prokka|PROKKA_00451
Number of features: 0
Seq('MIVHRITGDGPIDIMVGPMWSVNKWEVLNGIDAELARRNSYQGLRYKSKVKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00581
Name: ER07874_3A_prokka|PROKKA_00581
Description: ER07874_3A_prokka|PROKKA_00581
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00654
Name: ER07874_3A_prokka|PROKKA_00654
Description: ER07874_3A_prokka|PROKKA_00654
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00689
Name: ER07874_3A_prokka|PROKKA_00689
Description: ER07874_3A_prokka|PROKKA_00689
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00692
Name: ER07874_3A_prokka|PROKKA_00692
Description: ER07874_3A_prokka|PROKKA_00692
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00719
Name: ER07874_3A_prokka|PROKKA_00719
Description: ER07874_3A_prokka|PROKKA_00719
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKSGASQKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00725
Name: ER07874_3A_prokka|PROKKA_00725
Description: ER07874_3A_prokka|PROKKA_00725
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00733
Name: ER07874_3A_prokka|PROKKA_00733
Description: ER07874_3A_prokka|PROKKA_00733
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00739
Name: ER07874_3A_prokka|PROKKA_00739
Description: ER07874_3A_prokka|PROKKA_00739
Number of features: 0
Seq('MTIKELEEKFNISRYFVVKHDRDWETGEIIDTCIVLDEYADHINIEVEEVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00753
Name: ER07874_3A_prokka|PROKKA_00753
Description: ER07874_3A_prokka|PROKKA_00753
Number of features: 0
Seq('MMIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDAEAPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00772
Name: ER07874_3A_prokka|PROKKA_00772
Description: ER07874_3A_prokka|PROKKA_00772
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00780
Name: ER07874_3A_prokka|PROKKA_00780
Description: ER07874_3A_prokka|PROKKA_00780
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00827
Name: ER07874_3A_prokka|PROKKA_00827
Description: ER07874_3A_prokka|PROKKA_00827
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00839
Name: ER07874_3A_prokka|PROKKA_00839
Description: ER07874_3A_prokka|PROKKA_00839
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00932
Name: ER07874_3A_prokka|PROKKA_00932
Description: ER07874_3A_prokka|PROKKA_00932
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00956
Name: ER07874_3A_prokka|PROKKA_00956
Description: ER07874_3A_prokka|PROKKA_00956
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00960
Name: ER07874_3A_prokka|PROKKA_00960
Description: ER07874_3A_prokka|PROKKA_00960
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01096
Name: ER07874_3A_prokka|PROKKA_01096
Description: ER07874_3A_prokka|PROKKA_01096
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01097
Name: ER07874_3A_prokka|PROKKA_01097
Description: ER07874_3A_prokka|PROKKA_01097
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01109
Name: ER07874_3A_prokka|PROKKA_01109
Description: ER07874_3A_prokka|PROKKA_01109
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01166
Name: ER07874_3A_prokka|PROKKA_01166
Description: ER07874_3A_prokka|PROKKA_01166
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01189
Name: ER07874_3A_prokka|PROKKA_01189
Description: ER07874_3A_prokka|PROKKA_01189
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01193
Name: ER07874_3A_prokka|PROKKA_01193
Description: ER07874_3A_prokka|PROKKA_01193
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRNAMHAVKVEKILKSPFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01199
Name: ER07874_3A_prokka|PROKKA_01199
Description: ER07874_3A_prokka|PROKKA_01199
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFMYYKECFFKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01200
Name: ER07874_3A_prokka|PROKKA_01200
Description: ER07874_3A_prokka|PROKKA_01200
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01206
Name: ER07874_3A_prokka|PROKKA_01206
Description: ER07874_3A_prokka|PROKKA_01206
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01260
Name: ER07874_3A_prokka|PROKKA_01260
Description: ER07874_3A_prokka|PROKKA_01260
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01261
Name: ER07874_3A_prokka|PROKKA_01261
Description: ER07874_3A_prokka|PROKKA_01261
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01278
Name: ER07874_3A_prokka|PROKKA_01278
Description: ER07874_3A_prokka|PROKKA_01278
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01301
Name: ER07874_3A_prokka|PROKKA_01301
Description: ER07874_3A_prokka|PROKKA_01301
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01406
Name: ER07874_3A_prokka|PROKKA_01406
Description: ER07874_3A_prokka|PROKKA_01406
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01421
Name: ER07874_3A_prokka|PROKKA_01421
Description: ER07874_3A_prokka|PROKKA_01421
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01422
Name: ER07874_3A_prokka|PROKKA_01422
Description: ER07874_3A_prokka|PROKKA_01422
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01453
Name: ER07874_3A_prokka|PROKKA_01453
Description: ER07874_3A_prokka|PROKKA_01453
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01469
Name: ER07874_3A_prokka|PROKKA_01469
Description: ER07874_3A_prokka|PROKKA_01469
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01473
Name: ER07874_3A_prokka|PROKKA_01473
Description: ER07874_3A_prokka|PROKKA_01473
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01504
Name: ER07874_3A_prokka|PROKKA_01504
Description: ER07874_3A_prokka|PROKKA_01504
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01734
Name: ER07874_3A_prokka|PROKKA_01734
Description: ER07874_3A_prokka|PROKKA_01734
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01901
Name: ER07874_3A_prokka|PROKKA_01901
Description: ER07874_3A_prokka|PROKKA_01901
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01918
Name: ER07874_3A_prokka|PROKKA_01918
Description: ER07874_3A_prokka|PROKKA_01918
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02042
Name: ER07874_3A_prokka|PROKKA_02042
Description: ER07874_3A_prokka|PROKKA_02042
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02208
Name: ER07874_3A_prokka|PROKKA_02208
Description: ER07874_3A_prokka|PROKKA_02208
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02227
Name: ER07874_3A_prokka|PROKKA_02227
Description: ER07874_3A_prokka|PROKKA_02227
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02302
Name: ER07874_3A_prokka|PROKKA_02302
Description: ER07874_3A_prokka|PROKKA_02302
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02386
Name: ER07874_3A_prokka|PROKKA_02386
Description: ER07874_3A_prokka|PROKKA_02386
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02424
Name: ER07874_3A_prokka|PROKKA_02424
Description: ER07874_3A_prokka|PROKKA_02424
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02531
Name: ER07874_3A_prokka|PROKKA_02531
Description: ER07874_3A_prokka|PROKKA_02531
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02595
Name: ER07874_3A_prokka|PROKKA_02595
Description: ER07874_3A_prokka|PROKKA_02595
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02604
Name: ER07874_3A_prokka|PROKKA_02604
Description: ER07874_3A_prokka|PROKKA_02604
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02749
Name: ER07874_3A_prokka|PROKKA_02749
Description: ER07874_3A_prokka|PROKKA_02749
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02781
Name: ER07874_3A_prokka|PROKKA_02781
Description: ER07874_3A_prokka|PROKKA_02781
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02794
Name: ER07874_3A_prokka|PROKKA_02794
Description: ER07874_3A_prokka|PROKKA_02794
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02819
Name: ER07874_3A_prokka|PROKKA_02819
Description: ER07874_3A_prokka|PROKKA_02819
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASQKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02826
Name: ER07874_3A_prokka|PROKKA_02826
Description: ER07874_3A_prokka|PROKKA_02826
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02834
Name: ER07874_3A_prokka|PROKKA_02834
Description: ER07874_3A_prokka|PROKKA_02834
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02840
Name: ER07874_3A_prokka|PROKKA_02840
Description: ER07874_3A_prokka|PROKKA_02840
Number of features: 0
Seq('MTIKELEEKFNISRYFVVKHDRDWETGEIIDTCIVLDEYADHINIEVEEVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_00030
Name: ER07993_3A_prokka|PROKKA_00030
Description: ER07993_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_00039
Name: ER07993_3A_prokka|PROKKA_00039
Description: ER07993_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_00212
Name: ER07993_3A_prokka|PROKKA_00212
Description: ER07993_3A_prokka|PROKKA_00212
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_00336
Name: ER07993_3A_prokka|PROKKA_00336
Description: ER07993_3A_prokka|PROKKA_00336
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_00353
Name: ER07993_3A_prokka|PROKKA_00353
Description: ER07993_3A_prokka|PROKKA_00353
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_00519
Name: ER07993_3A_prokka|PROKKA_00519
Description: ER07993_3A_prokka|PROKKA_00519
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_00724
Name: ER07993_3A_prokka|PROKKA_00724
Description: ER07993_3A_prokka|PROKKA_00724
Number of features: 0
Seq('MKNYLTYIGTISFITLAVALVANVFIAFALYILASAYGIKLLEVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_00768
Name: ER07993_3A_prokka|PROKKA_00768
Description: ER07993_3A_prokka|PROKKA_00768
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_00795
Name: ER07993_3A_prokka|PROKKA_00795
Description: ER07993_3A_prokka|PROKKA_00795
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_00901
Name: ER07993_3A_prokka|PROKKA_00901
Description: ER07993_3A_prokka|PROKKA_00901
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_00941
Name: ER07993_3A_prokka|PROKKA_00941
Description: ER07993_3A_prokka|PROKKA_00941
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01023
Name: ER07993_3A_prokka|PROKKA_01023
Description: ER07993_3A_prokka|PROKKA_01023
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01035
Name: ER07993_3A_prokka|PROKKA_01035
Description: ER07993_3A_prokka|PROKKA_01035
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01036
Name: ER07993_3A_prokka|PROKKA_01036
Description: ER07993_3A_prokka|PROKKA_01036
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01171
Name: ER07993_3A_prokka|PROKKA_01171
Description: ER07993_3A_prokka|PROKKA_01171
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFRFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01175
Name: ER07993_3A_prokka|PROKKA_01175
Description: ER07993_3A_prokka|PROKKA_01175
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01199
Name: ER07993_3A_prokka|PROKKA_01199
Description: ER07993_3A_prokka|PROKKA_01199
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01304
Name: ER07993_3A_prokka|PROKKA_01304
Description: ER07993_3A_prokka|PROKKA_01304
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01371
Name: ER07993_3A_prokka|PROKKA_01371
Description: ER07993_3A_prokka|PROKKA_01371
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01374
Name: ER07993_3A_prokka|PROKKA_01374
Description: ER07993_3A_prokka|PROKKA_01374
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01409
Name: ER07993_3A_prokka|PROKKA_01409
Description: ER07993_3A_prokka|PROKKA_01409
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01481
Name: ER07993_3A_prokka|PROKKA_01481
Description: ER07993_3A_prokka|PROKKA_01481
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01644
Name: ER07993_3A_prokka|PROKKA_01644
Description: ER07993_3A_prokka|PROKKA_01644
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01659
Name: ER07993_3A_prokka|PROKKA_01659
Description: ER07993_3A_prokka|PROKKA_01659
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01701
Name: ER07993_3A_prokka|PROKKA_01701
Description: ER07993_3A_prokka|PROKKA_01701
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01753
Name: ER07993_3A_prokka|PROKKA_01753
Description: ER07993_3A_prokka|PROKKA_01753
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01825
Name: ER07993_3A_prokka|PROKKA_01825
Description: ER07993_3A_prokka|PROKKA_01825
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01829
Name: ER07993_3A_prokka|PROKKA_01829
Description: ER07993_3A_prokka|PROKKA_01829
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01846
Name: ER07993_3A_prokka|PROKKA_01846
Description: ER07993_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MRIFIYDLIVLLFAFLISIYIIDDGVIINALGIFGMYKIIDSFSENIIKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01847
Name: ER07993_3A_prokka|PROKKA_01847
Description: ER07993_3A_prokka|PROKKA_01847
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01851
Name: ER07993_3A_prokka|PROKKA_01851
Description: ER07993_3A_prokka|PROKKA_01851
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSENEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01865
Name: ER07993_3A_prokka|PROKKA_01865
Description: ER07993_3A_prokka|PROKKA_01865
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01869
Name: ER07993_3A_prokka|PROKKA_01869
Description: ER07993_3A_prokka|PROKKA_01869
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRNAMHAVKVEKILKSPFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01875
Name: ER07993_3A_prokka|PROKKA_01875
Description: ER07993_3A_prokka|PROKKA_01875
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01900
Name: ER07993_3A_prokka|PROKKA_01900
Description: ER07993_3A_prokka|PROKKA_01900
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01902
Name: ER07993_3A_prokka|PROKKA_01902
Description: ER07993_3A_prokka|PROKKA_01902
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01952
Name: ER07993_3A_prokka|PROKKA_01952
Description: ER07993_3A_prokka|PROKKA_01952
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_02076
Name: ER07993_3A_prokka|PROKKA_02076
Description: ER07993_3A_prokka|PROKKA_02076
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_02089
Name: ER07993_3A_prokka|PROKKA_02089
Description: ER07993_3A_prokka|PROKKA_02089
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_02120
Name: ER07993_3A_prokka|PROKKA_02120
Description: ER07993_3A_prokka|PROKKA_02120
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_02275
Name: ER07993_3A_prokka|PROKKA_02275
Description: ER07993_3A_prokka|PROKKA_02275
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_02340
Name: ER07993_3A_prokka|PROKKA_02340
Description: ER07993_3A_prokka|PROKKA_02340
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_02450
Name: ER07993_3A_prokka|PROKKA_02450
Description: ER07993_3A_prokka|PROKKA_02450
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_02488
Name: ER07993_3A_prokka|PROKKA_02488
Description: ER07993_3A_prokka|PROKKA_02488
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_02572
Name: ER07993_3A_prokka|PROKKA_02572
Description: ER07993_3A_prokka|PROKKA_02572
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_02594
Name: ER07993_3A_prokka|PROKKA_02594
Description: ER07993_3A_prokka|PROKKA_02594
Number of features: 0
Seq('MQTILTEFEETHALYMRRKNMKQYNIFNQSFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00029
Name: ER08039_3A_prokka|PROKKA_00029
Description: ER08039_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00038
Name: ER08039_3A_prokka|PROKKA_00038
Description: ER08039_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00117
Name: ER08039_3A_prokka|PROKKA_00117
Description: ER08039_3A_prokka|PROKKA_00117
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00215
Name: ER08039_3A_prokka|PROKKA_00215
Description: ER08039_3A_prokka|PROKKA_00215
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00267
Name: ER08039_3A_prokka|PROKKA_00267
Description: ER08039_3A_prokka|PROKKA_00267
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00366
Name: ER08039_3A_prokka|PROKKA_00366
Description: ER08039_3A_prokka|PROKKA_00366
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00405
Name: ER08039_3A_prokka|PROKKA_00405
Description: ER08039_3A_prokka|PROKKA_00405
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00535
Name: ER08039_3A_prokka|PROKKA_00535
Description: ER08039_3A_prokka|PROKKA_00535
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00571
Name: ER08039_3A_prokka|PROKKA_00571
Description: ER08039_3A_prokka|PROKKA_00571
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00789
Name: ER08039_3A_prokka|PROKKA_00789
Description: ER08039_3A_prokka|PROKKA_00789
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00833
Name: ER08039_3A_prokka|PROKKA_00833
Description: ER08039_3A_prokka|PROKKA_00833
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00942
Name: ER08039_3A_prokka|PROKKA_00942
Description: ER08039_3A_prokka|PROKKA_00942
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00981
Name: ER08039_3A_prokka|PROKKA_00981
Description: ER08039_3A_prokka|PROKKA_00981
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01061
Name: ER08039_3A_prokka|PROKKA_01061
Description: ER08039_3A_prokka|PROKKA_01061
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01074
Name: ER08039_3A_prokka|PROKKA_01074
Description: ER08039_3A_prokka|PROKKA_01074
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01075
Name: ER08039_3A_prokka|PROKKA_01075
Description: ER08039_3A_prokka|PROKKA_01075
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01211
Name: ER08039_3A_prokka|PROKKA_01211
Description: ER08039_3A_prokka|PROKKA_01211
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01215
Name: ER08039_3A_prokka|PROKKA_01215
Description: ER08039_3A_prokka|PROKKA_01215
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01219
Name: ER08039_3A_prokka|PROKKA_01219
Description: ER08039_3A_prokka|PROKKA_01219
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01221
Name: ER08039_3A_prokka|PROKKA_01221
Description: ER08039_3A_prokka|PROKKA_01221
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01245
Name: ER08039_3A_prokka|PROKKA_01245
Description: ER08039_3A_prokka|PROKKA_01245
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01339
Name: ER08039_3A_prokka|PROKKA_01339
Description: ER08039_3A_prokka|PROKKA_01339
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01351
Name: ER08039_3A_prokka|PROKKA_01351
Description: ER08039_3A_prokka|PROKKA_01351
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01400
Name: ER08039_3A_prokka|PROKKA_01400
Description: ER08039_3A_prokka|PROKKA_01400
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01408
Name: ER08039_3A_prokka|PROKKA_01408
Description: ER08039_3A_prokka|PROKKA_01408
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01428
Name: ER08039_3A_prokka|PROKKA_01428
Description: ER08039_3A_prokka|PROKKA_01428
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01456
Name: ER08039_3A_prokka|PROKKA_01456
Description: ER08039_3A_prokka|PROKKA_01456
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01483
Name: ER08039_3A_prokka|PROKKA_01483
Description: ER08039_3A_prokka|PROKKA_01483
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01520
Name: ER08039_3A_prokka|PROKKA_01520
Description: ER08039_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01590
Name: ER08039_3A_prokka|PROKKA_01590
Description: ER08039_3A_prokka|PROKKA_01590
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01756
Name: ER08039_3A_prokka|PROKKA_01756
Description: ER08039_3A_prokka|PROKKA_01756
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01763
Name: ER08039_3A_prokka|PROKKA_01763
Description: ER08039_3A_prokka|PROKKA_01763
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01782
Name: ER08039_3A_prokka|PROKKA_01782
Description: ER08039_3A_prokka|PROKKA_01782
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01817
Name: ER08039_3A_prokka|PROKKA_01817
Description: ER08039_3A_prokka|PROKKA_01817
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01869
Name: ER08039_3A_prokka|PROKKA_01869
Description: ER08039_3A_prokka|PROKKA_01869
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01941
Name: ER08039_3A_prokka|PROKKA_01941
Description: ER08039_3A_prokka|PROKKA_01941
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01946
Name: ER08039_3A_prokka|PROKKA_01946
Description: ER08039_3A_prokka|PROKKA_01946
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01962
Name: ER08039_3A_prokka|PROKKA_01962
Description: ER08039_3A_prokka|PROKKA_01962
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01982
Name: ER08039_3A_prokka|PROKKA_01982
Description: ER08039_3A_prokka|PROKKA_01982
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_02011
Name: ER08039_3A_prokka|PROKKA_02011
Description: ER08039_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_02013
Name: ER08039_3A_prokka|PROKKA_02013
Description: ER08039_3A_prokka|PROKKA_02013
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_02062
Name: ER08039_3A_prokka|PROKKA_02062
Description: ER08039_3A_prokka|PROKKA_02062
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_02182
Name: ER08039_3A_prokka|PROKKA_02182
Description: ER08039_3A_prokka|PROKKA_02182
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_02206
Name: ER08039_3A_prokka|PROKKA_02206
Description: ER08039_3A_prokka|PROKKA_02206
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_02237
Name: ER08039_3A_prokka|PROKKA_02237
Description: ER08039_3A_prokka|PROKKA_02237
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_02392
Name: ER08039_3A_prokka|PROKKA_02392
Description: ER08039_3A_prokka|PROKKA_02392
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_02601
Name: ER08039_3A_prokka|PROKKA_02601
Description: ER08039_3A_prokka|PROKKA_02601
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_02688
Name: ER08039_3A_prokka|PROKKA_02688
Description: ER08039_3A_prokka|PROKKA_02688
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00016
Name: ER08085_3A_prokka|PROKKA_00016
Description: ER08085_3A_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00068
Name: ER08085_3A_prokka|PROKKA_00068
Description: ER08085_3A_prokka|PROKKA_00068
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPYHRRTYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00071
Name: ER08085_3A_prokka|PROKKA_00071
Description: ER08085_3A_prokka|PROKKA_00071
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00075
Name: ER08085_3A_prokka|PROKKA_00075
Description: ER08085_3A_prokka|PROKKA_00075
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00096
Name: ER08085_3A_prokka|PROKKA_00096
Description: ER08085_3A_prokka|PROKKA_00096
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00114
Name: ER08085_3A_prokka|PROKKA_00114
Description: ER08085_3A_prokka|PROKKA_00114
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00280
Name: ER08085_3A_prokka|PROKKA_00280
Description: ER08085_3A_prokka|PROKKA_00280
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00404
Name: ER08085_3A_prokka|PROKKA_00404
Description: ER08085_3A_prokka|PROKKA_00404
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00421
Name: ER08085_3A_prokka|PROKKA_00421
Description: ER08085_3A_prokka|PROKKA_00421
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00588
Name: ER08085_3A_prokka|PROKKA_00588
Description: ER08085_3A_prokka|PROKKA_00588
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00818
Name: ER08085_3A_prokka|PROKKA_00818
Description: ER08085_3A_prokka|PROKKA_00818
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00841
Name: ER08085_3A_prokka|PROKKA_00841
Description: ER08085_3A_prokka|PROKKA_00841
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00842
Name: ER08085_3A_prokka|PROKKA_00842
Description: ER08085_3A_prokka|PROKKA_00842
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00865
Name: ER08085_3A_prokka|PROKKA_00865
Description: ER08085_3A_prokka|PROKKA_00865
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00896
Name: ER08085_3A_prokka|PROKKA_00896
Description: ER08085_3A_prokka|PROKKA_00896
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00897
Name: ER08085_3A_prokka|PROKKA_00897
Description: ER08085_3A_prokka|PROKKA_00897
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00912
Name: ER08085_3A_prokka|PROKKA_00912
Description: ER08085_3A_prokka|PROKKA_00912
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01017
Name: ER08085_3A_prokka|PROKKA_01017
Description: ER08085_3A_prokka|PROKKA_01017
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01056
Name: ER08085_3A_prokka|PROKKA_01056
Description: ER08085_3A_prokka|PROKKA_01056
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01057
Name: ER08085_3A_prokka|PROKKA_01057
Description: ER08085_3A_prokka|PROKKA_01057
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01106
Name: ER08085_3A_prokka|PROKKA_01106
Description: ER08085_3A_prokka|PROKKA_01106
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01114
Name: ER08085_3A_prokka|PROKKA_01114
Description: ER08085_3A_prokka|PROKKA_01114
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01115
Name: ER08085_3A_prokka|PROKKA_01115
Description: ER08085_3A_prokka|PROKKA_01115
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01138
Name: ER08085_3A_prokka|PROKKA_01138
Description: ER08085_3A_prokka|PROKKA_01138
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01204
Name: ER08085_3A_prokka|PROKKA_01204
Description: ER08085_3A_prokka|PROKKA_01204
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01216
Name: ER08085_3A_prokka|PROKKA_01216
Description: ER08085_3A_prokka|PROKKA_01216
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01217
Name: ER08085_3A_prokka|PROKKA_01217
Description: ER08085_3A_prokka|PROKKA_01217
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01353
Name: ER08085_3A_prokka|PROKKA_01353
Description: ER08085_3A_prokka|PROKKA_01353
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01357
Name: ER08085_3A_prokka|PROKKA_01357
Description: ER08085_3A_prokka|PROKKA_01357
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01381
Name: ER08085_3A_prokka|PROKKA_01381
Description: ER08085_3A_prokka|PROKKA_01381
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01474
Name: ER08085_3A_prokka|PROKKA_01474
Description: ER08085_3A_prokka|PROKKA_01474
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01486
Name: ER08085_3A_prokka|PROKKA_01486
Description: ER08085_3A_prokka|PROKKA_01486
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01533
Name: ER08085_3A_prokka|PROKKA_01533
Description: ER08085_3A_prokka|PROKKA_01533
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01541
Name: ER08085_3A_prokka|PROKKA_01541
Description: ER08085_3A_prokka|PROKKA_01541
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01560
Name: ER08085_3A_prokka|PROKKA_01560
Description: ER08085_3A_prokka|PROKKA_01560
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01575
Name: ER08085_3A_prokka|PROKKA_01575
Description: ER08085_3A_prokka|PROKKA_01575
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01583
Name: ER08085_3A_prokka|PROKKA_01583
Description: ER08085_3A_prokka|PROKKA_01583
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01588
Name: ER08085_3A_prokka|PROKKA_01588
Description: ER08085_3A_prokka|PROKKA_01588
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01615
Name: ER08085_3A_prokka|PROKKA_01615
Description: ER08085_3A_prokka|PROKKA_01615
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01618
Name: ER08085_3A_prokka|PROKKA_01618
Description: ER08085_3A_prokka|PROKKA_01618
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01653
Name: ER08085_3A_prokka|PROKKA_01653
Description: ER08085_3A_prokka|PROKKA_01653
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01727
Name: ER08085_3A_prokka|PROKKA_01727
Description: ER08085_3A_prokka|PROKKA_01727
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01885
Name: ER08085_3A_prokka|PROKKA_01885
Description: ER08085_3A_prokka|PROKKA_01885
Number of features: 0
Seq('MDFIKRKRMPIESFTHQFEEITYLSDDLQVKALMMTPHHEVNRIVVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01897
Name: ER08085_3A_prokka|PROKKA_01897
Description: ER08085_3A_prokka|PROKKA_01897
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01911
Name: ER08085_3A_prokka|PROKKA_01911
Description: ER08085_3A_prokka|PROKKA_01911
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01953
Name: ER08085_3A_prokka|PROKKA_01953
Description: ER08085_3A_prokka|PROKKA_01953
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02005
Name: ER08085_3A_prokka|PROKKA_02005
Description: ER08085_3A_prokka|PROKKA_02005
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02079
Name: ER08085_3A_prokka|PROKKA_02079
Description: ER08085_3A_prokka|PROKKA_02079
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02083
Name: ER08085_3A_prokka|PROKKA_02083
Description: ER08085_3A_prokka|PROKKA_02083
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02099
Name: ER08085_3A_prokka|PROKKA_02099
Description: ER08085_3A_prokka|PROKKA_02099
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02117
Name: ER08085_3A_prokka|PROKKA_02117
Description: ER08085_3A_prokka|PROKKA_02117
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02143
Name: ER08085_3A_prokka|PROKKA_02143
Description: ER08085_3A_prokka|PROKKA_02143
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02145
Name: ER08085_3A_prokka|PROKKA_02145
Description: ER08085_3A_prokka|PROKKA_02145
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02198
Name: ER08085_3A_prokka|PROKKA_02198
Description: ER08085_3A_prokka|PROKKA_02198
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02306
Name: ER08085_3A_prokka|PROKKA_02306
Description: ER08085_3A_prokka|PROKKA_02306
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02325
Name: ER08085_3A_prokka|PROKKA_02325
Description: ER08085_3A_prokka|PROKKA_02325
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02338
Name: ER08085_3A_prokka|PROKKA_02338
Description: ER08085_3A_prokka|PROKKA_02338
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02370
Name: ER08085_3A_prokka|PROKKA_02370
Description: ER08085_3A_prokka|PROKKA_02370
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02517
Name: ER08085_3A_prokka|PROKKA_02517
Description: ER08085_3A_prokka|PROKKA_02517
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02526
Name: ER08085_3A_prokka|PROKKA_02526
Description: ER08085_3A_prokka|PROKKA_02526
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02590
Name: ER08085_3A_prokka|PROKKA_02590
Description: ER08085_3A_prokka|PROKKA_02590
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02698
Name: ER08085_3A_prokka|PROKKA_02698
Description: ER08085_3A_prokka|PROKKA_02698
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02736
Name: ER08085_3A_prokka|PROKKA_02736
Description: ER08085_3A_prokka|PROKKA_02736
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02820
Name: ER08085_3A_prokka|PROKKA_02820
Description: ER08085_3A_prokka|PROKKA_02820
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00029
Name: ER08181_3A_prokka|PROKKA_00029
Description: ER08181_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00038
Name: ER08181_3A_prokka|PROKKA_00038
Description: ER08181_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00059
Name: ER08181_3A_prokka|PROKKA_00059
Description: ER08181_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00150
Name: ER08181_3A_prokka|PROKKA_00150
Description: ER08181_3A_prokka|PROKKA_00150
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00248
Name: ER08181_3A_prokka|PROKKA_00248
Description: ER08181_3A_prokka|PROKKA_00248
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00301
Name: ER08181_3A_prokka|PROKKA_00301
Description: ER08181_3A_prokka|PROKKA_00301
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00399
Name: ER08181_3A_prokka|PROKKA_00399
Description: ER08181_3A_prokka|PROKKA_00399
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00437
Name: ER08181_3A_prokka|PROKKA_00437
Description: ER08181_3A_prokka|PROKKA_00437
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00567
Name: ER08181_3A_prokka|PROKKA_00567
Description: ER08181_3A_prokka|PROKKA_00567
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00603
Name: ER08181_3A_prokka|PROKKA_00603
Description: ER08181_3A_prokka|PROKKA_00603
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00822
Name: ER08181_3A_prokka|PROKKA_00822
Description: ER08181_3A_prokka|PROKKA_00822
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00866
Name: ER08181_3A_prokka|PROKKA_00866
Description: ER08181_3A_prokka|PROKKA_00866
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00974
Name: ER08181_3A_prokka|PROKKA_00974
Description: ER08181_3A_prokka|PROKKA_00974
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01013
Name: ER08181_3A_prokka|PROKKA_01013
Description: ER08181_3A_prokka|PROKKA_01013
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01093
Name: ER08181_3A_prokka|PROKKA_01093
Description: ER08181_3A_prokka|PROKKA_01093
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01106
Name: ER08181_3A_prokka|PROKKA_01106
Description: ER08181_3A_prokka|PROKKA_01106
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01107
Name: ER08181_3A_prokka|PROKKA_01107
Description: ER08181_3A_prokka|PROKKA_01107
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01242
Name: ER08181_3A_prokka|PROKKA_01242
Description: ER08181_3A_prokka|PROKKA_01242
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01246
Name: ER08181_3A_prokka|PROKKA_01246
Description: ER08181_3A_prokka|PROKKA_01246
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01250
Name: ER08181_3A_prokka|PROKKA_01250
Description: ER08181_3A_prokka|PROKKA_01250
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01252
Name: ER08181_3A_prokka|PROKKA_01252
Description: ER08181_3A_prokka|PROKKA_01252
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01276
Name: ER08181_3A_prokka|PROKKA_01276
Description: ER08181_3A_prokka|PROKKA_01276
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01371
Name: ER08181_3A_prokka|PROKKA_01371
Description: ER08181_3A_prokka|PROKKA_01371
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01383
Name: ER08181_3A_prokka|PROKKA_01383
Description: ER08181_3A_prokka|PROKKA_01383
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01432
Name: ER08181_3A_prokka|PROKKA_01432
Description: ER08181_3A_prokka|PROKKA_01432
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01440
Name: ER08181_3A_prokka|PROKKA_01440
Description: ER08181_3A_prokka|PROKKA_01440
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01488
Name: ER08181_3A_prokka|PROKKA_01488
Description: ER08181_3A_prokka|PROKKA_01488
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01515
Name: ER08181_3A_prokka|PROKKA_01515
Description: ER08181_3A_prokka|PROKKA_01515
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01552
Name: ER08181_3A_prokka|PROKKA_01552
Description: ER08181_3A_prokka|PROKKA_01552
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01623
Name: ER08181_3A_prokka|PROKKA_01623
Description: ER08181_3A_prokka|PROKKA_01623
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01789
Name: ER08181_3A_prokka|PROKKA_01789
Description: ER08181_3A_prokka|PROKKA_01789
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01796
Name: ER08181_3A_prokka|PROKKA_01796
Description: ER08181_3A_prokka|PROKKA_01796
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01816
Name: ER08181_3A_prokka|PROKKA_01816
Description: ER08181_3A_prokka|PROKKA_01816
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01851
Name: ER08181_3A_prokka|PROKKA_01851
Description: ER08181_3A_prokka|PROKKA_01851
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01903
Name: ER08181_3A_prokka|PROKKA_01903
Description: ER08181_3A_prokka|PROKKA_01903
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01975
Name: ER08181_3A_prokka|PROKKA_01975
Description: ER08181_3A_prokka|PROKKA_01975
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01979
Name: ER08181_3A_prokka|PROKKA_01979
Description: ER08181_3A_prokka|PROKKA_01979
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01995
Name: ER08181_3A_prokka|PROKKA_01995
Description: ER08181_3A_prokka|PROKKA_01995
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02013
Name: ER08181_3A_prokka|PROKKA_02013
Description: ER08181_3A_prokka|PROKKA_02013
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02019
Name: ER08181_3A_prokka|PROKKA_02019
Description: ER08181_3A_prokka|PROKKA_02019
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02024
Name: ER08181_3A_prokka|PROKKA_02024
Description: ER08181_3A_prokka|PROKKA_02024
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02045
Name: ER08181_3A_prokka|PROKKA_02045
Description: ER08181_3A_prokka|PROKKA_02045
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02047
Name: ER08181_3A_prokka|PROKKA_02047
Description: ER08181_3A_prokka|PROKKA_02047
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02096
Name: ER08181_3A_prokka|PROKKA_02096
Description: ER08181_3A_prokka|PROKKA_02096
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02216
Name: ER08181_3A_prokka|PROKKA_02216
Description: ER08181_3A_prokka|PROKKA_02216
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02240
Name: ER08181_3A_prokka|PROKKA_02240
Description: ER08181_3A_prokka|PROKKA_02240
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02271
Name: ER08181_3A_prokka|PROKKA_02271
Description: ER08181_3A_prokka|PROKKA_02271
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02427
Name: ER08181_3A_prokka|PROKKA_02427
Description: ER08181_3A_prokka|PROKKA_02427
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02638
Name: ER08181_3A_prokka|PROKKA_02638
Description: ER08181_3A_prokka|PROKKA_02638
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02723
Name: ER08181_3A_prokka|PROKKA_02723
Description: ER08181_3A_prokka|PROKKA_02723
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02753
Name: ER08181_3A_prokka|PROKKA_02753
Description: ER08181_3A_prokka|PROKKA_02753
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00070
Name: ER08264_3A_prokka|PROKKA_00070
Description: ER08264_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00079
Name: ER08264_3A_prokka|PROKKA_00079
Description: ER08264_3A_prokka|PROKKA_00079
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00093
Name: ER08264_3A_prokka|PROKKA_00093
Description: ER08264_3A_prokka|PROKKA_00093
Number of features: 0
Seq('MKMLFFLYFFFLKLYNHFLTQPLIGDQMIVTQEQLKDIMK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00150
Name: ER08264_3A_prokka|PROKKA_00150
Description: ER08264_3A_prokka|PROKKA_00150
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00247
Name: ER08264_3A_prokka|PROKKA_00247
Description: ER08264_3A_prokka|PROKKA_00247
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00351
Name: ER08264_3A_prokka|PROKKA_00351
Description: ER08264_3A_prokka|PROKKA_00351
Number of features: 0
Seq('MNFDKVNQLLDKYKDNNGGYESFEKVSKKDRKAFADAVNALGEPLSKMAVITE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00384
Name: ER08264_3A_prokka|PROKKA_00384
Description: ER08264_3A_prokka|PROKKA_00384
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAQMMTLAKLISHF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00402
Name: ER08264_3A_prokka|PROKKA_00402
Description: ER08264_3A_prokka|PROKKA_00402
Number of features: 0
Seq('MKLYLVYVTLTSFLTILLLAISNMYVAFSVYGMMATYGFNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00428
Name: ER08264_3A_prokka|PROKKA_00428
Description: ER08264_3A_prokka|PROKKA_00428
Number of features: 0
Seq('MVSEEKGSITLSKEAAIIFATAKFKPFHNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00592
Name: ER08264_3A_prokka|PROKKA_00592
Description: ER08264_3A_prokka|PROKKA_00592
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00820
Name: ER08264_3A_prokka|PROKKA_00820
Description: ER08264_3A_prokka|PROKKA_00820
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00840
Name: ER08264_3A_prokka|PROKKA_00840
Description: ER08264_3A_prokka|PROKKA_00840
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00845
Name: ER08264_3A_prokka|PROKKA_00845
Description: ER08264_3A_prokka|PROKKA_00845
Number of features: 0
Seq('MSNIYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00856
Name: ER08264_3A_prokka|PROKKA_00856
Description: ER08264_3A_prokka|PROKKA_00856
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00871
Name: ER08264_3A_prokka|PROKKA_00871
Description: ER08264_3A_prokka|PROKKA_00871
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00877
Name: ER08264_3A_prokka|PROKKA_00877
Description: ER08264_3A_prokka|PROKKA_00877
Number of features: 0
Seq('MSNTDKYLRDIASELKGIRKELQKQNATVFVDTKVDGEKLKVLTNEPLF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00914
Name: ER08264_3A_prokka|PROKKA_00914
Description: ER08264_3A_prokka|PROKKA_00914
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01023
Name: ER08264_3A_prokka|PROKKA_01023
Description: ER08264_3A_prokka|PROKKA_01023
Number of features: 0
Seq('MRQFIKRIVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01062
Name: ER08264_3A_prokka|PROKKA_01062
Description: ER08264_3A_prokka|PROKKA_01062
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01142
Name: ER08264_3A_prokka|PROKKA_01142
Description: ER08264_3A_prokka|PROKKA_01142
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01156
Name: ER08264_3A_prokka|PROKKA_01156
Description: ER08264_3A_prokka|PROKKA_01156
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01157
Name: ER08264_3A_prokka|PROKKA_01157
Description: ER08264_3A_prokka|PROKKA_01157
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01292
Name: ER08264_3A_prokka|PROKKA_01292
Description: ER08264_3A_prokka|PROKKA_01292
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01296
Name: ER08264_3A_prokka|PROKKA_01296
Description: ER08264_3A_prokka|PROKKA_01296
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01299
Name: ER08264_3A_prokka|PROKKA_01299
Description: ER08264_3A_prokka|PROKKA_01299
Number of features: 0
Seq('MYFAQLDGEITNKQSQELLDKEYKKAIELENKNKEQKLEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01302
Name: ER08264_3A_prokka|PROKKA_01302
Description: ER08264_3A_prokka|PROKKA_01302
Number of features: 0
Seq('MSIQQLDGYISIEDFFKHMDELSKKEELEKEINQSKSKYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01324
Name: ER08264_3A_prokka|PROKKA_01324
Description: ER08264_3A_prokka|PROKKA_01324
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01430
Name: ER08264_3A_prokka|PROKKA_01430
Description: ER08264_3A_prokka|PROKKA_01430
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01495
Name: ER08264_3A_prokka|PROKKA_01495
Description: ER08264_3A_prokka|PROKKA_01495
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01532
Name: ER08264_3A_prokka|PROKKA_01532
Description: ER08264_3A_prokka|PROKKA_01532
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01603
Name: ER08264_3A_prokka|PROKKA_01603
Description: ER08264_3A_prokka|PROKKA_01603
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKEKEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01789
Name: ER08264_3A_prokka|PROKKA_01789
Description: ER08264_3A_prokka|PROKKA_01789
Number of features: 0
Seq('MAKLDLNSLDDEHVKFLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01830
Name: ER08264_3A_prokka|PROKKA_01830
Description: ER08264_3A_prokka|PROKKA_01830
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01881
Name: ER08264_3A_prokka|PROKKA_01881
Description: ER08264_3A_prokka|PROKKA_01881
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01960
Name: ER08264_3A_prokka|PROKKA_01960
Description: ER08264_3A_prokka|PROKKA_01960
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01964
Name: ER08264_3A_prokka|PROKKA_01964
Description: ER08264_3A_prokka|PROKKA_01964
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01980
Name: ER08264_3A_prokka|PROKKA_01980
Description: ER08264_3A_prokka|PROKKA_01980
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02001
Name: ER08264_3A_prokka|PROKKA_02001
Description: ER08264_3A_prokka|PROKKA_02001
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02009
Name: ER08264_3A_prokka|PROKKA_02009
Description: ER08264_3A_prokka|PROKKA_02009
Number of features: 0
Seq('MKITNCKIKRETVIYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02025
Name: ER08264_3A_prokka|PROKKA_02025
Description: ER08264_3A_prokka|PROKKA_02025
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02027
Name: ER08264_3A_prokka|PROKKA_02027
Description: ER08264_3A_prokka|PROKKA_02027
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02077
Name: ER08264_3A_prokka|PROKKA_02077
Description: ER08264_3A_prokka|PROKKA_02077
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02192
Name: ER08264_3A_prokka|PROKKA_02192
Description: ER08264_3A_prokka|PROKKA_02192
Number of features: 0
Seq('MTYIHFSIIILITGIITHMTMYFVPFECRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02211
Name: ER08264_3A_prokka|PROKKA_02211
Description: ER08264_3A_prokka|PROKKA_02211
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02242
Name: ER08264_3A_prokka|PROKKA_02242
Description: ER08264_3A_prokka|PROKKA_02242
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02394
Name: ER08264_3A_prokka|PROKKA_02394
Description: ER08264_3A_prokka|PROKKA_02394
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02458
Name: ER08264_3A_prokka|PROKKA_02458
Description: ER08264_3A_prokka|PROKKA_02458
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02540
Name: ER08264_3A_prokka|PROKKA_02540
Description: ER08264_3A_prokka|PROKKA_02540
Number of features: 0
Seq('MKIAVIGAGVTGLAAAARIASQGHEVTIFEKIIM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02604
Name: ER08264_3A_prokka|PROKKA_02604
Description: ER08264_3A_prokka|PROKKA_02604
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02664
Name: ER08264_3A_prokka|PROKKA_02664
Description: ER08264_3A_prokka|PROKKA_02664
Number of features: 0
Seq('MAIYIFCTILVLVAVGALLTNRIRDKKDKRLDILSSVLLLISSISLLLYGVIIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02682
Name: ER08264_3A_prokka|PROKKA_02682
Description: ER08264_3A_prokka|PROKKA_02682
Number of features: 0
Seq('MIFSQNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEHRTLIYVPA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02688
Name: ER08264_3A_prokka|PROKKA_02688
Description: ER08264_3A_prokka|PROKKA_02688
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00030
Name: ER08267_3A_prokka|PROKKA_00030
Description: ER08267_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00062
Name: ER08267_3A_prokka|PROKKA_00062
Description: ER08267_3A_prokka|PROKKA_00062
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00071
Name: ER08267_3A_prokka|PROKKA_00071
Description: ER08267_3A_prokka|PROKKA_00071
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00151
Name: ER08267_3A_prokka|PROKKA_00151
Description: ER08267_3A_prokka|PROKKA_00151
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00250
Name: ER08267_3A_prokka|PROKKA_00250
Description: ER08267_3A_prokka|PROKKA_00250
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00305
Name: ER08267_3A_prokka|PROKKA_00305
Description: ER08267_3A_prokka|PROKKA_00305
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00403
Name: ER08267_3A_prokka|PROKKA_00403
Description: ER08267_3A_prokka|PROKKA_00403
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00443
Name: ER08267_3A_prokka|PROKKA_00443
Description: ER08267_3A_prokka|PROKKA_00443
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00572
Name: ER08267_3A_prokka|PROKKA_00572
Description: ER08267_3A_prokka|PROKKA_00572
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00608
Name: ER08267_3A_prokka|PROKKA_00608
Description: ER08267_3A_prokka|PROKKA_00608
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00718
Name: ER08267_3A_prokka|PROKKA_00718
Description: ER08267_3A_prokka|PROKKA_00718
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00831
Name: ER08267_3A_prokka|PROKKA_00831
Description: ER08267_3A_prokka|PROKKA_00831
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00866
Name: ER08267_3A_prokka|PROKKA_00866
Description: ER08267_3A_prokka|PROKKA_00866
Number of features: 0
Seq('MNLKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00870
Name: ER08267_3A_prokka|PROKKA_00870
Description: ER08267_3A_prokka|PROKKA_00870
Number of features: 0
Seq('MLQKFRIAKEKSKLKLNLLKHANSNLETRNNPELLRAVAELLKEINR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00876
Name: ER08267_3A_prokka|PROKKA_00876
Description: ER08267_3A_prokka|PROKKA_00876
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00898
Name: ER08267_3A_prokka|PROKKA_00898
Description: ER08267_3A_prokka|PROKKA_00898
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00943
Name: ER08267_3A_prokka|PROKKA_00943
Description: ER08267_3A_prokka|PROKKA_00943
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01052
Name: ER08267_3A_prokka|PROKKA_01052
Description: ER08267_3A_prokka|PROKKA_01052
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01091
Name: ER08267_3A_prokka|PROKKA_01091
Description: ER08267_3A_prokka|PROKKA_01091
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01172
Name: ER08267_3A_prokka|PROKKA_01172
Description: ER08267_3A_prokka|PROKKA_01172
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01185
Name: ER08267_3A_prokka|PROKKA_01185
Description: ER08267_3A_prokka|PROKKA_01185
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01186
Name: ER08267_3A_prokka|PROKKA_01186
Description: ER08267_3A_prokka|PROKKA_01186
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01321
Name: ER08267_3A_prokka|PROKKA_01321
Description: ER08267_3A_prokka|PROKKA_01321
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01325
Name: ER08267_3A_prokka|PROKKA_01325
Description: ER08267_3A_prokka|PROKKA_01325
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01329
Name: ER08267_3A_prokka|PROKKA_01329
Description: ER08267_3A_prokka|PROKKA_01329
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01331
Name: ER08267_3A_prokka|PROKKA_01331
Description: ER08267_3A_prokka|PROKKA_01331
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01355
Name: ER08267_3A_prokka|PROKKA_01355
Description: ER08267_3A_prokka|PROKKA_01355
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01449
Name: ER08267_3A_prokka|PROKKA_01449
Description: ER08267_3A_prokka|PROKKA_01449
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01461
Name: ER08267_3A_prokka|PROKKA_01461
Description: ER08267_3A_prokka|PROKKA_01461
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01505
Name: ER08267_3A_prokka|PROKKA_01505
Description: ER08267_3A_prokka|PROKKA_01505
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01513
Name: ER08267_3A_prokka|PROKKA_01513
Description: ER08267_3A_prokka|PROKKA_01513
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01532
Name: ER08267_3A_prokka|PROKKA_01532
Description: ER08267_3A_prokka|PROKKA_01532
Number of features: 0
Seq('MKMKLNELEKDSKAKEGLKPSPGLKEADIFYFVFVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01534
Name: ER08267_3A_prokka|PROKKA_01534
Description: ER08267_3A_prokka|PROKKA_01534
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01562
Name: ER08267_3A_prokka|PROKKA_01562
Description: ER08267_3A_prokka|PROKKA_01562
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01589
Name: ER08267_3A_prokka|PROKKA_01589
Description: ER08267_3A_prokka|PROKKA_01589
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01627
Name: ER08267_3A_prokka|PROKKA_01627
Description: ER08267_3A_prokka|PROKKA_01627
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01698
Name: ER08267_3A_prokka|PROKKA_01698
Description: ER08267_3A_prokka|PROKKA_01698
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01824
Name: ER08267_3A_prokka|PROKKA_01824
Description: ER08267_3A_prokka|PROKKA_01824
Number of features: 0
Seq('MIVHRITGDGPIDIMVGPMWSVNKWEVLNGIDAELARRNSYQGLRYKSKVKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01863
Name: ER08267_3A_prokka|PROKKA_01863
Description: ER08267_3A_prokka|PROKKA_01863
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01871
Name: ER08267_3A_prokka|PROKKA_01871
Description: ER08267_3A_prokka|PROKKA_01871
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01890
Name: ER08267_3A_prokka|PROKKA_01890
Description: ER08267_3A_prokka|PROKKA_01890
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01925
Name: ER08267_3A_prokka|PROKKA_01925
Description: ER08267_3A_prokka|PROKKA_01925
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01977
Name: ER08267_3A_prokka|PROKKA_01977
Description: ER08267_3A_prokka|PROKKA_01977
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02049
Name: ER08267_3A_prokka|PROKKA_02049
Description: ER08267_3A_prokka|PROKKA_02049
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02053
Name: ER08267_3A_prokka|PROKKA_02053
Description: ER08267_3A_prokka|PROKKA_02053
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02069
Name: ER08267_3A_prokka|PROKKA_02069
Description: ER08267_3A_prokka|PROKKA_02069
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02089
Name: ER08267_3A_prokka|PROKKA_02089
Description: ER08267_3A_prokka|PROKKA_02089
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02119
Name: ER08267_3A_prokka|PROKKA_02119
Description: ER08267_3A_prokka|PROKKA_02119
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02121
Name: ER08267_3A_prokka|PROKKA_02121
Description: ER08267_3A_prokka|PROKKA_02121
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02171
Name: ER08267_3A_prokka|PROKKA_02171
Description: ER08267_3A_prokka|PROKKA_02171
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02293
Name: ER08267_3A_prokka|PROKKA_02293
Description: ER08267_3A_prokka|PROKKA_02293
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02317
Name: ER08267_3A_prokka|PROKKA_02317
Description: ER08267_3A_prokka|PROKKA_02317
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02348
Name: ER08267_3A_prokka|PROKKA_02348
Description: ER08267_3A_prokka|PROKKA_02348
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02461
Name: ER08267_3A_prokka|PROKKA_02461
Description: ER08267_3A_prokka|PROKKA_02461
Number of features: 0
Seq('MKDVTIIGGGPSGLYASFYAGLRDMSVRLIDVQSELGVR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02504
Name: ER08267_3A_prokka|PROKKA_02504
Description: ER08267_3A_prokka|PROKKA_02504
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02527
Name: ER08267_3A_prokka|PROKKA_02527
Description: ER08267_3A_prokka|PROKKA_02527
Number of features: 0
Seq('MKIGTIADLHIDRHNKKTSEDYLEALVEIVKYKKLDILLIAGISQIIIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02552
Name: ER08267_3A_prokka|PROKKA_02552
Description: ER08267_3A_prokka|PROKKA_02552
Number of features: 0
Seq('MKGAMAWPFLRLYILTLMFFSANAILNVFIPLRGHDLGATNTVIGIVMGHTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02700
Name: ER08267_3A_prokka|PROKKA_02700
Description: ER08267_3A_prokka|PROKKA_02700
Number of features: 0
Seq('MSNKNKSYDYVIIGGGSAGSVLGNRLSEDKDKEVLVLEAGRSDYFWIYLSKCLLR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02718
Name: ER08267_3A_prokka|PROKKA_02718
Description: ER08267_3A_prokka|PROKKA_02718
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02805
Name: ER08267_3A_prokka|PROKKA_02805
Description: ER08267_3A_prokka|PROKKA_02805
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00015
Name: ER08505_3A_prokka|PROKKA_00015
Description: ER08505_3A_prokka|PROKKA_00015
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00017
Name: ER08505_3A_prokka|PROKKA_00017
Description: ER08505_3A_prokka|PROKKA_00017
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00018
Name: ER08505_3A_prokka|PROKKA_00018
Description: ER08505_3A_prokka|PROKKA_00018
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00032
Name: ER08505_3A_prokka|PROKKA_00032
Description: ER08505_3A_prokka|PROKKA_00032
Number of features: 0
Seq('MPVDDPLNAFIKLLIPTKTFLKILPMIGKFVFVYSIKRVIEFSPAALLAQLEKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00052
Name: ER08505_3A_prokka|PROKKA_00052
Description: ER08505_3A_prokka|PROKKA_00052
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00076
Name: ER08505_3A_prokka|PROKKA_00076
Description: ER08505_3A_prokka|PROKKA_00076
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00077
Name: ER08505_3A_prokka|PROKKA_00077
Description: ER08505_3A_prokka|PROKKA_00077
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00083
Name: ER08505_3A_prokka|PROKKA_00083
Description: ER08505_3A_prokka|PROKKA_00083
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00102
Name: ER08505_3A_prokka|PROKKA_00102
Description: ER08505_3A_prokka|PROKKA_00102
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00103
Name: ER08505_3A_prokka|PROKKA_00103
Description: ER08505_3A_prokka|PROKKA_00103
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00138
Name: ER08505_3A_prokka|PROKKA_00138
Description: ER08505_3A_prokka|PROKKA_00138
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00150
Name: ER08505_3A_prokka|PROKKA_00150
Description: ER08505_3A_prokka|PROKKA_00150
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00151
Name: ER08505_3A_prokka|PROKKA_00151
Description: ER08505_3A_prokka|PROKKA_00151
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00287
Name: ER08505_3A_prokka|PROKKA_00287
Description: ER08505_3A_prokka|PROKKA_00287
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00291
Name: ER08505_3A_prokka|PROKKA_00291
Description: ER08505_3A_prokka|PROKKA_00291
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00315
Name: ER08505_3A_prokka|PROKKA_00315
Description: ER08505_3A_prokka|PROKKA_00315
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00408
Name: ER08505_3A_prokka|PROKKA_00408
Description: ER08505_3A_prokka|PROKKA_00408
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00420
Name: ER08505_3A_prokka|PROKKA_00420
Description: ER08505_3A_prokka|PROKKA_00420
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00467
Name: ER08505_3A_prokka|PROKKA_00467
Description: ER08505_3A_prokka|PROKKA_00467
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00475
Name: ER08505_3A_prokka|PROKKA_00475
Description: ER08505_3A_prokka|PROKKA_00475
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00494
Name: ER08505_3A_prokka|PROKKA_00494
Description: ER08505_3A_prokka|PROKKA_00494
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00509
Name: ER08505_3A_prokka|PROKKA_00509
Description: ER08505_3A_prokka|PROKKA_00509
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00517
Name: ER08505_3A_prokka|PROKKA_00517
Description: ER08505_3A_prokka|PROKKA_00517
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00522
Name: ER08505_3A_prokka|PROKKA_00522
Description: ER08505_3A_prokka|PROKKA_00522
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00549
Name: ER08505_3A_prokka|PROKKA_00549
Description: ER08505_3A_prokka|PROKKA_00549
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00552
Name: ER08505_3A_prokka|PROKKA_00552
Description: ER08505_3A_prokka|PROKKA_00552
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00587
Name: ER08505_3A_prokka|PROKKA_00587
Description: ER08505_3A_prokka|PROKKA_00587
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00661
Name: ER08505_3A_prokka|PROKKA_00661
Description: ER08505_3A_prokka|PROKKA_00661
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00830
Name: ER08505_3A_prokka|PROKKA_00830
Description: ER08505_3A_prokka|PROKKA_00830
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00844
Name: ER08505_3A_prokka|PROKKA_00844
Description: ER08505_3A_prokka|PROKKA_00844
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00886
Name: ER08505_3A_prokka|PROKKA_00886
Description: ER08505_3A_prokka|PROKKA_00886
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00938
Name: ER08505_3A_prokka|PROKKA_00938
Description: ER08505_3A_prokka|PROKKA_00938
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01010
Name: ER08505_3A_prokka|PROKKA_01010
Description: ER08505_3A_prokka|PROKKA_01010
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01014
Name: ER08505_3A_prokka|PROKKA_01014
Description: ER08505_3A_prokka|PROKKA_01014
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01017
Name: ER08505_3A_prokka|PROKKA_01017
Description: ER08505_3A_prokka|PROKKA_01017
Number of features: 0
Seq('MAIKHASAPKAYFNITGLGFAKLTKEGAELKYSDITKTRGL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01031
Name: ER08505_3A_prokka|PROKKA_01031
Description: ER08505_3A_prokka|PROKKA_01031
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01049
Name: ER08505_3A_prokka|PROKKA_01049
Description: ER08505_3A_prokka|PROKKA_01049
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01055
Name: ER08505_3A_prokka|PROKKA_01055
Description: ER08505_3A_prokka|PROKKA_01055
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01060
Name: ER08505_3A_prokka|PROKKA_01060
Description: ER08505_3A_prokka|PROKKA_01060
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01076
Name: ER08505_3A_prokka|PROKKA_01076
Description: ER08505_3A_prokka|PROKKA_01076
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01078
Name: ER08505_3A_prokka|PROKKA_01078
Description: ER08505_3A_prokka|PROKKA_01078
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01131
Name: ER08505_3A_prokka|PROKKA_01131
Description: ER08505_3A_prokka|PROKKA_01131
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01239
Name: ER08505_3A_prokka|PROKKA_01239
Description: ER08505_3A_prokka|PROKKA_01239
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01258
Name: ER08505_3A_prokka|PROKKA_01258
Description: ER08505_3A_prokka|PROKKA_01258
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01271
Name: ER08505_3A_prokka|PROKKA_01271
Description: ER08505_3A_prokka|PROKKA_01271
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01303
Name: ER08505_3A_prokka|PROKKA_01303
Description: ER08505_3A_prokka|PROKKA_01303
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01448
Name: ER08505_3A_prokka|PROKKA_01448
Description: ER08505_3A_prokka|PROKKA_01448
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01457
Name: ER08505_3A_prokka|PROKKA_01457
Description: ER08505_3A_prokka|PROKKA_01457
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01521
Name: ER08505_3A_prokka|PROKKA_01521
Description: ER08505_3A_prokka|PROKKA_01521
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01629
Name: ER08505_3A_prokka|PROKKA_01629
Description: ER08505_3A_prokka|PROKKA_01629
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01667
Name: ER08505_3A_prokka|PROKKA_01667
Description: ER08505_3A_prokka|PROKKA_01667
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01752
Name: ER08505_3A_prokka|PROKKA_01752
Description: ER08505_3A_prokka|PROKKA_01752
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01793
Name: ER08505_3A_prokka|PROKKA_01793
Description: ER08505_3A_prokka|PROKKA_01793
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01796
Name: ER08505_3A_prokka|PROKKA_01796
Description: ER08505_3A_prokka|PROKKA_01796
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01800
Name: ER08505_3A_prokka|PROKKA_01800
Description: ER08505_3A_prokka|PROKKA_01800
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01821
Name: ER08505_3A_prokka|PROKKA_01821
Description: ER08505_3A_prokka|PROKKA_01821
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01839
Name: ER08505_3A_prokka|PROKKA_01839
Description: ER08505_3A_prokka|PROKKA_01839
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02006
Name: ER08505_3A_prokka|PROKKA_02006
Description: ER08505_3A_prokka|PROKKA_02006
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02130
Name: ER08505_3A_prokka|PROKKA_02130
Description: ER08505_3A_prokka|PROKKA_02130
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02147
Name: ER08505_3A_prokka|PROKKA_02147
Description: ER08505_3A_prokka|PROKKA_02147
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02313
Name: ER08505_3A_prokka|PROKKA_02313
Description: ER08505_3A_prokka|PROKKA_02313
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02542
Name: ER08505_3A_prokka|PROKKA_02542
Description: ER08505_3A_prokka|PROKKA_02542
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02573
Name: ER08505_3A_prokka|PROKKA_02573
Description: ER08505_3A_prokka|PROKKA_02573
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02577
Name: ER08505_3A_prokka|PROKKA_02577
Description: ER08505_3A_prokka|PROKKA_02577
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02593
Name: ER08505_3A_prokka|PROKKA_02593
Description: ER08505_3A_prokka|PROKKA_02593
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02610
Name: ER08505_3A_prokka|PROKKA_02610
Description: ER08505_3A_prokka|PROKKA_02610
Number of features: 0
Seq('MPVDDPLNAFIKLLIPTKTFLKILPMIGKFVFVYSIKRVIEFSPAALLAQLEKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02613
Name: ER08505_3A_prokka|PROKKA_02613
Description: ER08505_3A_prokka|PROKKA_02613
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02627
Name: ER08505_3A_prokka|PROKKA_02627
Description: ER08505_3A_prokka|PROKKA_02627
Number of features: 0
Seq('MNIDGLDALLNQFHDMKTNIDDDVDDILQENAKEYVVRAKLKAREVMNKGY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02629
Name: ER08505_3A_prokka|PROKKA_02629
Description: ER08505_3A_prokka|PROKKA_02629
Number of features: 0
Seq('MTDLLKDVLMNLTPSVKTNDYDFEEDDTNITQLVDDTTNQELIHTSVTISYKTF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02630
Name: ER08505_3A_prokka|PROKKA_02630
Description: ER08505_3A_prokka|PROKKA_02630
Number of features: 0
Seq('MLTKMLFLTEYGLSHEADTDTEDTMDGSYNTGGSVESTMSGTAKMFYGFDDFAD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02631
Name: ER08505_3A_prokka|PROKKA_02631
Description: ER08505_3A_prokka|PROKKA_02631
Number of features: 0
Seq('MNVEINGKSLELSFGFKFLREIDNRLGLKVEQASIGQGVSMLL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02641
Name: ER08505_3A_prokka|PROKKA_02641
Description: ER08505_3A_prokka|PROKKA_02641
Number of features: 0
Seq('MDIELTKKDGTVIKLSEYGFIVNDIVIDSMQSTQSIKTKKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02671
Name: ER08505_3A_prokka|PROKKA_02671
Description: ER08505_3A_prokka|PROKKA_02671
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02693
Name: ER08505_3A_prokka|PROKKA_02693
Description: ER08505_3A_prokka|PROKKA_02693
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02698
Name: ER08505_3A_prokka|PROKKA_02698
Description: ER08505_3A_prokka|PROKKA_02698
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02753
Name: ER08505_3A_prokka|PROKKA_02753
Description: ER08505_3A_prokka|PROKKA_02753
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02773
Name: ER08505_3A_prokka|PROKKA_02773
Description: ER08505_3A_prokka|PROKKA_02773
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02774
Name: ER08505_3A_prokka|PROKKA_02774
Description: ER08505_3A_prokka|PROKKA_02774
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02778
Name: ER08505_3A_prokka|PROKKA_02778
Description: ER08505_3A_prokka|PROKKA_02778
Number of features: 0
Seq('MLNLKELREEKGITRYQLAKLTELQNSTIRSIETEVKNPGFLTVKKNMRCTTS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02780
Name: ER08505_3A_prokka|PROKKA_02780
Description: ER08505_3A_prokka|PROKKA_02780
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02784
Name: ER08505_3A_prokka|PROKKA_02784
Description: ER08505_3A_prokka|PROKKA_02784
Number of features: 0
Seq('MFRSATEVYDTTSAMGRLFVTLVGAMAEWERTTIQERTAMGRRASARKGFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02790
Name: ER08505_3A_prokka|PROKKA_02790
Description: ER08505_3A_prokka|PROKKA_02790
Number of features: 0
Seq('MMIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDFAKLAISLI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02820
Name: ER08505_3A_prokka|PROKKA_02820
Description: ER08505_3A_prokka|PROKKA_02820
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02824
Name: ER08505_3A_prokka|PROKKA_02824
Description: ER08505_3A_prokka|PROKKA_02824
Number of features: 0
Seq('MEFAQPIYNSADKFKTEEDYKAEKLLAPYKKAKTLERQVYELNKIQDKLPEN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02835
Name: ER08505_3A_prokka|PROKKA_02835
Description: ER08505_3A_prokka|PROKKA_02835
Number of features: 0
Seq('MDAFDKYYLFDHDGNKMFSVTPHFKDGRHLVVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02844
Name: ER08505_3A_prokka|PROKKA_02844
Description: ER08505_3A_prokka|PROKKA_02844
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02845
Name: ER08505_3A_prokka|PROKKA_02845
Description: ER08505_3A_prokka|PROKKA_02845
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02851
Name: ER08505_3A_prokka|PROKKA_02851
Description: ER08505_3A_prokka|PROKKA_02851
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02903
Name: ER08505_3A_prokka|PROKKA_02903
Description: ER08505_3A_prokka|PROKKA_02903
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02904
Name: ER08505_3A_prokka|PROKKA_02904
Description: ER08505_3A_prokka|PROKKA_02904
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02921
Name: ER08505_3A_prokka|PROKKA_02921
Description: ER08505_3A_prokka|PROKKA_02921
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02944
Name: ER08505_3A_prokka|PROKKA_02944
Description: ER08505_3A_prokka|PROKKA_02944
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_03049
Name: ER08505_3A_prokka|PROKKA_03049
Description: ER08505_3A_prokka|PROKKA_03049
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_03064
Name: ER08505_3A_prokka|PROKKA_03064
Description: ER08505_3A_prokka|PROKKA_03064
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_03065
Name: ER08505_3A_prokka|PROKKA_03065
Description: ER08505_3A_prokka|PROKKA_03065
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_03082
Name: ER08505_3A_prokka|PROKKA_03082
Description: ER08505_3A_prokka|PROKKA_03082
Number of features: 0
Seq('MNVEINGKSLELSFGFKFLREIDNRLGLKVEQASIGQGVSCCL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_03091
Name: ER08505_3A_prokka|PROKKA_03091
Description: ER08505_3A_prokka|PROKKA_03091
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_03113
Name: ER08505_3A_prokka|PROKKA_03113
Description: ER08505_3A_prokka|PROKKA_03113
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00003
Name: ER09113_3A_prokka|PROKKA_00003
Description: ER09113_3A_prokka|PROKKA_00003
Number of features: 0
Seq('MLAATNEAMNKADELTQERLGKHTQGLNIPGM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00014
Name: ER09113_3A_prokka|PROKKA_00014
Description: ER09113_3A_prokka|PROKKA_00014
Number of features: 0
Seq('MIQAVIDRETLSMDMVSRDIIRANILKRLLPVINYY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00057
Name: ER09113_3A_prokka|PROKKA_00057
Description: ER09113_3A_prokka|PROKKA_00057
Number of features: 0
Seq('MEQYTIKFNQINHKLTDLRSLNIGHLYAYQFEKIALIGVMVLAKPHY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00093
Name: ER09113_3A_prokka|PROKKA_00093
Description: ER09113_3A_prokka|PROKKA_00093
Number of features: 0
Seq('MHFLKEGDLTIYFYIWNKKEYLTSDLFDLTESEKQEINHQVIDEIEEEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00094
Name: ER09113_3A_prokka|PROKKA_00094
Description: ER09113_3A_prokka|PROKKA_00094
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00101
Name: ER09113_3A_prokka|PROKKA_00101
Description: ER09113_3A_prokka|PROKKA_00101
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00110
Name: ER09113_3A_prokka|PROKKA_00110
Description: ER09113_3A_prokka|PROKKA_00110
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00274
Name: ER09113_3A_prokka|PROKKA_00274
Description: ER09113_3A_prokka|PROKKA_00274
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00328
Name: ER09113_3A_prokka|PROKKA_00328
Description: ER09113_3A_prokka|PROKKA_00328
Number of features: 0
Seq('MEKIKKINKIFLSFEVIPFAMMILLAFPPSN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00413
Name: ER09113_3A_prokka|PROKKA_00413
Description: ER09113_3A_prokka|PROKKA_00413
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAQMMTLAKLISHF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00432
Name: ER09113_3A_prokka|PROKKA_00432
Description: ER09113_3A_prokka|PROKKA_00432
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00592
Name: ER09113_3A_prokka|PROKKA_00592
Description: ER09113_3A_prokka|PROKKA_00592
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00628
Name: ER09113_3A_prokka|PROKKA_00628
Description: ER09113_3A_prokka|PROKKA_00628
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00718
Name: ER09113_3A_prokka|PROKKA_00718
Description: ER09113_3A_prokka|PROKKA_00718
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGEKVLMSHVF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00811
Name: ER09113_3A_prokka|PROKKA_00811
Description: ER09113_3A_prokka|PROKKA_00811
Number of features: 0
Seq('MEEREISDYELIFESSTLNWTNSMRIDIVNLRK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00812
Name: ER09113_3A_prokka|PROKKA_00812
Description: ER09113_3A_prokka|PROKKA_00812
Number of features: 0
Seq('MVRLYENGKPRNEILREYDLTPSTIGKWIKHHQNTGHSIIKITYQMKKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00848
Name: ER09113_3A_prokka|PROKKA_00848
Description: ER09113_3A_prokka|PROKKA_00848
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00874
Name: ER09113_3A_prokka|PROKKA_00874
Description: ER09113_3A_prokka|PROKKA_00874
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00976
Name: ER09113_3A_prokka|PROKKA_00976
Description: ER09113_3A_prokka|PROKKA_00976
Number of features: 0
Seq('MRQFIKRIIKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01015
Name: ER09113_3A_prokka|PROKKA_01015
Description: ER09113_3A_prokka|PROKKA_01015
Number of features: 0
Seq('MRRAHEKKPLTTKSCKVKEGYMRRAQAKRPLTTKSCKVKEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01016
Name: ER09113_3A_prokka|PROKKA_01016
Description: ER09113_3A_prokka|PROKKA_01016
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01107
Name: ER09113_3A_prokka|PROKKA_01107
Description: ER09113_3A_prokka|PROKKA_01107
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01108
Name: ER09113_3A_prokka|PROKKA_01108
Description: ER09113_3A_prokka|PROKKA_01108
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01244
Name: ER09113_3A_prokka|PROKKA_01244
Description: ER09113_3A_prokka|PROKKA_01244
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01249
Name: ER09113_3A_prokka|PROKKA_01249
Description: ER09113_3A_prokka|PROKKA_01249
Number of features: 0
Seq('MAIFKYIEKKGYEGKYTILREYCKNKIQNETKKITFF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01256
Name: ER09113_3A_prokka|PROKKA_01256
Description: ER09113_3A_prokka|PROKKA_01256
Number of features: 0
Seq('MSIQQLDGYISIEDFFKHMDELSKKEELEKEINQSKSKYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01278
Name: ER09113_3A_prokka|PROKKA_01278
Description: ER09113_3A_prokka|PROKKA_01278
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01382
Name: ER09113_3A_prokka|PROKKA_01382
Description: ER09113_3A_prokka|PROKKA_01382
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01428
Name: ER09113_3A_prokka|PROKKA_01428
Description: ER09113_3A_prokka|PROKKA_01428
Number of features: 0
Seq('MNKINDRDLTELSSYRVYQDINKDNDFTVNEKRFKQADVFEDLYREKL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01437
Name: ER09113_3A_prokka|PROKKA_01437
Description: ER09113_3A_prokka|PROKKA_01437
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01445
Name: ER09113_3A_prokka|PROKKA_01445
Description: ER09113_3A_prokka|PROKKA_01445
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01464
Name: ER09113_3A_prokka|PROKKA_01464
Description: ER09113_3A_prokka|PROKKA_01464
Number of features: 0
Seq('MVVKEILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01467
Name: ER09113_3A_prokka|PROKKA_01467
Description: ER09113_3A_prokka|PROKKA_01467
Number of features: 0
Seq('MNVIGLRQIFDELKRSYEGYKIVVIPIEVDFEIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01481
Name: ER09113_3A_prokka|PROKKA_01481
Description: ER09113_3A_prokka|PROKKA_01481
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01491
Name: ER09113_3A_prokka|PROKKA_01491
Description: ER09113_3A_prokka|PROKKA_01491
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01516
Name: ER09113_3A_prokka|PROKKA_01516
Description: ER09113_3A_prokka|PROKKA_01516
Number of features: 0
Seq('MNLGNVKETISIIYLIEIVSFLMYLSKFTTHDIFNDFLSLVKLKFLTFIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01519
Name: ER09113_3A_prokka|PROKKA_01519
Description: ER09113_3A_prokka|PROKKA_01519
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01556
Name: ER09113_3A_prokka|PROKKA_01556
Description: ER09113_3A_prokka|PROKKA_01556
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01627
Name: ER09113_3A_prokka|PROKKA_01627
Description: ER09113_3A_prokka|PROKKA_01627
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01797
Name: ER09113_3A_prokka|PROKKA_01797
Description: ER09113_3A_prokka|PROKKA_01797
Number of features: 0
Seq('MKKKYILIIVSVILIGMIVIAYAHNKQKKRPLH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01848
Name: ER09113_3A_prokka|PROKKA_01848
Description: ER09113_3A_prokka|PROKKA_01848
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01899
Name: ER09113_3A_prokka|PROKKA_01899
Description: ER09113_3A_prokka|PROKKA_01899
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01971
Name: ER09113_3A_prokka|PROKKA_01971
Description: ER09113_3A_prokka|PROKKA_01971
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01981
Name: ER09113_3A_prokka|PROKKA_01981
Description: ER09113_3A_prokka|PROKKA_01981
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01993
Name: ER09113_3A_prokka|PROKKA_01993
Description: ER09113_3A_prokka|PROKKA_01993
Number of features: 0
Seq('MRIFIYDLIVLLFAFLISIYIIDDGVIINALGIFGMYKIIDSFSENIIKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01994
Name: ER09113_3A_prokka|PROKKA_01994
Description: ER09113_3A_prokka|PROKKA_01994
Number of features: 0
Seq('MIKQIVRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01999
Name: ER09113_3A_prokka|PROKKA_01999
Description: ER09113_3A_prokka|PROKKA_01999
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSENEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_02014
Name: ER09113_3A_prokka|PROKKA_02014
Description: ER09113_3A_prokka|PROKKA_02014
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_02024
Name: ER09113_3A_prokka|PROKKA_02024
Description: ER09113_3A_prokka|PROKKA_02024
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_02026
Name: ER09113_3A_prokka|PROKKA_02026
Description: ER09113_3A_prokka|PROKKA_02026
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_02042
Name: ER09113_3A_prokka|PROKKA_02042
Description: ER09113_3A_prokka|PROKKA_02042
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_02044
Name: ER09113_3A_prokka|PROKKA_02044
Description: ER09113_3A_prokka|PROKKA_02044
Number of features: 0
Seq('MKKLLNKVIELLVDFFNSIGYRAAYINCDFLLDEAEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_02093
Name: ER09113_3A_prokka|PROKKA_02093
Description: ER09113_3A_prokka|PROKKA_02093
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_02224
Name: ER09113_3A_prokka|PROKKA_02224
Description: ER09113_3A_prokka|PROKKA_02224
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_02255
Name: ER09113_3A_prokka|PROKKA_02255
Description: ER09113_3A_prokka|PROKKA_02255
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_02411
Name: ER09113_3A_prokka|PROKKA_02411
Description: ER09113_3A_prokka|PROKKA_02411
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_02477
Name: ER09113_3A_prokka|PROKKA_02477
Description: ER09113_3A_prokka|PROKKA_02477
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_02637
Name: ER09113_3A_prokka|PROKKA_02637
Description: ER09113_3A_prokka|PROKKA_02637
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_02725
Name: ER09113_3A_prokka|PROKKA_02725
Description: ER09113_3A_prokka|PROKKA_02725
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000009238.1
Name: WP_000009238.1
Description: WP_000009238.1
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000031108.1
Name: WP_000031108.1
Description: WP_000031108.1
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000048129.1
Name: WP_000048129.1
Description: WP_000048129.1
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000051210.1
Name: WP_000051210.1
Description: WP_000051210.1
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000064214.1
Name: WP_000064214.1
Description: WP_000064214.1
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000147103.1
Name: WP_000147103.1
Description: WP_000147103.1
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000230358.1
Name: WP_000230358.1
Description: WP_000230358.1
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000240855.1
Name: WP_000240855.1
Description: WP_000240855.1
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000248844.1
Name: WP_000248844.1
Description: WP_000248844.1
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000312015.1
Name: WP_000312015.1
Description: WP_000312015.1
Number of features: 0
Seq('MAVYKYARQIYKIIVHVQYRYNYEKDIYEYLKYDIIKRLCFEKGGTLNV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000398672.1
Name: WP_000398672.1
Description: WP_000398672.1
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000477492.1
Name: WP_000477492.1
Description: WP_000477492.1
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000482652.1
Name: WP_000482652.1
Description: WP_000482652.1
Number of features: 0
Seq('MFNLLINIMTSALSGCLVAFFAHWLRTRNNKKGDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000499195.1
Name: WP_000499195.1
Description: WP_000499195.1
Number of features: 0
Seq('MFYFTLSKQNTHSEKLNFSLIANINKIDTKLFERLLKLWSKNATINEKYYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000587958.1
Name: WP_000587958.1
Description: WP_000587958.1
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000595265.1
Name: WP_000595265.1
Description: WP_000595265.1
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000631574.1
Name: WP_000631574.1
Description: WP_000631574.1
Number of features: 0
Seq('MITLLAVVVIALILFLFYALIWSEKF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000662306.1
Name: WP_000662306.1
Description: WP_000662306.1
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000731976.1
Name: WP_000731976.1
Description: WP_000731976.1
Number of features: 0
Seq('MKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000762708.1
Name: WP_000762708.1
Description: WP_000762708.1
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000765708.1
Name: WP_000765708.1
Description: WP_000765708.1
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000784885.1
Name: WP_000784885.1
Description: WP_000784885.1
Number of features: 0
Seq('MKMYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000828354.1
Name: WP_000828354.1
Description: WP_000828354.1
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000837752.1
Name: WP_000837752.1
Description: WP_000837752.1
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000840602.1
Name: WP_000840602.1
Description: WP_000840602.1
Number of features: 0
Seq('MAEQSKQKQANEQQKAQNLFARWRQLQNSNSESSNDTNK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000868342.1
Name: WP_000868342.1
Description: WP_000868342.1
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000927785.1
Name: WP_000927785.1
Description: WP_000927785.1
Number of features: 0
Seq('MLLTTPIRLYLIDNNYQYQLLVLIVAHPN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000982808.1
Name: WP_000982808.1
Description: WP_000982808.1
Number of features: 0
Seq('MMPQNTIAKKKQARHLMKVYAPVYSKHYLASNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_000990056.1
Name: WP_000990056.1
Description: WP_000990056.1
Number of features: 0
Seq('MMWWQEGMMTLITGGLLIIFRLWLELKWKNKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001000058.1
Name: WP_001000058.1
Description: WP_001000058.1
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001005407.1
Name: WP_001005407.1
Description: WP_001005407.1
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001057759.1
Name: WP_001057759.1
Description: WP_001057759.1
Number of features: 0
Seq('MNNALKQEEATWGNVQGQVSQALMGTGIKDSTARSIGFWVSQVGQALI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001094921.1
Name: WP_001094921.1
Description: WP_001094921.1
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001250275.1
Name: WP_001250275.1
Description: WP_001250275.1
Number of features: 0
Seq('MRQVQCIICDAKVFIDERTTESKRLKNNPIRTFMCDDCKSRLDTPKQRAQHYPLD', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001265708.1
Name: WP_001265708.1
Description: WP_001265708.1
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001265709.1
Name: WP_001265709.1
Description: WP_001265709.1
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001549197.1
Name: WP_001549197.1
Description: WP_001549197.1
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001592675.1
Name: WP_001592675.1
Description: WP_001592675.1
Number of features: 0
Seq('MIFSQNLFRRPTPTCIVCRN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001617169.1
Name: WP_001617169.1
Description: WP_001617169.1
Number of features: 0
Seq('MIFSQNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEHRTLIYVPA', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001788193.1
Name: WP_001788193.1
Description: WP_001788193.1
Number of features: 0
Seq('MRKIPLNCEACGNRNYNVPKQEGSATRLTLKKYCPKCNAHTIHKESK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001788276.1
Name: WP_001788276.1
Description: WP_001788276.1
Number of features: 0
Seq('MCQYLCLKSVELGVVIVMIYCLKVDALTVRLHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001788321.1
Name: WP_001788321.1
Description: WP_001788321.1
Number of features: 0
Seq('MFCYYKQHKGDNFSIEEVKNIIADNEMKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001788568.1
Name: WP_001788568.1
Description: WP_001788568.1
Number of features: 0
Seq('MISIANALHLMLSFGMFIVTFIGIVVAIINLSNKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001788579.1
Name: WP_001788579.1
Description: WP_001788579.1
Number of features: 0
Seq('MSLCTQQKLNHELQAKVAVIVKIDGKQSPLFLLVYV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001788617.1
Name: WP_001788617.1
Description: WP_001788617.1
Number of features: 0
Seq('MVLLAFVTTIHDTDDGRFFNEHKHANNKLLKHSLI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001788625.1
Name: WP_001788625.1
Description: WP_001788625.1
Number of features: 0
Seq('MLDYHLTFIDLLIPPFSSRKQYDDLSFNFLY', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001788716.1
Name: WP_001788716.1
Description: WP_001788716.1
Number of features: 0
Seq('MKMTIKVRKTNKKEKIEFLIGTFIIILVILGFKIMK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001788758.1
Name: WP_001788758.1
Description: WP_001788758.1
Number of features: 0
Seq('MKKGLINPKLSVLHGRFVTVKGICMVSLMLVILHKWTVFIQHLMNILSGGESIIE', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001788970.1
Name: WP_001788970.1
Description: WP_001788970.1
Number of features: 0
Seq('MGGDLIVKVHICFVVKTASGYCYLNKREAQAAI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001788994.1
Name: WP_001788994.1
Description: WP_001788994.1
Number of features: 0
Seq('MKKVYIKLKYIVRYHLAFVFISSFSLNFSKQKYVTVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789076.1
Name: WP_001789076.1
Description: WP_001789076.1
Number of features: 0
Seq('MYHCYIIFALIQLTPFSMTVIPVIQLILSVAILCDELLHLI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789211.1
Name: WP_001789211.1
Description: WP_001789211.1
Number of features: 0
Seq('MPNEIYFIIPVLLNKLIKEVYLPLFLTPYMLIGV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789304.1
Name: WP_001789304.1
Description: WP_001789304.1
Number of features: 0
Seq('MGGFVNSLIMKDLSDNDMRFKYEYYNREKDT', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789407.1
Name: WP_001789407.1
Description: WP_001789407.1
Number of features: 0
Seq('MHQLKALLVLTHPRYYKTSQKHHYLIYLNKNSQSYLILFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789566.1
Name: WP_001789566.1
Description: WP_001789566.1
Number of features: 0
Seq('MIADLDAIEGLFISIEVILLLTLFIVHVNGKNINFINALALIILRQTV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789600.1
Name: WP_001789600.1
Description: WP_001789600.1
Number of features: 0
Seq('MIIHCSIVSNFIFNLYIVTNFNLNFLSLKQIIYSKLIVRKFKIFVDILKQI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789641.1
Name: WP_001789641.1
Description: WP_001789641.1
Number of features: 0
Seq('MLLCCKEVMAMLIVLLLVVIALVLYLFYALIRSEKF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789654.1
Name: WP_001789654.1
Description: WP_001789654.1
Number of features: 0
Seq('MRLNDARIFEVRKKLFLKLQRIKNNAFYMLKEYCRLNYNNDEV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789860.1
Name: WP_001789860.1
Description: WP_001789860.1
Number of features: 0
Seq('MIIIIINIAYLYAIIWKLKRLQKIVTSFITKHESTSIGLVENYF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789890.1
Name: WP_001789890.1
Description: WP_001789890.1
Number of features: 0
Seq('MGDKILMLITFFKKKIEANYKYSIRVLAILPIIMLKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789897.1
Name: WP_001789897.1
Description: WP_001789897.1
Number of features: 0
Seq('MRKSKFAIDRGYFPDMEMASFYNQINKNKYVY', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789908.1
Name: WP_001789908.1
Description: WP_001789908.1
Number of features: 0
Seq('MKNVSIYKTTQELSFVSSLDFYLTKHLTLML', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789921.1
Name: WP_001789921.1
Description: WP_001789921.1
Number of features: 0
Seq('MTKKRRYDTTEFGLAHSMTAKITLHQALYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789925.1
Name: WP_001789925.1
Description: WP_001789925.1
Number of features: 0
Seq('MGGCPSVTMDACALLQKFDFCNNISHFRHFFAIKQPIER', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789935.1
Name: WP_001789935.1
Description: WP_001789935.1
Number of features: 0
Seq('MLTNRLTSVNYVKKRLIQNIQRILSKEVLYGEMQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789973.1
Name: WP_001789973.1
Description: WP_001789973.1
Number of features: 0
Seq('MLQLFLMKIALNDFENDKSVLFIFLKNHFYEEMCVLSN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001789984.1
Name: WP_001789984.1
Description: WP_001789984.1
Number of features: 0
Seq('MNDIDLIHYMLLMNIPAYVFLACLLHIAFRLG', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790000.1
Name: WP_001790000.1
Description: WP_001790000.1
Number of features: 0
Seq('MTKNSKYTNEVSKEQFQEIENVNNKVKEFY', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790076.1
Name: WP_001790076.1
Description: WP_001790076.1
Number of features: 0
Seq('MLSIIDGYFNNPLLLGKINNGKKLNLINTYDLEHKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790092.1
Name: WP_001790092.1
Description: WP_001790092.1
Number of features: 0
Seq('MLWEESFYFTSVKYFKKCEEVVKRCYVLSFKKSV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790128.1
Name: WP_001790128.1
Description: WP_001790128.1
Number of features: 0
Seq('MVNDKVLETSKEMYVEQKCLIFYKTLKENV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790144.1
Name: WP_001790144.1
Description: WP_001790144.1
Number of features: 0
Seq('MSYIIKFTFKFFEMATYISQLTLDIELVSSELLVILPGFI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790154.1
Name: WP_001790154.1
Description: WP_001790154.1
Number of features: 0
Seq('MIKCQFYDIYLLKIRTNERYDNIDKNDFNLGGLYGA', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790158.1
Name: WP_001790158.1
Description: WP_001790158.1
Number of features: 0
Seq('MMVKKLLKAIKQNFLYEQSNITFKMIVFGYKRLSKMLFQFEINHINFLWEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790177.1
Name: WP_001790177.1
Description: WP_001790177.1
Number of features: 0
Seq('MRYVTMRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790237.1
Name: WP_001790237.1
Description: WP_001790237.1
Number of features: 0
Seq('MSTRGLNIWQEMEIGNVSHKVAKRAQIPLIIFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790257.1
Name: WP_001790257.1
Description: WP_001790257.1
Number of features: 0
Seq('MDGNNQIDVCFFVLVNNYYTMSIYPRIINSNGDYAT', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790559.1
Name: WP_001790559.1
Description: WP_001790559.1
Number of features: 0
Seq('MGFIAFNKCFLVEFWENNQSDNAKYKILSYYVLMYKSVKEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790560.1
Name: WP_001790560.1
Description: WP_001790560.1
Number of features: 0
Seq('MQNNTQHFNIVLTKKVDLQIYKRCDFNVCIGNRPMI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790562.1
Name: WP_001790562.1
Description: WP_001790562.1
Number of features: 0
Seq('MFDENMVNKLDDYYFIYGICNEYPDQDRYLKQRYLIHKLY', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790611.1
Name: WP_001790611.1
Description: WP_001790611.1
Number of features: 0
Seq('MLKSKFPSPLSTVDISFFEIIYIFSYQDIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790628.1
Name: WP_001790628.1
Description: WP_001790628.1
Number of features: 0
Seq('MKLHWYIYYFLSISVILFMIIYHYLATSMTVDYEITVSIAKLLL', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790652.1
Name: WP_001790652.1
Description: WP_001790652.1
Number of features: 0
Seq('MMTTNYYVESIKLKLNFIMNIDIMNCKKQILKRILY', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790661.1
Name: WP_001790661.1
Description: WP_001790661.1
Number of features: 0
Seq('MKTIQRIIRGTCLWEVAFLYVKFDSSELDVQFE', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790679.1
Name: WP_001790679.1
Description: WP_001790679.1
Number of features: 0
Seq('MTKNTIISLENEKTQINDSENESSDLRKAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001790712.1
Name: WP_001790712.1
Description: WP_001790712.1
Number of features: 0
Seq('MMLISFIYNNMDNNNTINRNLHSEFAIIMLLKINEKGAV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791257.1
Name: WP_001791257.1
Description: WP_001791257.1
Number of features: 0
Seq('MLTYVQFHLNLKNRFYNQIGLMKGYLLFINPIF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791329.1
Name: WP_001791329.1
Description: WP_001791329.1
Number of features: 0
Seq('MSVCTPTIARIYLTNSKNIVVFLEKSKHDNKNVKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791425.1
Name: WP_001791425.1
Description: WP_001791425.1
Number of features: 0
Seq('MNGLNSVIGAMIIIDKNATTVTMNFLIYITYYKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791428.1
Name: WP_001791428.1
Description: WP_001791428.1
Number of features: 0
Seq('MNHAPSIKLDRIETSVNIEIHHHFLYNTRDLY', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791436.1
Name: WP_001791436.1
Description: WP_001791436.1
Number of features: 0
Seq('MTLMKPFSFPPFIFAQNEHLTYPSTSSLLASVYLFV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791486.1
Name: WP_001791486.1
Description: WP_001791486.1
Number of features: 0
Seq('MIFSQNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEH', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791674.1
Name: WP_001791674.1
Description: WP_001791674.1
Number of features: 0
Seq('MPDLIEMIVFKVFTSWRGPNTEADRKSAYNNVQVGGAPT', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791678.1
Name: WP_001791678.1
Description: WP_001791678.1
Number of features: 0
Seq('MLLILELRFWNLEFGFRNSTFGIQNYNEWKILIIACLMTWFCSDFYLMNCFFV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791731.1
Name: WP_001791731.1
Description: WP_001791731.1
Number of features: 0
Seq('MKKDEERSEMDGYGRIRGRYCQRDIWQLKGMGFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791736.1
Name: WP_001791736.1
Description: WP_001791736.1
Number of features: 0
Seq('MSKAYRLYNNIQDDTKQPMAHAVGCFFRCVCHGQHFDVGIPLQAWE', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791742.1
Name: WP_001791742.1
Description: WP_001791742.1
Number of features: 0
Seq('MENGYNYRISKNVCRFLDGEGEALNVEETKINDDYYYADGWIFWIIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791787.1
Name: WP_001791787.1
Description: WP_001791787.1
Number of features: 0
Seq('MKRIVILENVIVDNPIWLNHVDYLVKSVLLKSIKLRFQEVRKFEILVKIMNRIHI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791797.1
Name: WP_001791797.1
Description: WP_001791797.1
Number of features: 0
Seq('MHYLICIKANQRLIFTNSIVDWFYLCMNEQLFDIIKNINDFESI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791944.1
Name: WP_001791944.1
Description: WP_001791944.1
Number of features: 0
Seq('MTEMVFYKIYFVVTPQLALSVEFLFEFLYVGAPPTCIVCRISF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791950.1
Name: WP_001791950.1
Description: WP_001791950.1
Number of features: 0
Seq('MPIHRLLYFPILNSKKQVEILETLINLLISVSYA', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791963.1
Name: WP_001791963.1
Description: WP_001791963.1
Number of features: 0
Seq('MLPFFILEILHIVYNIDNNNFSGVKFNDWTNKFI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791975.1
Name: WP_001791975.1
Description: WP_001791975.1
Number of features: 0
Seq('MIEYDLTIILIPILKVAYPFFKKVERKKWYFSGKEV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791976.1
Name: WP_001791976.1
Description: WP_001791976.1
Number of features: 0
Seq('MAIIEYLYNFSRNKQNFNSAKTAVLSYDLTNLTNFTRTAFKNIYTFLTNIYLL', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791984.1
Name: WP_001791984.1
Description: WP_001791984.1
Number of features: 0
Seq('MIFSQNLFRRPTPARLTRIEKSLLQAHFHSVNYCQYNFVEHRTLIYVPAWTH', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791985.1
Name: WP_001791985.1
Description: WP_001791985.1
Number of features: 0
Seq('MDFKNEDKIKVYCNNMFEKLPISLSKNSEFCDILFFIVLSYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001791990.1
Name: WP_001791990.1
Description: WP_001791990.1
Number of features: 0
Seq('MRYVISIIMGIVLAIWSYKQLSQSHLDSGFIFFFIVYVLCISYFNNDKHDKNKKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792003.1
Name: WP_001792003.1
Description: WP_001792003.1
Number of features: 0
Seq('MIFSKNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEH', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792011.1
Name: WP_001792011.1
Description: WP_001792011.1
Number of features: 0
Seq('MAVVRGFGVFRCSIYYVINYSIDKQGVQCILQYYNK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792012.1
Name: WP_001792012.1
Description: WP_001792012.1
Number of features: 0
Seq('MRGFGIFRCSIYYVTNYSIDEQGAQRNITINGLFHNMVKLGCLFVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792025.1
Name: WP_001792025.1
Description: WP_001792025.1
Number of features: 0
Seq('MQGFKEKHQELKKALCQIGLMSSISEVRQLNIA', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792047.1
Name: WP_001792047.1
Description: WP_001792047.1
Number of features: 0
Seq('MNDMMNLVINQIVIKLNYRDDWNEFIDIYSNTILLGLTIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792054.1
Name: WP_001792054.1
Description: WP_001792054.1
Number of features: 0
Seq('MADKILKLVNNDVLAEEFGSKARENIIEKYSTESILEKWLNLFNS', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792055.1
Name: WP_001792055.1
Description: WP_001792055.1
Number of features: 0
Seq('MKFVANKLTLTIIRKFCINNEKEIWIKYEEVFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792089.1
Name: WP_001792089.1
Description: WP_001792089.1
Number of features: 0
Seq('MQLNVNMMKFDRWHKGICKQIVLNLVEKGEKG', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792090.1
Name: WP_001792090.1
Description: WP_001792090.1
Number of features: 0
Seq('MFVKVAFLCLKSDESSNVPSVESHQNQFYLTNIMDFLIYLTMIQI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792097.1
Name: WP_001792097.1
Description: WP_001792097.1
Number of features: 0
Seq('MSEVIAAINVLLLLTVTRVFQTKRATKFCTRPIYLAPDQEDH', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792109.1
Name: WP_001792109.1
Description: WP_001792109.1
Number of features: 0
Seq('MMLTAIYFSIFTFYISQYSLKLKTLYNIETDYNYKIVLLLKEGETHES', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792137.1
Name: WP_001792137.1
Description: WP_001792137.1
Number of features: 0
Seq('MYGAYLINEYHQDFKSIANFKVLKRMINVMMCYCVLFLEPRIS', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792175.1
Name: WP_001792175.1
Description: WP_001792175.1
Number of features: 0
Seq('MCLLKQHMQCAFSNITYGDFQGIELIVENVLNYMV', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792205.1
Name: WP_001792205.1
Description: WP_001792205.1
Number of features: 0
Seq('MLFNKVLSRILAYQLNFLNSHQKDKTPQSTNLTRENKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792240.1
Name: WP_001792240.1
Description: WP_001792240.1
Number of features: 0
Seq('MLGPRQLAHYCKLTYHQLLCWGPAIIEKFVIGVFSFG', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792264.1
Name: WP_001792264.1
Description: WP_001792264.1
Number of features: 0
Seq('MEYKQHPFKVFTISVNYFEGIVFCEKIYGVLRFISFYTFYKL', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792272.1
Name: WP_001792272.1
Description: WP_001792272.1
Number of features: 0
Seq('MIKTMSIENMRTYQQRVNNLWIKGVDNVIYCGYQVGKQKINN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001792784.1
Name: WP_001792784.1
Description: WP_001792784.1
Number of features: 0
Seq('MSKSSDALFNSLTQSFELIEGVYNELVTDNLKIVMYKPRKESTSGRINRRFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001794441.1
Name: WP_001794441.1
Description: WP_001794441.1
Number of features: 0
Seq('MTYGSIVAILCALFVIFFIPYMEKKDKKKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001795146.1
Name: WP_001795146.1
Description: WP_001795146.1
Number of features: 0
Seq('MIFSQNLFRCPTPTCIVCRNWESNFSVLGPTPQLALPVEFLFEILCVGAPLL', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001795991.1
Name: WP_001795991.1
Description: WP_001795991.1
Number of features: 0
Seq('MRLKECGLILGIDLLDHIIIGDNRFTSLVEAGYFDEND', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001797788.1
Name: WP_001797788.1
Description: WP_001797788.1
Number of features: 0
Seq('MIFSQNLFRRPTPTCIVCRISFRNSFCWGPAKILLE', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001801916.1
Name: WP_001801916.1
Description: WP_001801916.1
Number of features: 0
Seq('MINYAIYFNNININSIMALNDNNYQFEHVNERNEYRES', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001802007.1
Name: WP_001802007.1
Description: WP_001802007.1
Number of features: 0
Seq('MENIFKIELMNGICRSENMNMKKKNKGEKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001802255.1
Name: WP_001802255.1
Description: WP_001802255.1
Number of features: 0
Seq('MSVGSLAVLTITEIAFPTEIFEKNQRTLQIKF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001802298.1
Name: WP_001802298.1
Description: WP_001802298.1
Number of features: 0
Seq('MLLLERTSMSDFEMLMVVLTIIGLVLISTQDHKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001802312.1
Name: WP_001802312.1
Description: WP_001802312.1
Number of features: 0
Seq('MVDFLLFVLFLHDAAVYVSLPLVQAIANVTFYFSF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001803450.1
Name: WP_001803450.1
Description: WP_001803450.1
Number of features: 0
Seq('MRISLFFFFIKLKILPPKFVTRPYINSLFIIS', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001803889.1
Name: WP_001803889.1
Description: WP_001803889.1
Number of features: 0
Seq('MKGAIHMEFVAKLFKFFKDLLGKFLGNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_001807377.1
Name: WP_001807377.1
Description: WP_001807377.1
Number of features: 0
Seq('MSIILIFIILFLKSLGQSICAFSSPFLKAQAKIIIASYRFHF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_010922816.1
Name: WP_010922816.1
Description: WP_010922816.1
Number of features: 0
Seq('MIFSQNLFRCPTPTCIVCRNWESNFSLLGPTPQLALPVEFLFEILCVGAPD', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_010956583.1
Name: WP_010956583.1
Description: WP_010956583.1
Number of features: 0
Seq('MSVINAYSNASLLFFIYLLFIMYQISLSVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_016170465.1
Name: WP_016170465.1
Description: WP_016170465.1
Number of features: 0
Seq('MIIIKRKHQAEDRRKILIKRKHQIKVR', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_016170749.1
Name: WP_016170749.1
Description: WP_016170749.1
Number of features: 0
Seq('MTNILKHNIINNVLKNEDVLNAYIRGRGGMADALG', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_016266044.1
Name: WP_016266044.1
Description: WP_016266044.1
Number of features: 0
Seq('MIFSQNLFRRPTPTCIVCRNWESNFSVLGPRRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_025174185.1
Name: WP_025174185.1
Description: WP_025174185.1
Number of features: 0
Seq('MQVGVGRRNKFCENIISVPLPPIFKYTLALTNDKESLHNQSLVVLYHFRPALNKC', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031760357.1
Name: WP_031760357.1
Description: WP_031760357.1
Number of features: 0
Seq('MVITDIDVYRVGRENIVIAVYNEHIKLLFILIS', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031761395.1
Name: WP_031761395.1
Description: WP_031761395.1
Number of features: 0
Seq('MKPLVQSFTSSYAVKQQSNYKLSSTPLSSPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031761401.1
Name: WP_031761401.1
Description: WP_031761401.1
Number of features: 0
Seq('MKIILLLFLIFGCIVVVTLKSEHQLTLFSI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031761406.1
Name: WP_031761406.1
Description: WP_031761406.1
Number of features: 0
Seq('MLFETSLDNNSYIAHFKLKMEKYSIIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031761471.1
Name: WP_031761471.1
Description: WP_031761471.1
Number of features: 0
Seq('MERKRKHFKKEFAKSNLSLNNEKWKFVCSKSKHFLKRAVKF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031761472.1
Name: WP_031761472.1
Description: WP_031761472.1
Number of features: 0
Seq('MTLMIMLKSFLYFCLIFNQIDISH', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031761892.1
Name: WP_031761892.1
Description: WP_031761892.1
Number of features: 0
Seq('MPHHSTTSRRIVVPAHQSSMASTPNRSITP', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031761989.1
Name: WP_031761989.1
Description: WP_031761989.1
Number of features: 0
Seq('MILTCYNTFNTIEFKSKISGIDEARSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031762133.1
Name: WP_031762133.1
Description: WP_031762133.1
Number of features: 0
Seq('MIKKKHLSGSLVPDRCFLIIFHKVEKFMGNTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031762180.1
Name: WP_031762180.1
Description: WP_031762180.1
Number of features: 0
Seq('MTKSTSFAIFRFVTLIFLPFVKCFMNVMNYFWNSNNSPLLFLFTF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031762187.1
Name: WP_031762187.1
Description: WP_031762187.1
Number of features: 0
Seq('MCVRTRLVSSSSVRLSKAIIIAVIVVYHLDVRGLF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031762189.1
Name: WP_031762189.1
Description: WP_031762189.1
Number of features: 0
Seq('MYDELNASNVTLKIKATMSLLTSYIVAISSVDISVSLNPRAILQFHF', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031762269.1
Name: WP_031762269.1
Description: WP_031762269.1
Number of features: 0
Seq('MENFDVGGGIFIFMEIGIGFMTHKQKRLNDDID', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_031762631.1
Name: WP_031762631.1
Description: WP_031762631.1
Number of features: 0
Seq('MIFILWCVNLYIEKGQHAQTCYPSEPVKKTVAILD', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_071621368.1
Name: WP_071621368.1
Description: WP_071621368.1
Number of features: 0
Seq('MRIQFLFVGAHPQLALPVEFLFEILCVGAPD', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_071621370.1
Name: WP_071621370.1
Description: WP_071621370.1
Number of features: 0
Seq('MIFSQNLFRRLTPTSTLL', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_071621386.1
Name: WP_071621386.1
Description: WP_071621386.1
Number of features: 0
Seq('MSHKRWSPTYIVCRISFRNSLCWGPTPTCIVCRNWGSNFTVLGPLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_071621402.1
Name: WP_071621402.1
Description: WP_071621402.1
Number of features: 0
Seq('MCNTDLQYDHQTHIWNYKDMVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_071621404.1
Name: WP_071621404.1
Description: WP_071621404.1
Number of features: 0
Seq('MYFVDPQLALSVEFLFEILYVGAPPTCTLL', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_071621409.1
Name: WP_071621409.1
Description: WP_071621409.1
Number of features: 0
Seq('MLEPTPTCIVCRNWCSNFSMLGPHQLLSI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_072353785.1
Name: WP_072353785.1
Description: WP_072353785.1
Number of features: 0
Seq('MARIPLGALYVNNVKITKTKNKNKVPIIKSITIDPHYDNFIFNPHI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_072398278.1
Name: WP_072398278.1
Description: WP_072398278.1
Number of features: 0
Seq('MRKIWVIDRLYASTFFVDCLTVDSHLYTLTNFENLNHYLIILLIAHAQHKKETCQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_072519181.1
Name: WP_072519181.1
Description: WP_072519181.1
Number of features: 0
Seq('MLGPRPQLPLPVEFLYEILYVGAPPI', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_078055730.1
Name: WP_078055730.1
Description: WP_078055730.1
Number of features: 0
Seq('MSVEFLFEILCVGAHPQLAHYCKLTFRQLLCWGPKNACYMVIFIRSTTTNIIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: WP_078056047.1
Name: WP_078056047.1
Description: WP_078056047.1
Number of features: 0
Seq('MLFVGAHTPTCIVCRNWKSNFSVLGPTPQLALSVEIGNPISLCWGPHPNSHCL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_00029
Name: ER00385_3B_prokka|PROKKA_00029
Description: ER00385_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_00038
Name: ER00385_3B_prokka|PROKKA_00038
Description: ER00385_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_00118
Name: ER00385_3B_prokka|PROKKA_00118
Description: ER00385_3B_prokka|PROKKA_00118
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_00216
Name: ER00385_3B_prokka|PROKKA_00216
Description: ER00385_3B_prokka|PROKKA_00216
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_00363
Name: ER00385_3B_prokka|PROKKA_00363
Description: ER00385_3B_prokka|PROKKA_00363
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_00401
Name: ER00385_3B_prokka|PROKKA_00401
Description: ER00385_3B_prokka|PROKKA_00401
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_00531
Name: ER00385_3B_prokka|PROKKA_00531
Description: ER00385_3B_prokka|PROKKA_00531
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_00567
Name: ER00385_3B_prokka|PROKKA_00567
Description: ER00385_3B_prokka|PROKKA_00567
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_00785
Name: ER00385_3B_prokka|PROKKA_00785
Description: ER00385_3B_prokka|PROKKA_00785
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_00829
Name: ER00385_3B_prokka|PROKKA_00829
Description: ER00385_3B_prokka|PROKKA_00829
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_00937
Name: ER00385_3B_prokka|PROKKA_00937
Description: ER00385_3B_prokka|PROKKA_00937
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_00976
Name: ER00385_3B_prokka|PROKKA_00976
Description: ER00385_3B_prokka|PROKKA_00976
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01028
Name: ER00385_3B_prokka|PROKKA_01028
Description: ER00385_3B_prokka|PROKKA_01028
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01034
Name: ER00385_3B_prokka|PROKKA_01034
Description: ER00385_3B_prokka|PROKKA_01034
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01035
Name: ER00385_3B_prokka|PROKKA_01035
Description: ER00385_3B_prokka|PROKKA_01035
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01053
Name: ER00385_3B_prokka|PROKKA_01053
Description: ER00385_3B_prokka|PROKKA_01053
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01082
Name: ER00385_3B_prokka|PROKKA_01082
Description: ER00385_3B_prokka|PROKKA_01082
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01083
Name: ER00385_3B_prokka|PROKKA_01083
Description: ER00385_3B_prokka|PROKKA_01083
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01117
Name: ER00385_3B_prokka|PROKKA_01117
Description: ER00385_3B_prokka|PROKKA_01117
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01130
Name: ER00385_3B_prokka|PROKKA_01130
Description: ER00385_3B_prokka|PROKKA_01130
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01131
Name: ER00385_3B_prokka|PROKKA_01131
Description: ER00385_3B_prokka|PROKKA_01131
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01149
Name: ER00385_3B_prokka|PROKKA_01149
Description: ER00385_3B_prokka|PROKKA_01149
Number of features: 0
Seq('MNHTIVDSADFQLQANDLISIQGFGRAHITDLGGKTKKDKTHITYRTLFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01267
Name: ER00385_3B_prokka|PROKKA_01267
Description: ER00385_3B_prokka|PROKKA_01267
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01271
Name: ER00385_3B_prokka|PROKKA_01271
Description: ER00385_3B_prokka|PROKKA_01271
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01275
Name: ER00385_3B_prokka|PROKKA_01275
Description: ER00385_3B_prokka|PROKKA_01275
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01277
Name: ER00385_3B_prokka|PROKKA_01277
Description: ER00385_3B_prokka|PROKKA_01277
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01301
Name: ER00385_3B_prokka|PROKKA_01301
Description: ER00385_3B_prokka|PROKKA_01301
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01395
Name: ER00385_3B_prokka|PROKKA_01395
Description: ER00385_3B_prokka|PROKKA_01395
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01407
Name: ER00385_3B_prokka|PROKKA_01407
Description: ER00385_3B_prokka|PROKKA_01407
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01470
Name: ER00385_3B_prokka|PROKKA_01470
Description: ER00385_3B_prokka|PROKKA_01470
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01507
Name: ER00385_3B_prokka|PROKKA_01507
Description: ER00385_3B_prokka|PROKKA_01507
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01578
Name: ER00385_3B_prokka|PROKKA_01578
Description: ER00385_3B_prokka|PROKKA_01578
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01743
Name: ER00385_3B_prokka|PROKKA_01743
Description: ER00385_3B_prokka|PROKKA_01743
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01750
Name: ER00385_3B_prokka|PROKKA_01750
Description: ER00385_3B_prokka|PROKKA_01750
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01769
Name: ER00385_3B_prokka|PROKKA_01769
Description: ER00385_3B_prokka|PROKKA_01769
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01805
Name: ER00385_3B_prokka|PROKKA_01805
Description: ER00385_3B_prokka|PROKKA_01805
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01857
Name: ER00385_3B_prokka|PROKKA_01857
Description: ER00385_3B_prokka|PROKKA_01857
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01929
Name: ER00385_3B_prokka|PROKKA_01929
Description: ER00385_3B_prokka|PROKKA_01929
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01933
Name: ER00385_3B_prokka|PROKKA_01933
Description: ER00385_3B_prokka|PROKKA_01933
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01949
Name: ER00385_3B_prokka|PROKKA_01949
Description: ER00385_3B_prokka|PROKKA_01949
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01970
Name: ER00385_3B_prokka|PROKKA_01970
Description: ER00385_3B_prokka|PROKKA_01970
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_01976
Name: ER00385_3B_prokka|PROKKA_01976
Description: ER00385_3B_prokka|PROKKA_01976
Number of features: 0
Seq('MNIQEATKLAMEKGISIRRENQDVYGILPTNLQRYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_02000
Name: ER00385_3B_prokka|PROKKA_02000
Description: ER00385_3B_prokka|PROKKA_02000
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_02002
Name: ER00385_3B_prokka|PROKKA_02002
Description: ER00385_3B_prokka|PROKKA_02002
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_02052
Name: ER00385_3B_prokka|PROKKA_02052
Description: ER00385_3B_prokka|PROKKA_02052
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_02172
Name: ER00385_3B_prokka|PROKKA_02172
Description: ER00385_3B_prokka|PROKKA_02172
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_02196
Name: ER00385_3B_prokka|PROKKA_02196
Description: ER00385_3B_prokka|PROKKA_02196
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_02227
Name: ER00385_3B_prokka|PROKKA_02227
Description: ER00385_3B_prokka|PROKKA_02227
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_02382
Name: ER00385_3B_prokka|PROKKA_02382
Description: ER00385_3B_prokka|PROKKA_02382
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_02591
Name: ER00385_3B_prokka|PROKKA_02591
Description: ER00385_3B_prokka|PROKKA_02591
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_02678
Name: ER00385_3B_prokka|PROKKA_02678
Description: ER00385_3B_prokka|PROKKA_02678
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00385_3B_prokka|PROKKA_02694
Name: ER00385_3B_prokka|PROKKA_02694
Description: ER00385_3B_prokka|PROKKA_02694
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00057
Name: ER00573_3B_prokka|PROKKA_00057
Description: ER00573_3B_prokka|PROKKA_00057
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALTEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00087
Name: ER00573_3B_prokka|PROKKA_00087
Description: ER00573_3B_prokka|PROKKA_00087
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00125
Name: ER00573_3B_prokka|PROKKA_00125
Description: ER00573_3B_prokka|PROKKA_00125
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00134
Name: ER00573_3B_prokka|PROKKA_00134
Description: ER00573_3B_prokka|PROKKA_00134
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00155
Name: ER00573_3B_prokka|PROKKA_00155
Description: ER00573_3B_prokka|PROKKA_00155
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00246
Name: ER00573_3B_prokka|PROKKA_00246
Description: ER00573_3B_prokka|PROKKA_00246
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00345
Name: ER00573_3B_prokka|PROKKA_00345
Description: ER00573_3B_prokka|PROKKA_00345
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00397
Name: ER00573_3B_prokka|PROKKA_00397
Description: ER00573_3B_prokka|PROKKA_00397
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00496
Name: ER00573_3B_prokka|PROKKA_00496
Description: ER00573_3B_prokka|PROKKA_00496
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00534
Name: ER00573_3B_prokka|PROKKA_00534
Description: ER00573_3B_prokka|PROKKA_00534
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00663
Name: ER00573_3B_prokka|PROKKA_00663
Description: ER00573_3B_prokka|PROKKA_00663
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00699
Name: ER00573_3B_prokka|PROKKA_00699
Description: ER00573_3B_prokka|PROKKA_00699
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00917
Name: ER00573_3B_prokka|PROKKA_00917
Description: ER00573_3B_prokka|PROKKA_00917
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_00961
Name: ER00573_3B_prokka|PROKKA_00961
Description: ER00573_3B_prokka|PROKKA_00961
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01069
Name: ER00573_3B_prokka|PROKKA_01069
Description: ER00573_3B_prokka|PROKKA_01069
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01108
Name: ER00573_3B_prokka|PROKKA_01108
Description: ER00573_3B_prokka|PROKKA_01108
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01188
Name: ER00573_3B_prokka|PROKKA_01188
Description: ER00573_3B_prokka|PROKKA_01188
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01201
Name: ER00573_3B_prokka|PROKKA_01201
Description: ER00573_3B_prokka|PROKKA_01201
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01202
Name: ER00573_3B_prokka|PROKKA_01202
Description: ER00573_3B_prokka|PROKKA_01202
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01337
Name: ER00573_3B_prokka|PROKKA_01337
Description: ER00573_3B_prokka|PROKKA_01337
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01341
Name: ER00573_3B_prokka|PROKKA_01341
Description: ER00573_3B_prokka|PROKKA_01341
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01345
Name: ER00573_3B_prokka|PROKKA_01345
Description: ER00573_3B_prokka|PROKKA_01345
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01347
Name: ER00573_3B_prokka|PROKKA_01347
Description: ER00573_3B_prokka|PROKKA_01347
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01371
Name: ER00573_3B_prokka|PROKKA_01371
Description: ER00573_3B_prokka|PROKKA_01371
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01466
Name: ER00573_3B_prokka|PROKKA_01466
Description: ER00573_3B_prokka|PROKKA_01466
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01478
Name: ER00573_3B_prokka|PROKKA_01478
Description: ER00573_3B_prokka|PROKKA_01478
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01533
Name: ER00573_3B_prokka|PROKKA_01533
Description: ER00573_3B_prokka|PROKKA_01533
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01541
Name: ER00573_3B_prokka|PROKKA_01541
Description: ER00573_3B_prokka|PROKKA_01541
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01561
Name: ER00573_3B_prokka|PROKKA_01561
Description: ER00573_3B_prokka|PROKKA_01561
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01589
Name: ER00573_3B_prokka|PROKKA_01589
Description: ER00573_3B_prokka|PROKKA_01589
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01616
Name: ER00573_3B_prokka|PROKKA_01616
Description: ER00573_3B_prokka|PROKKA_01616
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01653
Name: ER00573_3B_prokka|PROKKA_01653
Description: ER00573_3B_prokka|PROKKA_01653
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01724
Name: ER00573_3B_prokka|PROKKA_01724
Description: ER00573_3B_prokka|PROKKA_01724
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01890
Name: ER00573_3B_prokka|PROKKA_01890
Description: ER00573_3B_prokka|PROKKA_01890
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01897
Name: ER00573_3B_prokka|PROKKA_01897
Description: ER00573_3B_prokka|PROKKA_01897
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01916
Name: ER00573_3B_prokka|PROKKA_01916
Description: ER00573_3B_prokka|PROKKA_01916
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_01951
Name: ER00573_3B_prokka|PROKKA_01951
Description: ER00573_3B_prokka|PROKKA_01951
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02003
Name: ER00573_3B_prokka|PROKKA_02003
Description: ER00573_3B_prokka|PROKKA_02003
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02005
Name: ER00573_3B_prokka|PROKKA_02005
Description: ER00573_3B_prokka|PROKKA_02005
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02006
Name: ER00573_3B_prokka|PROKKA_02006
Description: ER00573_3B_prokka|PROKKA_02006
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02036
Name: ER00573_3B_prokka|PROKKA_02036
Description: ER00573_3B_prokka|PROKKA_02036
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02045
Name: ER00573_3B_prokka|PROKKA_02045
Description: ER00573_3B_prokka|PROKKA_02045
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02052
Name: ER00573_3B_prokka|PROKKA_02052
Description: ER00573_3B_prokka|PROKKA_02052
Number of features: 0
Seq('MVTKEFLKTKLECSDIYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02068
Name: ER00573_3B_prokka|PROKKA_02068
Description: ER00573_3B_prokka|PROKKA_02068
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKLDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02143
Name: ER00573_3B_prokka|PROKKA_02143
Description: ER00573_3B_prokka|PROKKA_02143
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02147
Name: ER00573_3B_prokka|PROKKA_02147
Description: ER00573_3B_prokka|PROKKA_02147
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02163
Name: ER00573_3B_prokka|PROKKA_02163
Description: ER00573_3B_prokka|PROKKA_02163
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02183
Name: ER00573_3B_prokka|PROKKA_02183
Description: ER00573_3B_prokka|PROKKA_02183
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02213
Name: ER00573_3B_prokka|PROKKA_02213
Description: ER00573_3B_prokka|PROKKA_02213
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02215
Name: ER00573_3B_prokka|PROKKA_02215
Description: ER00573_3B_prokka|PROKKA_02215
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02264
Name: ER00573_3B_prokka|PROKKA_02264
Description: ER00573_3B_prokka|PROKKA_02264
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02391
Name: ER00573_3B_prokka|PROKKA_02391
Description: ER00573_3B_prokka|PROKKA_02391
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02415
Name: ER00573_3B_prokka|PROKKA_02415
Description: ER00573_3B_prokka|PROKKA_02415
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02446
Name: ER00573_3B_prokka|PROKKA_02446
Description: ER00573_3B_prokka|PROKKA_02446
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02601
Name: ER00573_3B_prokka|PROKKA_02601
Description: ER00573_3B_prokka|PROKKA_02601
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02729
Name: ER00573_3B_prokka|PROKKA_02729
Description: ER00573_3B_prokka|PROKKA_02729
Number of features: 0
Seq('MITVAVIDTGVDIYHNKLYKYINLSKSFC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02811
Name: ER00573_3B_prokka|PROKKA_02811
Description: ER00573_3B_prokka|PROKKA_02811
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00573_3B_prokka|PROKKA_02898
Name: ER00573_3B_prokka|PROKKA_02898
Description: ER00573_3B_prokka|PROKKA_02898
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00029
Name: ER00594_3B_prokka|PROKKA_00029
Description: ER00594_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00038
Name: ER00594_3B_prokka|PROKKA_00038
Description: ER00594_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00059
Name: ER00594_3B_prokka|PROKKA_00059
Description: ER00594_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00156
Name: ER00594_3B_prokka|PROKKA_00156
Description: ER00594_3B_prokka|PROKKA_00156
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00254
Name: ER00594_3B_prokka|PROKKA_00254
Description: ER00594_3B_prokka|PROKKA_00254
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00307
Name: ER00594_3B_prokka|PROKKA_00307
Description: ER00594_3B_prokka|PROKKA_00307
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00405
Name: ER00594_3B_prokka|PROKKA_00405
Description: ER00594_3B_prokka|PROKKA_00405
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00443
Name: ER00594_3B_prokka|PROKKA_00443
Description: ER00594_3B_prokka|PROKKA_00443
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00573
Name: ER00594_3B_prokka|PROKKA_00573
Description: ER00594_3B_prokka|PROKKA_00573
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00609
Name: ER00594_3B_prokka|PROKKA_00609
Description: ER00594_3B_prokka|PROKKA_00609
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00827
Name: ER00594_3B_prokka|PROKKA_00827
Description: ER00594_3B_prokka|PROKKA_00827
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00871
Name: ER00594_3B_prokka|PROKKA_00871
Description: ER00594_3B_prokka|PROKKA_00871
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_00979
Name: ER00594_3B_prokka|PROKKA_00979
Description: ER00594_3B_prokka|PROKKA_00979
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01018
Name: ER00594_3B_prokka|PROKKA_01018
Description: ER00594_3B_prokka|PROKKA_01018
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01098
Name: ER00594_3B_prokka|PROKKA_01098
Description: ER00594_3B_prokka|PROKKA_01098
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01111
Name: ER00594_3B_prokka|PROKKA_01111
Description: ER00594_3B_prokka|PROKKA_01111
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01112
Name: ER00594_3B_prokka|PROKKA_01112
Description: ER00594_3B_prokka|PROKKA_01112
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01248
Name: ER00594_3B_prokka|PROKKA_01248
Description: ER00594_3B_prokka|PROKKA_01248
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01252
Name: ER00594_3B_prokka|PROKKA_01252
Description: ER00594_3B_prokka|PROKKA_01252
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01256
Name: ER00594_3B_prokka|PROKKA_01256
Description: ER00594_3B_prokka|PROKKA_01256
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01258
Name: ER00594_3B_prokka|PROKKA_01258
Description: ER00594_3B_prokka|PROKKA_01258
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01282
Name: ER00594_3B_prokka|PROKKA_01282
Description: ER00594_3B_prokka|PROKKA_01282
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01378
Name: ER00594_3B_prokka|PROKKA_01378
Description: ER00594_3B_prokka|PROKKA_01378
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01390
Name: ER00594_3B_prokka|PROKKA_01390
Description: ER00594_3B_prokka|PROKKA_01390
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01439
Name: ER00594_3B_prokka|PROKKA_01439
Description: ER00594_3B_prokka|PROKKA_01439
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01447
Name: ER00594_3B_prokka|PROKKA_01447
Description: ER00594_3B_prokka|PROKKA_01447
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01467
Name: ER00594_3B_prokka|PROKKA_01467
Description: ER00594_3B_prokka|PROKKA_01467
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01495
Name: ER00594_3B_prokka|PROKKA_01495
Description: ER00594_3B_prokka|PROKKA_01495
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01522
Name: ER00594_3B_prokka|PROKKA_01522
Description: ER00594_3B_prokka|PROKKA_01522
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01559
Name: ER00594_3B_prokka|PROKKA_01559
Description: ER00594_3B_prokka|PROKKA_01559
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01631
Name: ER00594_3B_prokka|PROKKA_01631
Description: ER00594_3B_prokka|PROKKA_01631
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01796
Name: ER00594_3B_prokka|PROKKA_01796
Description: ER00594_3B_prokka|PROKKA_01796
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01803
Name: ER00594_3B_prokka|PROKKA_01803
Description: ER00594_3B_prokka|PROKKA_01803
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01822
Name: ER00594_3B_prokka|PROKKA_01822
Description: ER00594_3B_prokka|PROKKA_01822
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01857
Name: ER00594_3B_prokka|PROKKA_01857
Description: ER00594_3B_prokka|PROKKA_01857
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01909
Name: ER00594_3B_prokka|PROKKA_01909
Description: ER00594_3B_prokka|PROKKA_01909
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01981
Name: ER00594_3B_prokka|PROKKA_01981
Description: ER00594_3B_prokka|PROKKA_01981
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_01985
Name: ER00594_3B_prokka|PROKKA_01985
Description: ER00594_3B_prokka|PROKKA_01985
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_02001
Name: ER00594_3B_prokka|PROKKA_02001
Description: ER00594_3B_prokka|PROKKA_02001
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_02021
Name: ER00594_3B_prokka|PROKKA_02021
Description: ER00594_3B_prokka|PROKKA_02021
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_02051
Name: ER00594_3B_prokka|PROKKA_02051
Description: ER00594_3B_prokka|PROKKA_02051
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_02053
Name: ER00594_3B_prokka|PROKKA_02053
Description: ER00594_3B_prokka|PROKKA_02053
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_02102
Name: ER00594_3B_prokka|PROKKA_02102
Description: ER00594_3B_prokka|PROKKA_02102
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_02222
Name: ER00594_3B_prokka|PROKKA_02222
Description: ER00594_3B_prokka|PROKKA_02222
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_02246
Name: ER00594_3B_prokka|PROKKA_02246
Description: ER00594_3B_prokka|PROKKA_02246
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_02277
Name: ER00594_3B_prokka|PROKKA_02277
Description: ER00594_3B_prokka|PROKKA_02277
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_02433
Name: ER00594_3B_prokka|PROKKA_02433
Description: ER00594_3B_prokka|PROKKA_02433
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_02644
Name: ER00594_3B_prokka|PROKKA_02644
Description: ER00594_3B_prokka|PROKKA_02644
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_02731
Name: ER00594_3B_prokka|PROKKA_02731
Description: ER00594_3B_prokka|PROKKA_02731
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00594_3B_prokka|PROKKA_02760
Name: ER00594_3B_prokka|PROKKA_02760
Description: ER00594_3B_prokka|PROKKA_02760
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00027
Name: ER00610_3B_prokka|PROKKA_00027
Description: ER00610_3B_prokka|PROKKA_00027
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00067
Name: ER00610_3B_prokka|PROKKA_00067
Description: ER00610_3B_prokka|PROKKA_00067
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00070
Name: ER00610_3B_prokka|PROKKA_00070
Description: ER00610_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00074
Name: ER00610_3B_prokka|PROKKA_00074
Description: ER00610_3B_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00095
Name: ER00610_3B_prokka|PROKKA_00095
Description: ER00610_3B_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00113
Name: ER00610_3B_prokka|PROKKA_00113
Description: ER00610_3B_prokka|PROKKA_00113
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00280
Name: ER00610_3B_prokka|PROKKA_00280
Description: ER00610_3B_prokka|PROKKA_00280
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00404
Name: ER00610_3B_prokka|PROKKA_00404
Description: ER00610_3B_prokka|PROKKA_00404
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00421
Name: ER00610_3B_prokka|PROKKA_00421
Description: ER00610_3B_prokka|PROKKA_00421
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00587
Name: ER00610_3B_prokka|PROKKA_00587
Description: ER00610_3B_prokka|PROKKA_00587
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00816
Name: ER00610_3B_prokka|PROKKA_00816
Description: ER00610_3B_prokka|PROKKA_00816
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00847
Name: ER00610_3B_prokka|PROKKA_00847
Description: ER00610_3B_prokka|PROKKA_00847
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00851
Name: ER00610_3B_prokka|PROKKA_00851
Description: ER00610_3B_prokka|PROKKA_00851
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00867
Name: ER00610_3B_prokka|PROKKA_00867
Description: ER00610_3B_prokka|PROKKA_00867
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00898
Name: ER00610_3B_prokka|PROKKA_00898
Description: ER00610_3B_prokka|PROKKA_00898
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00899
Name: ER00610_3B_prokka|PROKKA_00899
Description: ER00610_3B_prokka|PROKKA_00899
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_00914
Name: ER00610_3B_prokka|PROKKA_00914
Description: ER00610_3B_prokka|PROKKA_00914
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01019
Name: ER00610_3B_prokka|PROKKA_01019
Description: ER00610_3B_prokka|PROKKA_01019
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01058
Name: ER00610_3B_prokka|PROKKA_01058
Description: ER00610_3B_prokka|PROKKA_01058
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01059
Name: ER00610_3B_prokka|PROKKA_01059
Description: ER00610_3B_prokka|PROKKA_01059
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01141
Name: ER00610_3B_prokka|PROKKA_01141
Description: ER00610_3B_prokka|PROKKA_01141
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01153
Name: ER00610_3B_prokka|PROKKA_01153
Description: ER00610_3B_prokka|PROKKA_01153
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01154
Name: ER00610_3B_prokka|PROKKA_01154
Description: ER00610_3B_prokka|PROKKA_01154
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01290
Name: ER00610_3B_prokka|PROKKA_01290
Description: ER00610_3B_prokka|PROKKA_01290
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01294
Name: ER00610_3B_prokka|PROKKA_01294
Description: ER00610_3B_prokka|PROKKA_01294
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01318
Name: ER00610_3B_prokka|PROKKA_01318
Description: ER00610_3B_prokka|PROKKA_01318
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01411
Name: ER00610_3B_prokka|PROKKA_01411
Description: ER00610_3B_prokka|PROKKA_01411
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01423
Name: ER00610_3B_prokka|PROKKA_01423
Description: ER00610_3B_prokka|PROKKA_01423
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01470
Name: ER00610_3B_prokka|PROKKA_01470
Description: ER00610_3B_prokka|PROKKA_01470
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01478
Name: ER00610_3B_prokka|PROKKA_01478
Description: ER00610_3B_prokka|PROKKA_01478
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01479
Name: ER00610_3B_prokka|PROKKA_01479
Description: ER00610_3B_prokka|PROKKA_01479
Number of features: 0
Seq('MSTKTYTKALQDIFREINGEDEEDSETEPEEMGKTEEQSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01498
Name: ER00610_3B_prokka|PROKKA_01498
Description: ER00610_3B_prokka|PROKKA_01498
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01513
Name: ER00610_3B_prokka|PROKKA_01513
Description: ER00610_3B_prokka|PROKKA_01513
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01521
Name: ER00610_3B_prokka|PROKKA_01521
Description: ER00610_3B_prokka|PROKKA_01521
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01526
Name: ER00610_3B_prokka|PROKKA_01526
Description: ER00610_3B_prokka|PROKKA_01526
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01553
Name: ER00610_3B_prokka|PROKKA_01553
Description: ER00610_3B_prokka|PROKKA_01553
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01556
Name: ER00610_3B_prokka|PROKKA_01556
Description: ER00610_3B_prokka|PROKKA_01556
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01591
Name: ER00610_3B_prokka|PROKKA_01591
Description: ER00610_3B_prokka|PROKKA_01591
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01665
Name: ER00610_3B_prokka|PROKKA_01665
Description: ER00610_3B_prokka|PROKKA_01665
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01834
Name: ER00610_3B_prokka|PROKKA_01834
Description: ER00610_3B_prokka|PROKKA_01834
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01848
Name: ER00610_3B_prokka|PROKKA_01848
Description: ER00610_3B_prokka|PROKKA_01848
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01890
Name: ER00610_3B_prokka|PROKKA_01890
Description: ER00610_3B_prokka|PROKKA_01890
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01942
Name: ER00610_3B_prokka|PROKKA_01942
Description: ER00610_3B_prokka|PROKKA_01942
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01944
Name: ER00610_3B_prokka|PROKKA_01944
Description: ER00610_3B_prokka|PROKKA_01944
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01945
Name: ER00610_3B_prokka|PROKKA_01945
Description: ER00610_3B_prokka|PROKKA_01945
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01975
Name: ER00610_3B_prokka|PROKKA_01975
Description: ER00610_3B_prokka|PROKKA_01975
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_01997
Name: ER00610_3B_prokka|PROKKA_01997
Description: ER00610_3B_prokka|PROKKA_01997
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02002
Name: ER00610_3B_prokka|PROKKA_02002
Description: ER00610_3B_prokka|PROKKA_02002
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02078
Name: ER00610_3B_prokka|PROKKA_02078
Description: ER00610_3B_prokka|PROKKA_02078
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02082
Name: ER00610_3B_prokka|PROKKA_02082
Description: ER00610_3B_prokka|PROKKA_02082
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02098
Name: ER00610_3B_prokka|PROKKA_02098
Description: ER00610_3B_prokka|PROKKA_02098
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02116
Name: ER00610_3B_prokka|PROKKA_02116
Description: ER00610_3B_prokka|PROKKA_02116
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02142
Name: ER00610_3B_prokka|PROKKA_02142
Description: ER00610_3B_prokka|PROKKA_02142
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02144
Name: ER00610_3B_prokka|PROKKA_02144
Description: ER00610_3B_prokka|PROKKA_02144
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02196
Name: ER00610_3B_prokka|PROKKA_02196
Description: ER00610_3B_prokka|PROKKA_02196
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02304
Name: ER00610_3B_prokka|PROKKA_02304
Description: ER00610_3B_prokka|PROKKA_02304
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02323
Name: ER00610_3B_prokka|PROKKA_02323
Description: ER00610_3B_prokka|PROKKA_02323
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02336
Name: ER00610_3B_prokka|PROKKA_02336
Description: ER00610_3B_prokka|PROKKA_02336
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02368
Name: ER00610_3B_prokka|PROKKA_02368
Description: ER00610_3B_prokka|PROKKA_02368
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02513
Name: ER00610_3B_prokka|PROKKA_02513
Description: ER00610_3B_prokka|PROKKA_02513
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02522
Name: ER00610_3B_prokka|PROKKA_02522
Description: ER00610_3B_prokka|PROKKA_02522
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02586
Name: ER00610_3B_prokka|PROKKA_02586
Description: ER00610_3B_prokka|PROKKA_02586
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02694
Name: ER00610_3B_prokka|PROKKA_02694
Description: ER00610_3B_prokka|PROKKA_02694
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02732
Name: ER00610_3B_prokka|PROKKA_02732
Description: ER00610_3B_prokka|PROKKA_02732
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00610_3B_prokka|PROKKA_02816
Name: ER00610_3B_prokka|PROKKA_02816
Description: ER00610_3B_prokka|PROKKA_02816
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00083
Name: ER00658_3B_prokka|PROKKA_00083
Description: ER00658_3B_prokka|PROKKA_00083
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00086
Name: ER00658_3B_prokka|PROKKA_00086
Description: ER00658_3B_prokka|PROKKA_00086
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00090
Name: ER00658_3B_prokka|PROKKA_00090
Description: ER00658_3B_prokka|PROKKA_00090
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00111
Name: ER00658_3B_prokka|PROKKA_00111
Description: ER00658_3B_prokka|PROKKA_00111
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00129
Name: ER00658_3B_prokka|PROKKA_00129
Description: ER00658_3B_prokka|PROKKA_00129
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00296
Name: ER00658_3B_prokka|PROKKA_00296
Description: ER00658_3B_prokka|PROKKA_00296
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00420
Name: ER00658_3B_prokka|PROKKA_00420
Description: ER00658_3B_prokka|PROKKA_00420
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00437
Name: ER00658_3B_prokka|PROKKA_00437
Description: ER00658_3B_prokka|PROKKA_00437
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00603
Name: ER00658_3B_prokka|PROKKA_00603
Description: ER00658_3B_prokka|PROKKA_00603
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00833
Name: ER00658_3B_prokka|PROKKA_00833
Description: ER00658_3B_prokka|PROKKA_00833
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00864
Name: ER00658_3B_prokka|PROKKA_00864
Description: ER00658_3B_prokka|PROKKA_00864
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00868
Name: ER00658_3B_prokka|PROKKA_00868
Description: ER00658_3B_prokka|PROKKA_00868
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00884
Name: ER00658_3B_prokka|PROKKA_00884
Description: ER00658_3B_prokka|PROKKA_00884
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00915
Name: ER00658_3B_prokka|PROKKA_00915
Description: ER00658_3B_prokka|PROKKA_00915
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00916
Name: ER00658_3B_prokka|PROKKA_00916
Description: ER00658_3B_prokka|PROKKA_00916
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_00931
Name: ER00658_3B_prokka|PROKKA_00931
Description: ER00658_3B_prokka|PROKKA_00931
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01036
Name: ER00658_3B_prokka|PROKKA_01036
Description: ER00658_3B_prokka|PROKKA_01036
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01075
Name: ER00658_3B_prokka|PROKKA_01075
Description: ER00658_3B_prokka|PROKKA_01075
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01076
Name: ER00658_3B_prokka|PROKKA_01076
Description: ER00658_3B_prokka|PROKKA_01076
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01158
Name: ER00658_3B_prokka|PROKKA_01158
Description: ER00658_3B_prokka|PROKKA_01158
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01171
Name: ER00658_3B_prokka|PROKKA_01171
Description: ER00658_3B_prokka|PROKKA_01171
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01172
Name: ER00658_3B_prokka|PROKKA_01172
Description: ER00658_3B_prokka|PROKKA_01172
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01308
Name: ER00658_3B_prokka|PROKKA_01308
Description: ER00658_3B_prokka|PROKKA_01308
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01312
Name: ER00658_3B_prokka|PROKKA_01312
Description: ER00658_3B_prokka|PROKKA_01312
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01336
Name: ER00658_3B_prokka|PROKKA_01336
Description: ER00658_3B_prokka|PROKKA_01336
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01429
Name: ER00658_3B_prokka|PROKKA_01429
Description: ER00658_3B_prokka|PROKKA_01429
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01441
Name: ER00658_3B_prokka|PROKKA_01441
Description: ER00658_3B_prokka|PROKKA_01441
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01488
Name: ER00658_3B_prokka|PROKKA_01488
Description: ER00658_3B_prokka|PROKKA_01488
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01496
Name: ER00658_3B_prokka|PROKKA_01496
Description: ER00658_3B_prokka|PROKKA_01496
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01515
Name: ER00658_3B_prokka|PROKKA_01515
Description: ER00658_3B_prokka|PROKKA_01515
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01530
Name: ER00658_3B_prokka|PROKKA_01530
Description: ER00658_3B_prokka|PROKKA_01530
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01538
Name: ER00658_3B_prokka|PROKKA_01538
Description: ER00658_3B_prokka|PROKKA_01538
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01543
Name: ER00658_3B_prokka|PROKKA_01543
Description: ER00658_3B_prokka|PROKKA_01543
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01570
Name: ER00658_3B_prokka|PROKKA_01570
Description: ER00658_3B_prokka|PROKKA_01570
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01573
Name: ER00658_3B_prokka|PROKKA_01573
Description: ER00658_3B_prokka|PROKKA_01573
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01608
Name: ER00658_3B_prokka|PROKKA_01608
Description: ER00658_3B_prokka|PROKKA_01608
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01682
Name: ER00658_3B_prokka|PROKKA_01682
Description: ER00658_3B_prokka|PROKKA_01682
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01851
Name: ER00658_3B_prokka|PROKKA_01851
Description: ER00658_3B_prokka|PROKKA_01851
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01865
Name: ER00658_3B_prokka|PROKKA_01865
Description: ER00658_3B_prokka|PROKKA_01865
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01907
Name: ER00658_3B_prokka|PROKKA_01907
Description: ER00658_3B_prokka|PROKKA_01907
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01959
Name: ER00658_3B_prokka|PROKKA_01959
Description: ER00658_3B_prokka|PROKKA_01959
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01961
Name: ER00658_3B_prokka|PROKKA_01961
Description: ER00658_3B_prokka|PROKKA_01961
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01962
Name: ER00658_3B_prokka|PROKKA_01962
Description: ER00658_3B_prokka|PROKKA_01962
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_01992
Name: ER00658_3B_prokka|PROKKA_01992
Description: ER00658_3B_prokka|PROKKA_01992
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02014
Name: ER00658_3B_prokka|PROKKA_02014
Description: ER00658_3B_prokka|PROKKA_02014
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02019
Name: ER00658_3B_prokka|PROKKA_02019
Description: ER00658_3B_prokka|PROKKA_02019
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02095
Name: ER00658_3B_prokka|PROKKA_02095
Description: ER00658_3B_prokka|PROKKA_02095
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02099
Name: ER00658_3B_prokka|PROKKA_02099
Description: ER00658_3B_prokka|PROKKA_02099
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02115
Name: ER00658_3B_prokka|PROKKA_02115
Description: ER00658_3B_prokka|PROKKA_02115
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02133
Name: ER00658_3B_prokka|PROKKA_02133
Description: ER00658_3B_prokka|PROKKA_02133
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02159
Name: ER00658_3B_prokka|PROKKA_02159
Description: ER00658_3B_prokka|PROKKA_02159
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02161
Name: ER00658_3B_prokka|PROKKA_02161
Description: ER00658_3B_prokka|PROKKA_02161
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02213
Name: ER00658_3B_prokka|PROKKA_02213
Description: ER00658_3B_prokka|PROKKA_02213
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02321
Name: ER00658_3B_prokka|PROKKA_02321
Description: ER00658_3B_prokka|PROKKA_02321
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02340
Name: ER00658_3B_prokka|PROKKA_02340
Description: ER00658_3B_prokka|PROKKA_02340
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02353
Name: ER00658_3B_prokka|PROKKA_02353
Description: ER00658_3B_prokka|PROKKA_02353
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02385
Name: ER00658_3B_prokka|PROKKA_02385
Description: ER00658_3B_prokka|PROKKA_02385
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02530
Name: ER00658_3B_prokka|PROKKA_02530
Description: ER00658_3B_prokka|PROKKA_02530
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02539
Name: ER00658_3B_prokka|PROKKA_02539
Description: ER00658_3B_prokka|PROKKA_02539
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02603
Name: ER00658_3B_prokka|PROKKA_02603
Description: ER00658_3B_prokka|PROKKA_02603
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02711
Name: ER00658_3B_prokka|PROKKA_02711
Description: ER00658_3B_prokka|PROKKA_02711
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02749
Name: ER00658_3B_prokka|PROKKA_02749
Description: ER00658_3B_prokka|PROKKA_02749
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02833
Name: ER00658_3B_prokka|PROKKA_02833
Description: ER00658_3B_prokka|PROKKA_02833
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00658_3B_prokka|PROKKA_02860
Name: ER00658_3B_prokka|PROKKA_02860
Description: ER00658_3B_prokka|PROKKA_02860
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_00056
Name: ER00695_3B_prokka|PROKKA_00056
Description: ER00695_3B_prokka|PROKKA_00056
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_00074
Name: ER00695_3B_prokka|PROKKA_00074
Description: ER00695_3B_prokka|PROKKA_00074
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_00239
Name: ER00695_3B_prokka|PROKKA_00239
Description: ER00695_3B_prokka|PROKKA_00239
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_00364
Name: ER00695_3B_prokka|PROKKA_00364
Description: ER00695_3B_prokka|PROKKA_00364
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_00381
Name: ER00695_3B_prokka|PROKKA_00381
Description: ER00695_3B_prokka|PROKKA_00381
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_00548
Name: ER00695_3B_prokka|PROKKA_00548
Description: ER00695_3B_prokka|PROKKA_00548
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_00777
Name: ER00695_3B_prokka|PROKKA_00777
Description: ER00695_3B_prokka|PROKKA_00777
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_00804
Name: ER00695_3B_prokka|PROKKA_00804
Description: ER00695_3B_prokka|PROKKA_00804
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_00909
Name: ER00695_3B_prokka|PROKKA_00909
Description: ER00695_3B_prokka|PROKKA_00909
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_00948
Name: ER00695_3B_prokka|PROKKA_00948
Description: ER00695_3B_prokka|PROKKA_00948
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_00949
Name: ER00695_3B_prokka|PROKKA_00949
Description: ER00695_3B_prokka|PROKKA_00949
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01003
Name: ER00695_3B_prokka|PROKKA_01003
Description: ER00695_3B_prokka|PROKKA_01003
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01006
Name: ER00695_3B_prokka|PROKKA_01006
Description: ER00695_3B_prokka|PROKKA_01006
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01007
Name: ER00695_3B_prokka|PROKKA_01007
Description: ER00695_3B_prokka|PROKKA_01007
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01027
Name: ER00695_3B_prokka|PROKKA_01027
Description: ER00695_3B_prokka|PROKKA_01027
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01057
Name: ER00695_3B_prokka|PROKKA_01057
Description: ER00695_3B_prokka|PROKKA_01057
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01058
Name: ER00695_3B_prokka|PROKKA_01058
Description: ER00695_3B_prokka|PROKKA_01058
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01093
Name: ER00695_3B_prokka|PROKKA_01093
Description: ER00695_3B_prokka|PROKKA_01093
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01105
Name: ER00695_3B_prokka|PROKKA_01105
Description: ER00695_3B_prokka|PROKKA_01105
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01106
Name: ER00695_3B_prokka|PROKKA_01106
Description: ER00695_3B_prokka|PROKKA_01106
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01242
Name: ER00695_3B_prokka|PROKKA_01242
Description: ER00695_3B_prokka|PROKKA_01242
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01246
Name: ER00695_3B_prokka|PROKKA_01246
Description: ER00695_3B_prokka|PROKKA_01246
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01270
Name: ER00695_3B_prokka|PROKKA_01270
Description: ER00695_3B_prokka|PROKKA_01270
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01363
Name: ER00695_3B_prokka|PROKKA_01363
Description: ER00695_3B_prokka|PROKKA_01363
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01375
Name: ER00695_3B_prokka|PROKKA_01375
Description: ER00695_3B_prokka|PROKKA_01375
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01422
Name: ER00695_3B_prokka|PROKKA_01422
Description: ER00695_3B_prokka|PROKKA_01422
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01430
Name: ER00695_3B_prokka|PROKKA_01430
Description: ER00695_3B_prokka|PROKKA_01430
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01449
Name: ER00695_3B_prokka|PROKKA_01449
Description: ER00695_3B_prokka|PROKKA_01449
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01463
Name: ER00695_3B_prokka|PROKKA_01463
Description: ER00695_3B_prokka|PROKKA_01463
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01471
Name: ER00695_3B_prokka|PROKKA_01471
Description: ER00695_3B_prokka|PROKKA_01471
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01476
Name: ER00695_3B_prokka|PROKKA_01476
Description: ER00695_3B_prokka|PROKKA_01476
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01478
Name: ER00695_3B_prokka|PROKKA_01478
Description: ER00695_3B_prokka|PROKKA_01478
Number of features: 0
Seq('MTQFLGALLLTGVLGYIPYKYLTMIGLVSEKTRLSILLYY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01504
Name: ER00695_3B_prokka|PROKKA_01504
Description: ER00695_3B_prokka|PROKKA_01504
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01507
Name: ER00695_3B_prokka|PROKKA_01507
Description: ER00695_3B_prokka|PROKKA_01507
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01542
Name: ER00695_3B_prokka|PROKKA_01542
Description: ER00695_3B_prokka|PROKKA_01542
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01616
Name: ER00695_3B_prokka|PROKKA_01616
Description: ER00695_3B_prokka|PROKKA_01616
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01785
Name: ER00695_3B_prokka|PROKKA_01785
Description: ER00695_3B_prokka|PROKKA_01785
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01800
Name: ER00695_3B_prokka|PROKKA_01800
Description: ER00695_3B_prokka|PROKKA_01800
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01842
Name: ER00695_3B_prokka|PROKKA_01842
Description: ER00695_3B_prokka|PROKKA_01842
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01894
Name: ER00695_3B_prokka|PROKKA_01894
Description: ER00695_3B_prokka|PROKKA_01894
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01966
Name: ER00695_3B_prokka|PROKKA_01966
Description: ER00695_3B_prokka|PROKKA_01966
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01970
Name: ER00695_3B_prokka|PROKKA_01970
Description: ER00695_3B_prokka|PROKKA_01970
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_01986
Name: ER00695_3B_prokka|PROKKA_01986
Description: ER00695_3B_prokka|PROKKA_01986
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02004
Name: ER00695_3B_prokka|PROKKA_02004
Description: ER00695_3B_prokka|PROKKA_02004
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02010
Name: ER00695_3B_prokka|PROKKA_02010
Description: ER00695_3B_prokka|PROKKA_02010
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02015
Name: ER00695_3B_prokka|PROKKA_02015
Description: ER00695_3B_prokka|PROKKA_02015
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02031
Name: ER00695_3B_prokka|PROKKA_02031
Description: ER00695_3B_prokka|PROKKA_02031
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02033
Name: ER00695_3B_prokka|PROKKA_02033
Description: ER00695_3B_prokka|PROKKA_02033
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02085
Name: ER00695_3B_prokka|PROKKA_02085
Description: ER00695_3B_prokka|PROKKA_02085
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02210
Name: ER00695_3B_prokka|PROKKA_02210
Description: ER00695_3B_prokka|PROKKA_02210
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02223
Name: ER00695_3B_prokka|PROKKA_02223
Description: ER00695_3B_prokka|PROKKA_02223
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02254
Name: ER00695_3B_prokka|PROKKA_02254
Description: ER00695_3B_prokka|PROKKA_02254
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02407
Name: ER00695_3B_prokka|PROKKA_02407
Description: ER00695_3B_prokka|PROKKA_02407
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02471
Name: ER00695_3B_prokka|PROKKA_02471
Description: ER00695_3B_prokka|PROKKA_02471
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02581
Name: ER00695_3B_prokka|PROKKA_02581
Description: ER00695_3B_prokka|PROKKA_02581
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02619
Name: ER00695_3B_prokka|PROKKA_02619
Description: ER00695_3B_prokka|PROKKA_02619
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02703
Name: ER00695_3B_prokka|PROKKA_02703
Description: ER00695_3B_prokka|PROKKA_02703
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00695_3B_prokka|PROKKA_02719
Name: ER00695_3B_prokka|PROKKA_02719
Description: ER00695_3B_prokka|PROKKA_02719
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00016
Name: ER00707_3B_prokka|PROKKA_00016
Description: ER00707_3B_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00061
Name: ER00707_3B_prokka|PROKKA_00061
Description: ER00707_3B_prokka|PROKKA_00061
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00067
Name: ER00707_3B_prokka|PROKKA_00067
Description: ER00707_3B_prokka|PROKKA_00067
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00088
Name: ER00707_3B_prokka|PROKKA_00088
Description: ER00707_3B_prokka|PROKKA_00088
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00106
Name: ER00707_3B_prokka|PROKKA_00106
Description: ER00707_3B_prokka|PROKKA_00106
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00274
Name: ER00707_3B_prokka|PROKKA_00274
Description: ER00707_3B_prokka|PROKKA_00274
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00398
Name: ER00707_3B_prokka|PROKKA_00398
Description: ER00707_3B_prokka|PROKKA_00398
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00415
Name: ER00707_3B_prokka|PROKKA_00415
Description: ER00707_3B_prokka|PROKKA_00415
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00581
Name: ER00707_3B_prokka|PROKKA_00581
Description: ER00707_3B_prokka|PROKKA_00581
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00810
Name: ER00707_3B_prokka|PROKKA_00810
Description: ER00707_3B_prokka|PROKKA_00810
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00837
Name: ER00707_3B_prokka|PROKKA_00837
Description: ER00707_3B_prokka|PROKKA_00837
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00914
Name: ER00707_3B_prokka|PROKKA_00914
Description: ER00707_3B_prokka|PROKKA_00914
Number of features: 0
Seq('MTVGTFVGSMIPLLMNKLNIDPAVASGPFITTINDIISMLIYFGLATSFMAYLI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00944
Name: ER00707_3B_prokka|PROKKA_00944
Description: ER00707_3B_prokka|PROKKA_00944
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00983
Name: ER00707_3B_prokka|PROKKA_00983
Description: ER00707_3B_prokka|PROKKA_00983
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_00984
Name: ER00707_3B_prokka|PROKKA_00984
Description: ER00707_3B_prokka|PROKKA_00984
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01066
Name: ER00707_3B_prokka|PROKKA_01066
Description: ER00707_3B_prokka|PROKKA_01066
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01078
Name: ER00707_3B_prokka|PROKKA_01078
Description: ER00707_3B_prokka|PROKKA_01078
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01079
Name: ER00707_3B_prokka|PROKKA_01079
Description: ER00707_3B_prokka|PROKKA_01079
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01215
Name: ER00707_3B_prokka|PROKKA_01215
Description: ER00707_3B_prokka|PROKKA_01215
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01219
Name: ER00707_3B_prokka|PROKKA_01219
Description: ER00707_3B_prokka|PROKKA_01219
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01243
Name: ER00707_3B_prokka|PROKKA_01243
Description: ER00707_3B_prokka|PROKKA_01243
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01336
Name: ER00707_3B_prokka|PROKKA_01336
Description: ER00707_3B_prokka|PROKKA_01336
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01348
Name: ER00707_3B_prokka|PROKKA_01348
Description: ER00707_3B_prokka|PROKKA_01348
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01395
Name: ER00707_3B_prokka|PROKKA_01395
Description: ER00707_3B_prokka|PROKKA_01395
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01403
Name: ER00707_3B_prokka|PROKKA_01403
Description: ER00707_3B_prokka|PROKKA_01403
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01422
Name: ER00707_3B_prokka|PROKKA_01422
Description: ER00707_3B_prokka|PROKKA_01422
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01437
Name: ER00707_3B_prokka|PROKKA_01437
Description: ER00707_3B_prokka|PROKKA_01437
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01445
Name: ER00707_3B_prokka|PROKKA_01445
Description: ER00707_3B_prokka|PROKKA_01445
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01450
Name: ER00707_3B_prokka|PROKKA_01450
Description: ER00707_3B_prokka|PROKKA_01450
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01477
Name: ER00707_3B_prokka|PROKKA_01477
Description: ER00707_3B_prokka|PROKKA_01477
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01480
Name: ER00707_3B_prokka|PROKKA_01480
Description: ER00707_3B_prokka|PROKKA_01480
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01515
Name: ER00707_3B_prokka|PROKKA_01515
Description: ER00707_3B_prokka|PROKKA_01515
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01589
Name: ER00707_3B_prokka|PROKKA_01589
Description: ER00707_3B_prokka|PROKKA_01589
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01758
Name: ER00707_3B_prokka|PROKKA_01758
Description: ER00707_3B_prokka|PROKKA_01758
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01772
Name: ER00707_3B_prokka|PROKKA_01772
Description: ER00707_3B_prokka|PROKKA_01772
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01814
Name: ER00707_3B_prokka|PROKKA_01814
Description: ER00707_3B_prokka|PROKKA_01814
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01866
Name: ER00707_3B_prokka|PROKKA_01866
Description: ER00707_3B_prokka|PROKKA_01866
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01868
Name: ER00707_3B_prokka|PROKKA_01868
Description: ER00707_3B_prokka|PROKKA_01868
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01869
Name: ER00707_3B_prokka|PROKKA_01869
Description: ER00707_3B_prokka|PROKKA_01869
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01899
Name: ER00707_3B_prokka|PROKKA_01899
Description: ER00707_3B_prokka|PROKKA_01899
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01921
Name: ER00707_3B_prokka|PROKKA_01921
Description: ER00707_3B_prokka|PROKKA_01921
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_01926
Name: ER00707_3B_prokka|PROKKA_01926
Description: ER00707_3B_prokka|PROKKA_01926
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02002
Name: ER00707_3B_prokka|PROKKA_02002
Description: ER00707_3B_prokka|PROKKA_02002
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02004
Name: ER00707_3B_prokka|PROKKA_02004
Description: ER00707_3B_prokka|PROKKA_02004
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02056
Name: ER00707_3B_prokka|PROKKA_02056
Description: ER00707_3B_prokka|PROKKA_02056
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02165
Name: ER00707_3B_prokka|PROKKA_02165
Description: ER00707_3B_prokka|PROKKA_02165
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02184
Name: ER00707_3B_prokka|PROKKA_02184
Description: ER00707_3B_prokka|PROKKA_02184
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02197
Name: ER00707_3B_prokka|PROKKA_02197
Description: ER00707_3B_prokka|PROKKA_02197
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02229
Name: ER00707_3B_prokka|PROKKA_02229
Description: ER00707_3B_prokka|PROKKA_02229
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02374
Name: ER00707_3B_prokka|PROKKA_02374
Description: ER00707_3B_prokka|PROKKA_02374
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02383
Name: ER00707_3B_prokka|PROKKA_02383
Description: ER00707_3B_prokka|PROKKA_02383
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02447
Name: ER00707_3B_prokka|PROKKA_02447
Description: ER00707_3B_prokka|PROKKA_02447
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02555
Name: ER00707_3B_prokka|PROKKA_02555
Description: ER00707_3B_prokka|PROKKA_02555
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02593
Name: ER00707_3B_prokka|PROKKA_02593
Description: ER00707_3B_prokka|PROKKA_02593
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00707_3B_prokka|PROKKA_02677
Name: ER00707_3B_prokka|PROKKA_02677
Description: ER00707_3B_prokka|PROKKA_02677
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00030
Name: ER00749_3B_prokka|PROKKA_00030
Description: ER00749_3B_prokka|PROKKA_00030
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00034
Name: ER00749_3B_prokka|PROKKA_00034
Description: ER00749_3B_prokka|PROKKA_00034
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00043
Name: ER00749_3B_prokka|PROKKA_00043
Description: ER00749_3B_prokka|PROKKA_00043
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00056
Name: ER00749_3B_prokka|PROKKA_00056
Description: ER00749_3B_prokka|PROKKA_00056
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00059
Name: ER00749_3B_prokka|PROKKA_00059
Description: ER00749_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00224
Name: ER00749_3B_prokka|PROKKA_00224
Description: ER00749_3B_prokka|PROKKA_00224
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00320
Name: ER00749_3B_prokka|PROKKA_00320
Description: ER00749_3B_prokka|PROKKA_00320
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00326
Name: ER00749_3B_prokka|PROKKA_00326
Description: ER00749_3B_prokka|PROKKA_00326
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00370
Name: ER00749_3B_prokka|PROKKA_00370
Description: ER00749_3B_prokka|PROKKA_00370
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00388
Name: ER00749_3B_prokka|PROKKA_00388
Description: ER00749_3B_prokka|PROKKA_00388
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00553
Name: ER00749_3B_prokka|PROKKA_00553
Description: ER00749_3B_prokka|PROKKA_00553
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00795
Name: ER00749_3B_prokka|PROKKA_00795
Description: ER00749_3B_prokka|PROKKA_00795
Number of features: 0
Seq('MTFYNFIMGFQNDNTPFGILAEHVSEDKAFPRL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00806
Name: ER00749_3B_prokka|PROKKA_00806
Description: ER00749_3B_prokka|PROKKA_00806
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00818
Name: ER00749_3B_prokka|PROKKA_00818
Description: ER00749_3B_prokka|PROKKA_00818
Number of features: 0
Seq('MKMYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00906
Name: ER00749_3B_prokka|PROKKA_00906
Description: ER00749_3B_prokka|PROKKA_00906
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_00958
Name: ER00749_3B_prokka|PROKKA_00958
Description: ER00749_3B_prokka|PROKKA_00958
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01000
Name: ER00749_3B_prokka|PROKKA_01000
Description: ER00749_3B_prokka|PROKKA_01000
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01015
Name: ER00749_3B_prokka|PROKKA_01015
Description: ER00749_3B_prokka|PROKKA_01015
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGTWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01178
Name: ER00749_3B_prokka|PROKKA_01178
Description: ER00749_3B_prokka|PROKKA_01178
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01251
Name: ER00749_3B_prokka|PROKKA_01251
Description: ER00749_3B_prokka|PROKKA_01251
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01286
Name: ER00749_3B_prokka|PROKKA_01286
Description: ER00749_3B_prokka|PROKKA_01286
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01289
Name: ER00749_3B_prokka|PROKKA_01289
Description: ER00749_3B_prokka|PROKKA_01289
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01356
Name: ER00749_3B_prokka|PROKKA_01356
Description: ER00749_3B_prokka|PROKKA_01356
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01368
Name: ER00749_3B_prokka|PROKKA_01368
Description: ER00749_3B_prokka|PROKKA_01368
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01462
Name: ER00749_3B_prokka|PROKKA_01462
Description: ER00749_3B_prokka|PROKKA_01462
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01486
Name: ER00749_3B_prokka|PROKKA_01486
Description: ER00749_3B_prokka|PROKKA_01486
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01490
Name: ER00749_3B_prokka|PROKKA_01490
Description: ER00749_3B_prokka|PROKKA_01490
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01625
Name: ER00749_3B_prokka|PROKKA_01625
Description: ER00749_3B_prokka|PROKKA_01625
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01626
Name: ER00749_3B_prokka|PROKKA_01626
Description: ER00749_3B_prokka|PROKKA_01626
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01638
Name: ER00749_3B_prokka|PROKKA_01638
Description: ER00749_3B_prokka|PROKKA_01638
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01719
Name: ER00749_3B_prokka|PROKKA_01719
Description: ER00749_3B_prokka|PROKKA_01719
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01737
Name: ER00749_3B_prokka|PROKKA_01737
Description: ER00749_3B_prokka|PROKKA_01737
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01760
Name: ER00749_3B_prokka|PROKKA_01760
Description: ER00749_3B_prokka|PROKKA_01760
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01869
Name: ER00749_3B_prokka|PROKKA_01869
Description: ER00749_3B_prokka|PROKKA_01869
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01891
Name: ER00749_3B_prokka|PROKKA_01891
Description: ER00749_3B_prokka|PROKKA_01891
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01892
Name: ER00749_3B_prokka|PROKKA_01892
Description: ER00749_3B_prokka|PROKKA_01892
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01909
Name: ER00749_3B_prokka|PROKKA_01909
Description: ER00749_3B_prokka|PROKKA_01909
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01920
Name: ER00749_3B_prokka|PROKKA_01920
Description: ER00749_3B_prokka|PROKKA_01920
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01922
Name: ER00749_3B_prokka|PROKKA_01922
Description: ER00749_3B_prokka|PROKKA_01922
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_01973
Name: ER00749_3B_prokka|PROKKA_01973
Description: ER00749_3B_prokka|PROKKA_01973
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02099
Name: ER00749_3B_prokka|PROKKA_02099
Description: ER00749_3B_prokka|PROKKA_02099
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02112
Name: ER00749_3B_prokka|PROKKA_02112
Description: ER00749_3B_prokka|PROKKA_02112
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02143
Name: ER00749_3B_prokka|PROKKA_02143
Description: ER00749_3B_prokka|PROKKA_02143
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02298
Name: ER00749_3B_prokka|PROKKA_02298
Description: ER00749_3B_prokka|PROKKA_02298
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02344
Name: ER00749_3B_prokka|PROKKA_02344
Description: ER00749_3B_prokka|PROKKA_02344
Number of features: 0
Seq('MAIHGSGTEMIFSKNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02364
Name: ER00749_3B_prokka|PROKKA_02364
Description: ER00749_3B_prokka|PROKKA_02364
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02482
Name: ER00749_3B_prokka|PROKKA_02482
Description: ER00749_3B_prokka|PROKKA_02482
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02495
Name: ER00749_3B_prokka|PROKKA_02495
Description: ER00749_3B_prokka|PROKKA_02495
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02497
Name: ER00749_3B_prokka|PROKKA_02497
Description: ER00749_3B_prokka|PROKKA_02497
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02500
Name: ER00749_3B_prokka|PROKKA_02500
Description: ER00749_3B_prokka|PROKKA_02500
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02507
Name: ER00749_3B_prokka|PROKKA_02507
Description: ER00749_3B_prokka|PROKKA_02507
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02545
Name: ER00749_3B_prokka|PROKKA_02545
Description: ER00749_3B_prokka|PROKKA_02545
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02629
Name: ER00749_3B_prokka|PROKKA_02629
Description: ER00749_3B_prokka|PROKKA_02629
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00749_3B_prokka|PROKKA_02634
Name: ER00749_3B_prokka|PROKKA_02634
Description: ER00749_3B_prokka|PROKKA_02634
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_00006
Name: ER00767_3B_prokka|PROKKA_00006
Description: ER00767_3B_prokka|PROKKA_00006
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_00084
Name: ER00767_3B_prokka|PROKKA_00084
Description: ER00767_3B_prokka|PROKKA_00084
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_00102
Name: ER00767_3B_prokka|PROKKA_00102
Description: ER00767_3B_prokka|PROKKA_00102
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_00269
Name: ER00767_3B_prokka|PROKKA_00269
Description: ER00767_3B_prokka|PROKKA_00269
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_00393
Name: ER00767_3B_prokka|PROKKA_00393
Description: ER00767_3B_prokka|PROKKA_00393
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_00410
Name: ER00767_3B_prokka|PROKKA_00410
Description: ER00767_3B_prokka|PROKKA_00410
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_00574
Name: ER00767_3B_prokka|PROKKA_00574
Description: ER00767_3B_prokka|PROKKA_00574
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_00805
Name: ER00767_3B_prokka|PROKKA_00805
Description: ER00767_3B_prokka|PROKKA_00805
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_00832
Name: ER00767_3B_prokka|PROKKA_00832
Description: ER00767_3B_prokka|PROKKA_00832
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_00937
Name: ER00767_3B_prokka|PROKKA_00937
Description: ER00767_3B_prokka|PROKKA_00937
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_00977
Name: ER00767_3B_prokka|PROKKA_00977
Description: ER00767_3B_prokka|PROKKA_00977
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01059
Name: ER00767_3B_prokka|PROKKA_01059
Description: ER00767_3B_prokka|PROKKA_01059
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01071
Name: ER00767_3B_prokka|PROKKA_01071
Description: ER00767_3B_prokka|PROKKA_01071
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01072
Name: ER00767_3B_prokka|PROKKA_01072
Description: ER00767_3B_prokka|PROKKA_01072
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01208
Name: ER00767_3B_prokka|PROKKA_01208
Description: ER00767_3B_prokka|PROKKA_01208
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01212
Name: ER00767_3B_prokka|PROKKA_01212
Description: ER00767_3B_prokka|PROKKA_01212
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01236
Name: ER00767_3B_prokka|PROKKA_01236
Description: ER00767_3B_prokka|PROKKA_01236
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01329
Name: ER00767_3B_prokka|PROKKA_01329
Description: ER00767_3B_prokka|PROKKA_01329
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01348
Name: ER00767_3B_prokka|PROKKA_01348
Description: ER00767_3B_prokka|PROKKA_01348
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01416
Name: ER00767_3B_prokka|PROKKA_01416
Description: ER00767_3B_prokka|PROKKA_01416
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01419
Name: ER00767_3B_prokka|PROKKA_01419
Description: ER00767_3B_prokka|PROKKA_01419
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01454
Name: ER00767_3B_prokka|PROKKA_01454
Description: ER00767_3B_prokka|PROKKA_01454
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01527
Name: ER00767_3B_prokka|PROKKA_01527
Description: ER00767_3B_prokka|PROKKA_01527
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01696
Name: ER00767_3B_prokka|PROKKA_01696
Description: ER00767_3B_prokka|PROKKA_01696
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01710
Name: ER00767_3B_prokka|PROKKA_01710
Description: ER00767_3B_prokka|PROKKA_01710
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01752
Name: ER00767_3B_prokka|PROKKA_01752
Description: ER00767_3B_prokka|PROKKA_01752
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01803
Name: ER00767_3B_prokka|PROKKA_01803
Description: ER00767_3B_prokka|PROKKA_01803
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01875
Name: ER00767_3B_prokka|PROKKA_01875
Description: ER00767_3B_prokka|PROKKA_01875
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01879
Name: ER00767_3B_prokka|PROKKA_01879
Description: ER00767_3B_prokka|PROKKA_01879
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01895
Name: ER00767_3B_prokka|PROKKA_01895
Description: ER00767_3B_prokka|PROKKA_01895
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01913
Name: ER00767_3B_prokka|PROKKA_01913
Description: ER00767_3B_prokka|PROKKA_01913
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01919
Name: ER00767_3B_prokka|PROKKA_01919
Description: ER00767_3B_prokka|PROKKA_01919
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01924
Name: ER00767_3B_prokka|PROKKA_01924
Description: ER00767_3B_prokka|PROKKA_01924
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01940
Name: ER00767_3B_prokka|PROKKA_01940
Description: ER00767_3B_prokka|PROKKA_01940
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01942
Name: ER00767_3B_prokka|PROKKA_01942
Description: ER00767_3B_prokka|PROKKA_01942
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_01994
Name: ER00767_3B_prokka|PROKKA_01994
Description: ER00767_3B_prokka|PROKKA_01994
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_02119
Name: ER00767_3B_prokka|PROKKA_02119
Description: ER00767_3B_prokka|PROKKA_02119
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_02132
Name: ER00767_3B_prokka|PROKKA_02132
Description: ER00767_3B_prokka|PROKKA_02132
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_02163
Name: ER00767_3B_prokka|PROKKA_02163
Description: ER00767_3B_prokka|PROKKA_02163
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_02308
Name: ER00767_3B_prokka|PROKKA_02308
Description: ER00767_3B_prokka|PROKKA_02308
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_02317
Name: ER00767_3B_prokka|PROKKA_02317
Description: ER00767_3B_prokka|PROKKA_02317
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_02381
Name: ER00767_3B_prokka|PROKKA_02381
Description: ER00767_3B_prokka|PROKKA_02381
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_02491
Name: ER00767_3B_prokka|PROKKA_02491
Description: ER00767_3B_prokka|PROKKA_02491
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_02529
Name: ER00767_3B_prokka|PROKKA_02529
Description: ER00767_3B_prokka|PROKKA_02529
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00767_3B_prokka|PROKKA_02613
Name: ER00767_3B_prokka|PROKKA_02613
Description: ER00767_3B_prokka|PROKKA_02613
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00014
Name: ER00887_3B_prokka|PROKKA_00014
Description: ER00887_3B_prokka|PROKKA_00014
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00032
Name: ER00887_3B_prokka|PROKKA_00032
Description: ER00887_3B_prokka|PROKKA_00032
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00040
Name: ER00887_3B_prokka|PROKKA_00040
Description: ER00887_3B_prokka|PROKKA_00040
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00046
Name: ER00887_3B_prokka|PROKKA_00046
Description: ER00887_3B_prokka|PROKKA_00046
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00073
Name: ER00887_3B_prokka|PROKKA_00073
Description: ER00887_3B_prokka|PROKKA_00073
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00076
Name: ER00887_3B_prokka|PROKKA_00076
Description: ER00887_3B_prokka|PROKKA_00076
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00111
Name: ER00887_3B_prokka|PROKKA_00111
Description: ER00887_3B_prokka|PROKKA_00111
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00184
Name: ER00887_3B_prokka|PROKKA_00184
Description: ER00887_3B_prokka|PROKKA_00184
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00354
Name: ER00887_3B_prokka|PROKKA_00354
Description: ER00887_3B_prokka|PROKKA_00354
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00368
Name: ER00887_3B_prokka|PROKKA_00368
Description: ER00887_3B_prokka|PROKKA_00368
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00410
Name: ER00887_3B_prokka|PROKKA_00410
Description: ER00887_3B_prokka|PROKKA_00410
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00462
Name: ER00887_3B_prokka|PROKKA_00462
Description: ER00887_3B_prokka|PROKKA_00462
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00534
Name: ER00887_3B_prokka|PROKKA_00534
Description: ER00887_3B_prokka|PROKKA_00534
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00538
Name: ER00887_3B_prokka|PROKKA_00538
Description: ER00887_3B_prokka|PROKKA_00538
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHHVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00554
Name: ER00887_3B_prokka|PROKKA_00554
Description: ER00887_3B_prokka|PROKKA_00554
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00572
Name: ER00887_3B_prokka|PROKKA_00572
Description: ER00887_3B_prokka|PROKKA_00572
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00578
Name: ER00887_3B_prokka|PROKKA_00578
Description: ER00887_3B_prokka|PROKKA_00578
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00583
Name: ER00887_3B_prokka|PROKKA_00583
Description: ER00887_3B_prokka|PROKKA_00583
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00599
Name: ER00887_3B_prokka|PROKKA_00599
Description: ER00887_3B_prokka|PROKKA_00599
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00601
Name: ER00887_3B_prokka|PROKKA_00601
Description: ER00887_3B_prokka|PROKKA_00601
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00651
Name: ER00887_3B_prokka|PROKKA_00651
Description: ER00887_3B_prokka|PROKKA_00651
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00759
Name: ER00887_3B_prokka|PROKKA_00759
Description: ER00887_3B_prokka|PROKKA_00759
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00767
Name: ER00887_3B_prokka|PROKKA_00767
Description: ER00887_3B_prokka|PROKKA_00767
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00786
Name: ER00887_3B_prokka|PROKKA_00786
Description: ER00887_3B_prokka|PROKKA_00786
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00801
Name: ER00887_3B_prokka|PROKKA_00801
Description: ER00887_3B_prokka|PROKKA_00801
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00809
Name: ER00887_3B_prokka|PROKKA_00809
Description: ER00887_3B_prokka|PROKKA_00809
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00814
Name: ER00887_3B_prokka|PROKKA_00814
Description: ER00887_3B_prokka|PROKKA_00814
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00839
Name: ER00887_3B_prokka|PROKKA_00839
Description: ER00887_3B_prokka|PROKKA_00839
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00852
Name: ER00887_3B_prokka|PROKKA_00852
Description: ER00887_3B_prokka|PROKKA_00852
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_00884
Name: ER00887_3B_prokka|PROKKA_00884
Description: ER00887_3B_prokka|PROKKA_00884
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_01029
Name: ER00887_3B_prokka|PROKKA_01029
Description: ER00887_3B_prokka|PROKKA_01029
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_01038
Name: ER00887_3B_prokka|PROKKA_01038
Description: ER00887_3B_prokka|PROKKA_01038
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_01102
Name: ER00887_3B_prokka|PROKKA_01102
Description: ER00887_3B_prokka|PROKKA_01102
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_01210
Name: ER00887_3B_prokka|PROKKA_01210
Description: ER00887_3B_prokka|PROKKA_01210
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_01248
Name: ER00887_3B_prokka|PROKKA_01248
Description: ER00887_3B_prokka|PROKKA_01248
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_01332
Name: ER00887_3B_prokka|PROKKA_01332
Description: ER00887_3B_prokka|PROKKA_01332
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_01388
Name: ER00887_3B_prokka|PROKKA_01388
Description: ER00887_3B_prokka|PROKKA_01388
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_01406
Name: ER00887_3B_prokka|PROKKA_01406
Description: ER00887_3B_prokka|PROKKA_01406
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_01572
Name: ER00887_3B_prokka|PROKKA_01572
Description: ER00887_3B_prokka|PROKKA_01572
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_01696
Name: ER00887_3B_prokka|PROKKA_01696
Description: ER00887_3B_prokka|PROKKA_01696
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_01713
Name: ER00887_3B_prokka|PROKKA_01713
Description: ER00887_3B_prokka|PROKKA_01713
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_01880
Name: ER00887_3B_prokka|PROKKA_01880
Description: ER00887_3B_prokka|PROKKA_01880
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02110
Name: ER00887_3B_prokka|PROKKA_02110
Description: ER00887_3B_prokka|PROKKA_02110
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02141
Name: ER00887_3B_prokka|PROKKA_02141
Description: ER00887_3B_prokka|PROKKA_02141
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02145
Name: ER00887_3B_prokka|PROKKA_02145
Description: ER00887_3B_prokka|PROKKA_02145
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02161
Name: ER00887_3B_prokka|PROKKA_02161
Description: ER00887_3B_prokka|PROKKA_02161
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02192
Name: ER00887_3B_prokka|PROKKA_02192
Description: ER00887_3B_prokka|PROKKA_02192
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02193
Name: ER00887_3B_prokka|PROKKA_02193
Description: ER00887_3B_prokka|PROKKA_02193
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02208
Name: ER00887_3B_prokka|PROKKA_02208
Description: ER00887_3B_prokka|PROKKA_02208
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02313
Name: ER00887_3B_prokka|PROKKA_02313
Description: ER00887_3B_prokka|PROKKA_02313
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02352
Name: ER00887_3B_prokka|PROKKA_02352
Description: ER00887_3B_prokka|PROKKA_02352
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02353
Name: ER00887_3B_prokka|PROKKA_02353
Description: ER00887_3B_prokka|PROKKA_02353
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02402
Name: ER00887_3B_prokka|PROKKA_02402
Description: ER00887_3B_prokka|PROKKA_02402
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02410
Name: ER00887_3B_prokka|PROKKA_02410
Description: ER00887_3B_prokka|PROKKA_02410
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02411
Name: ER00887_3B_prokka|PROKKA_02411
Description: ER00887_3B_prokka|PROKKA_02411
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02434
Name: ER00887_3B_prokka|PROKKA_02434
Description: ER00887_3B_prokka|PROKKA_02434
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02500
Name: ER00887_3B_prokka|PROKKA_02500
Description: ER00887_3B_prokka|PROKKA_02500
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02512
Name: ER00887_3B_prokka|PROKKA_02512
Description: ER00887_3B_prokka|PROKKA_02512
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02513
Name: ER00887_3B_prokka|PROKKA_02513
Description: ER00887_3B_prokka|PROKKA_02513
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02583
Name: ER00887_3B_prokka|PROKKA_02583
Description: ER00887_3B_prokka|PROKKA_02583
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02586
Name: ER00887_3B_prokka|PROKKA_02586
Description: ER00887_3B_prokka|PROKKA_02586
Number of features: 0
Seq('MSEEMATYWFNKMYELGIIHEVLRQEGVIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02587
Name: ER00887_3B_prokka|PROKKA_02587
Description: ER00887_3B_prokka|PROKKA_02587
Number of features: 0
Seq('MSKTYKSYLIAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02598
Name: ER00887_3B_prokka|PROKKA_02598
Description: ER00887_3B_prokka|PROKKA_02598
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02622
Name: ER00887_3B_prokka|PROKKA_02622
Description: ER00887_3B_prokka|PROKKA_02622
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02643
Name: ER00887_3B_prokka|PROKKA_02643
Description: ER00887_3B_prokka|PROKKA_02643
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02644
Name: ER00887_3B_prokka|PROKKA_02644
Description: ER00887_3B_prokka|PROKKA_02644
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIVRKTHFYYLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02719
Name: ER00887_3B_prokka|PROKKA_02719
Description: ER00887_3B_prokka|PROKKA_02719
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02723
Name: ER00887_3B_prokka|PROKKA_02723
Description: ER00887_3B_prokka|PROKKA_02723
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02748
Name: ER00887_3B_prokka|PROKKA_02748
Description: ER00887_3B_prokka|PROKKA_02748
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02841
Name: ER00887_3B_prokka|PROKKA_02841
Description: ER00887_3B_prokka|PROKKA_02841
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02853
Name: ER00887_3B_prokka|PROKKA_02853
Description: ER00887_3B_prokka|PROKKA_02853
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02900
Name: ER00887_3B_prokka|PROKKA_02900
Description: ER00887_3B_prokka|PROKKA_02900
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02906
Name: ER00887_3B_prokka|PROKKA_02906
Description: ER00887_3B_prokka|PROKKA_02906
Number of features: 0
Seq('MDYHDHLSVMDFNELICENLLDVDYGSFKEYYELNEARYITFTVYRTTHNSFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00887_3B_prokka|PROKKA_02914
Name: ER00887_3B_prokka|PROKKA_02914
Description: ER00887_3B_prokka|PROKKA_02914
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00027
Name: ER00951_3B_prokka|PROKKA_00027
Description: ER00951_3B_prokka|PROKKA_00027
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00055
Name: ER00951_3B_prokka|PROKKA_00055
Description: ER00951_3B_prokka|PROKKA_00055
Number of features: 0
Seq('MAYQSEYALENEVLQQLEELNYERVNIHNIKLEINEYLKELGVLKNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00061
Name: ER00951_3B_prokka|PROKKA_00061
Description: ER00951_3B_prokka|PROKKA_00061
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00066
Name: ER00951_3B_prokka|PROKKA_00066
Description: ER00951_3B_prokka|PROKKA_00066
Number of features: 0
Seq('MKEMKRKSVGCYVRVSTISQDIDKFSINGQITQIKEYCQQGNYELLY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00069
Name: ER00951_3B_prokka|PROKKA_00069
Description: ER00951_3B_prokka|PROKKA_00069
Number of features: 0
Seq('MDMENKKTEWKALYDISKESEMGVAERVSEYG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00083
Name: ER00951_3B_prokka|PROKKA_00083
Description: ER00951_3B_prokka|PROKKA_00083
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00089
Name: ER00951_3B_prokka|PROKKA_00089
Description: ER00951_3B_prokka|PROKKA_00089
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00110
Name: ER00951_3B_prokka|PROKKA_00110
Description: ER00951_3B_prokka|PROKKA_00110
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00128
Name: ER00951_3B_prokka|PROKKA_00128
Description: ER00951_3B_prokka|PROKKA_00128
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00296
Name: ER00951_3B_prokka|PROKKA_00296
Description: ER00951_3B_prokka|PROKKA_00296
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00420
Name: ER00951_3B_prokka|PROKKA_00420
Description: ER00951_3B_prokka|PROKKA_00420
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00437
Name: ER00951_3B_prokka|PROKKA_00437
Description: ER00951_3B_prokka|PROKKA_00437
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00603
Name: ER00951_3B_prokka|PROKKA_00603
Description: ER00951_3B_prokka|PROKKA_00603
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00832
Name: ER00951_3B_prokka|PROKKA_00832
Description: ER00951_3B_prokka|PROKKA_00832
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00863
Name: ER00951_3B_prokka|PROKKA_00863
Description: ER00951_3B_prokka|PROKKA_00863
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00867
Name: ER00951_3B_prokka|PROKKA_00867
Description: ER00951_3B_prokka|PROKKA_00867
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00883
Name: ER00951_3B_prokka|PROKKA_00883
Description: ER00951_3B_prokka|PROKKA_00883
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00914
Name: ER00951_3B_prokka|PROKKA_00914
Description: ER00951_3B_prokka|PROKKA_00914
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00915
Name: ER00951_3B_prokka|PROKKA_00915
Description: ER00951_3B_prokka|PROKKA_00915
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_00930
Name: ER00951_3B_prokka|PROKKA_00930
Description: ER00951_3B_prokka|PROKKA_00930
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01035
Name: ER00951_3B_prokka|PROKKA_01035
Description: ER00951_3B_prokka|PROKKA_01035
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01074
Name: ER00951_3B_prokka|PROKKA_01074
Description: ER00951_3B_prokka|PROKKA_01074
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01075
Name: ER00951_3B_prokka|PROKKA_01075
Description: ER00951_3B_prokka|PROKKA_01075
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01124
Name: ER00951_3B_prokka|PROKKA_01124
Description: ER00951_3B_prokka|PROKKA_01124
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01132
Name: ER00951_3B_prokka|PROKKA_01132
Description: ER00951_3B_prokka|PROKKA_01132
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01133
Name: ER00951_3B_prokka|PROKKA_01133
Description: ER00951_3B_prokka|PROKKA_01133
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01156
Name: ER00951_3B_prokka|PROKKA_01156
Description: ER00951_3B_prokka|PROKKA_01156
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01222
Name: ER00951_3B_prokka|PROKKA_01222
Description: ER00951_3B_prokka|PROKKA_01222
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01234
Name: ER00951_3B_prokka|PROKKA_01234
Description: ER00951_3B_prokka|PROKKA_01234
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01235
Name: ER00951_3B_prokka|PROKKA_01235
Description: ER00951_3B_prokka|PROKKA_01235
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01371
Name: ER00951_3B_prokka|PROKKA_01371
Description: ER00951_3B_prokka|PROKKA_01371
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01375
Name: ER00951_3B_prokka|PROKKA_01375
Description: ER00951_3B_prokka|PROKKA_01375
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01399
Name: ER00951_3B_prokka|PROKKA_01399
Description: ER00951_3B_prokka|PROKKA_01399
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01492
Name: ER00951_3B_prokka|PROKKA_01492
Description: ER00951_3B_prokka|PROKKA_01492
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01504
Name: ER00951_3B_prokka|PROKKA_01504
Description: ER00951_3B_prokka|PROKKA_01504
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01551
Name: ER00951_3B_prokka|PROKKA_01551
Description: ER00951_3B_prokka|PROKKA_01551
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01559
Name: ER00951_3B_prokka|PROKKA_01559
Description: ER00951_3B_prokka|PROKKA_01559
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01578
Name: ER00951_3B_prokka|PROKKA_01578
Description: ER00951_3B_prokka|PROKKA_01578
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01593
Name: ER00951_3B_prokka|PROKKA_01593
Description: ER00951_3B_prokka|PROKKA_01593
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01601
Name: ER00951_3B_prokka|PROKKA_01601
Description: ER00951_3B_prokka|PROKKA_01601
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01606
Name: ER00951_3B_prokka|PROKKA_01606
Description: ER00951_3B_prokka|PROKKA_01606
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01633
Name: ER00951_3B_prokka|PROKKA_01633
Description: ER00951_3B_prokka|PROKKA_01633
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01636
Name: ER00951_3B_prokka|PROKKA_01636
Description: ER00951_3B_prokka|PROKKA_01636
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01671
Name: ER00951_3B_prokka|PROKKA_01671
Description: ER00951_3B_prokka|PROKKA_01671
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01745
Name: ER00951_3B_prokka|PROKKA_01745
Description: ER00951_3B_prokka|PROKKA_01745
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01903
Name: ER00951_3B_prokka|PROKKA_01903
Description: ER00951_3B_prokka|PROKKA_01903
Number of features: 0
Seq('MDFIKRKRMPIESFTHQFEEITYLSDDLQVKALMMTPHHEVNRIVVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01915
Name: ER00951_3B_prokka|PROKKA_01915
Description: ER00951_3B_prokka|PROKKA_01915
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01929
Name: ER00951_3B_prokka|PROKKA_01929
Description: ER00951_3B_prokka|PROKKA_01929
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_01971
Name: ER00951_3B_prokka|PROKKA_01971
Description: ER00951_3B_prokka|PROKKA_01971
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02023
Name: ER00951_3B_prokka|PROKKA_02023
Description: ER00951_3B_prokka|PROKKA_02023
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02097
Name: ER00951_3B_prokka|PROKKA_02097
Description: ER00951_3B_prokka|PROKKA_02097
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02099
Name: ER00951_3B_prokka|PROKKA_02099
Description: ER00951_3B_prokka|PROKKA_02099
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02151
Name: ER00951_3B_prokka|PROKKA_02151
Description: ER00951_3B_prokka|PROKKA_02151
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02259
Name: ER00951_3B_prokka|PROKKA_02259
Description: ER00951_3B_prokka|PROKKA_02259
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02278
Name: ER00951_3B_prokka|PROKKA_02278
Description: ER00951_3B_prokka|PROKKA_02278
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02291
Name: ER00951_3B_prokka|PROKKA_02291
Description: ER00951_3B_prokka|PROKKA_02291
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02323
Name: ER00951_3B_prokka|PROKKA_02323
Description: ER00951_3B_prokka|PROKKA_02323
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02470
Name: ER00951_3B_prokka|PROKKA_02470
Description: ER00951_3B_prokka|PROKKA_02470
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02479
Name: ER00951_3B_prokka|PROKKA_02479
Description: ER00951_3B_prokka|PROKKA_02479
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02543
Name: ER00951_3B_prokka|PROKKA_02543
Description: ER00951_3B_prokka|PROKKA_02543
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02651
Name: ER00951_3B_prokka|PROKKA_02651
Description: ER00951_3B_prokka|PROKKA_02651
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02689
Name: ER00951_3B_prokka|PROKKA_02689
Description: ER00951_3B_prokka|PROKKA_02689
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER00951_3B_prokka|PROKKA_02773
Name: ER00951_3B_prokka|PROKKA_02773
Description: ER00951_3B_prokka|PROKKA_02773
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00017
Name: ER01009_3B_prokka|PROKKA_00017
Description: ER01009_3B_prokka|PROKKA_00017
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00058
Name: ER01009_3B_prokka|PROKKA_00058
Description: ER01009_3B_prokka|PROKKA_00058
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00062
Name: ER01009_3B_prokka|PROKKA_00062
Description: ER01009_3B_prokka|PROKKA_00062
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00071
Name: ER01009_3B_prokka|PROKKA_00071
Description: ER01009_3B_prokka|PROKKA_00071
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00084
Name: ER01009_3B_prokka|PROKKA_00084
Description: ER01009_3B_prokka|PROKKA_00084
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00087
Name: ER01009_3B_prokka|PROKKA_00087
Description: ER01009_3B_prokka|PROKKA_00087
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00252
Name: ER01009_3B_prokka|PROKKA_00252
Description: ER01009_3B_prokka|PROKKA_00252
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00348
Name: ER01009_3B_prokka|PROKKA_00348
Description: ER01009_3B_prokka|PROKKA_00348
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00354
Name: ER01009_3B_prokka|PROKKA_00354
Description: ER01009_3B_prokka|PROKKA_00354
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00398
Name: ER01009_3B_prokka|PROKKA_00398
Description: ER01009_3B_prokka|PROKKA_00398
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00416
Name: ER01009_3B_prokka|PROKKA_00416
Description: ER01009_3B_prokka|PROKKA_00416
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00581
Name: ER01009_3B_prokka|PROKKA_00581
Description: ER01009_3B_prokka|PROKKA_00581
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00833
Name: ER01009_3B_prokka|PROKKA_00833
Description: ER01009_3B_prokka|PROKKA_00833
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00860
Name: ER01009_3B_prokka|PROKKA_00860
Description: ER01009_3B_prokka|PROKKA_00860
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_00968
Name: ER01009_3B_prokka|PROKKA_00968
Description: ER01009_3B_prokka|PROKKA_00968
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01008
Name: ER01009_3B_prokka|PROKKA_01008
Description: ER01009_3B_prokka|PROKKA_01008
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01062
Name: ER01009_3B_prokka|PROKKA_01062
Description: ER01009_3B_prokka|PROKKA_01062
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01068
Name: ER01009_3B_prokka|PROKKA_01068
Description: ER01009_3B_prokka|PROKKA_01068
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01069
Name: ER01009_3B_prokka|PROKKA_01069
Description: ER01009_3B_prokka|PROKKA_01069
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01088
Name: ER01009_3B_prokka|PROKKA_01088
Description: ER01009_3B_prokka|PROKKA_01088
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01101
Name: ER01009_3B_prokka|PROKKA_01101
Description: ER01009_3B_prokka|PROKKA_01101
Number of features: 0
Seq('MTPNLQLYNKAYEMLQGYGFPVISRKEMQQEIPYPFFCNKNAGVKQK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01119
Name: ER01009_3B_prokka|PROKKA_01119
Description: ER01009_3B_prokka|PROKKA_01119
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01120
Name: ER01009_3B_prokka|PROKKA_01120
Description: ER01009_3B_prokka|PROKKA_01120
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01155
Name: ER01009_3B_prokka|PROKKA_01155
Description: ER01009_3B_prokka|PROKKA_01155
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01167
Name: ER01009_3B_prokka|PROKKA_01167
Description: ER01009_3B_prokka|PROKKA_01167
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01168
Name: ER01009_3B_prokka|PROKKA_01168
Description: ER01009_3B_prokka|PROKKA_01168
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01303
Name: ER01009_3B_prokka|PROKKA_01303
Description: ER01009_3B_prokka|PROKKA_01303
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01307
Name: ER01009_3B_prokka|PROKKA_01307
Description: ER01009_3B_prokka|PROKKA_01307
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01331
Name: ER01009_3B_prokka|PROKKA_01331
Description: ER01009_3B_prokka|PROKKA_01331
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01426
Name: ER01009_3B_prokka|PROKKA_01426
Description: ER01009_3B_prokka|PROKKA_01426
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01438
Name: ER01009_3B_prokka|PROKKA_01438
Description: ER01009_3B_prokka|PROKKA_01438
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01505
Name: ER01009_3B_prokka|PROKKA_01505
Description: ER01009_3B_prokka|PROKKA_01505
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01508
Name: ER01009_3B_prokka|PROKKA_01508
Description: ER01009_3B_prokka|PROKKA_01508
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01543
Name: ER01009_3B_prokka|PROKKA_01543
Description: ER01009_3B_prokka|PROKKA_01543
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01616
Name: ER01009_3B_prokka|PROKKA_01616
Description: ER01009_3B_prokka|PROKKA_01616
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01779
Name: ER01009_3B_prokka|PROKKA_01779
Description: ER01009_3B_prokka|PROKKA_01779
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01794
Name: ER01009_3B_prokka|PROKKA_01794
Description: ER01009_3B_prokka|PROKKA_01794
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01836
Name: ER01009_3B_prokka|PROKKA_01836
Description: ER01009_3B_prokka|PROKKA_01836
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01888
Name: ER01009_3B_prokka|PROKKA_01888
Description: ER01009_3B_prokka|PROKKA_01888
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01963
Name: ER01009_3B_prokka|PROKKA_01963
Description: ER01009_3B_prokka|PROKKA_01963
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01967
Name: ER01009_3B_prokka|PROKKA_01967
Description: ER01009_3B_prokka|PROKKA_01967
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_01983
Name: ER01009_3B_prokka|PROKKA_01983
Description: ER01009_3B_prokka|PROKKA_01983
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02001
Name: ER01009_3B_prokka|PROKKA_02001
Description: ER01009_3B_prokka|PROKKA_02001
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02040
Name: ER01009_3B_prokka|PROKKA_02040
Description: ER01009_3B_prokka|PROKKA_02040
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02051
Name: ER01009_3B_prokka|PROKKA_02051
Description: ER01009_3B_prokka|PROKKA_02051
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02053
Name: ER01009_3B_prokka|PROKKA_02053
Description: ER01009_3B_prokka|PROKKA_02053
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02103
Name: ER01009_3B_prokka|PROKKA_02103
Description: ER01009_3B_prokka|PROKKA_02103
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02229
Name: ER01009_3B_prokka|PROKKA_02229
Description: ER01009_3B_prokka|PROKKA_02229
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02242
Name: ER01009_3B_prokka|PROKKA_02242
Description: ER01009_3B_prokka|PROKKA_02242
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02273
Name: ER01009_3B_prokka|PROKKA_02273
Description: ER01009_3B_prokka|PROKKA_02273
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02428
Name: ER01009_3B_prokka|PROKKA_02428
Description: ER01009_3B_prokka|PROKKA_02428
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02492
Name: ER01009_3B_prokka|PROKKA_02492
Description: ER01009_3B_prokka|PROKKA_02492
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02596
Name: ER01009_3B_prokka|PROKKA_02596
Description: ER01009_3B_prokka|PROKKA_02596
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02598
Name: ER01009_3B_prokka|PROKKA_02598
Description: ER01009_3B_prokka|PROKKA_02598
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02601
Name: ER01009_3B_prokka|PROKKA_02601
Description: ER01009_3B_prokka|PROKKA_02601
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02608
Name: ER01009_3B_prokka|PROKKA_02608
Description: ER01009_3B_prokka|PROKKA_02608
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02646
Name: ER01009_3B_prokka|PROKKA_02646
Description: ER01009_3B_prokka|PROKKA_02646
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01009_3B_prokka|PROKKA_02730
Name: ER01009_3B_prokka|PROKKA_02730
Description: ER01009_3B_prokka|PROKKA_02730
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00039
Name: ER01062_3B_prokka|PROKKA_00039
Description: ER01062_3B_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00042
Name: ER01062_3B_prokka|PROKKA_00042
Description: ER01062_3B_prokka|PROKKA_00042
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00046
Name: ER01062_3B_prokka|PROKKA_00046
Description: ER01062_3B_prokka|PROKKA_00046
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00067
Name: ER01062_3B_prokka|PROKKA_00067
Description: ER01062_3B_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00085
Name: ER01062_3B_prokka|PROKKA_00085
Description: ER01062_3B_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00252
Name: ER01062_3B_prokka|PROKKA_00252
Description: ER01062_3B_prokka|PROKKA_00252
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00376
Name: ER01062_3B_prokka|PROKKA_00376
Description: ER01062_3B_prokka|PROKKA_00376
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00393
Name: ER01062_3B_prokka|PROKKA_00393
Description: ER01062_3B_prokka|PROKKA_00393
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00559
Name: ER01062_3B_prokka|PROKKA_00559
Description: ER01062_3B_prokka|PROKKA_00559
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00788
Name: ER01062_3B_prokka|PROKKA_00788
Description: ER01062_3B_prokka|PROKKA_00788
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00819
Name: ER01062_3B_prokka|PROKKA_00819
Description: ER01062_3B_prokka|PROKKA_00819
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00823
Name: ER01062_3B_prokka|PROKKA_00823
Description: ER01062_3B_prokka|PROKKA_00823
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00839
Name: ER01062_3B_prokka|PROKKA_00839
Description: ER01062_3B_prokka|PROKKA_00839
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00862
Name: ER01062_3B_prokka|PROKKA_00862
Description: ER01062_3B_prokka|PROKKA_00862
Number of features: 0
Seq('MTIIVRPPKGNGAPVPVETTLVKKVNADGVLTFDILENKYTYEVINAIGKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00876
Name: ER01062_3B_prokka|PROKKA_00876
Description: ER01062_3B_prokka|PROKKA_00876
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00877
Name: ER01062_3B_prokka|PROKKA_00877
Description: ER01062_3B_prokka|PROKKA_00877
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00879
Name: ER01062_3B_prokka|PROKKA_00879
Description: ER01062_3B_prokka|PROKKA_00879
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00932
Name: ER01062_3B_prokka|PROKKA_00932
Description: ER01062_3B_prokka|PROKKA_00932
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00974
Name: ER01062_3B_prokka|PROKKA_00974
Description: ER01062_3B_prokka|PROKKA_00974
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_00988
Name: ER01062_3B_prokka|PROKKA_00988
Description: ER01062_3B_prokka|PROKKA_00988
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01157
Name: ER01062_3B_prokka|PROKKA_01157
Description: ER01062_3B_prokka|PROKKA_01157
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01231
Name: ER01062_3B_prokka|PROKKA_01231
Description: ER01062_3B_prokka|PROKKA_01231
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01266
Name: ER01062_3B_prokka|PROKKA_01266
Description: ER01062_3B_prokka|PROKKA_01266
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01269
Name: ER01062_3B_prokka|PROKKA_01269
Description: ER01062_3B_prokka|PROKKA_01269
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01296
Name: ER01062_3B_prokka|PROKKA_01296
Description: ER01062_3B_prokka|PROKKA_01296
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01301
Name: ER01062_3B_prokka|PROKKA_01301
Description: ER01062_3B_prokka|PROKKA_01301
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01309
Name: ER01062_3B_prokka|PROKKA_01309
Description: ER01062_3B_prokka|PROKKA_01309
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01324
Name: ER01062_3B_prokka|PROKKA_01324
Description: ER01062_3B_prokka|PROKKA_01324
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01343
Name: ER01062_3B_prokka|PROKKA_01343
Description: ER01062_3B_prokka|PROKKA_01343
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01351
Name: ER01062_3B_prokka|PROKKA_01351
Description: ER01062_3B_prokka|PROKKA_01351
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01398
Name: ER01062_3B_prokka|PROKKA_01398
Description: ER01062_3B_prokka|PROKKA_01398
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01410
Name: ER01062_3B_prokka|PROKKA_01410
Description: ER01062_3B_prokka|PROKKA_01410
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01504
Name: ER01062_3B_prokka|PROKKA_01504
Description: ER01062_3B_prokka|PROKKA_01504
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01528
Name: ER01062_3B_prokka|PROKKA_01528
Description: ER01062_3B_prokka|PROKKA_01528
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01532
Name: ER01062_3B_prokka|PROKKA_01532
Description: ER01062_3B_prokka|PROKKA_01532
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01668
Name: ER01062_3B_prokka|PROKKA_01668
Description: ER01062_3B_prokka|PROKKA_01668
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01669
Name: ER01062_3B_prokka|PROKKA_01669
Description: ER01062_3B_prokka|PROKKA_01669
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01681
Name: ER01062_3B_prokka|PROKKA_01681
Description: ER01062_3B_prokka|PROKKA_01681
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01763
Name: ER01062_3B_prokka|PROKKA_01763
Description: ER01062_3B_prokka|PROKKA_01763
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01764
Name: ER01062_3B_prokka|PROKKA_01764
Description: ER01062_3B_prokka|PROKKA_01764
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01781
Name: ER01062_3B_prokka|PROKKA_01781
Description: ER01062_3B_prokka|PROKKA_01781
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01804
Name: ER01062_3B_prokka|PROKKA_01804
Description: ER01062_3B_prokka|PROKKA_01804
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01909
Name: ER01062_3B_prokka|PROKKA_01909
Description: ER01062_3B_prokka|PROKKA_01909
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01924
Name: ER01062_3B_prokka|PROKKA_01924
Description: ER01062_3B_prokka|PROKKA_01924
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01925
Name: ER01062_3B_prokka|PROKKA_01925
Description: ER01062_3B_prokka|PROKKA_01925
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01940
Name: ER01062_3B_prokka|PROKKA_01940
Description: ER01062_3B_prokka|PROKKA_01940
Number of features: 0
Seq('MSRTDLIEDKQQKVSSKTVTTSDGTIVHDFIDKSNIKDVKRLERLAIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01943
Name: ER01062_3B_prokka|PROKKA_01943
Description: ER01062_3B_prokka|PROKKA_01943
Number of features: 0
Seq('MTIIVRPPKGNGAPVPVETTLVKKLMLTVY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01956
Name: ER01062_3B_prokka|PROKKA_01956
Description: ER01062_3B_prokka|PROKKA_01956
Number of features: 0
Seq('MPEIIGIVKVDFTDLEDNRHVYMKGHVYPRKVMILQMNVSKL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01965
Name: ER01062_3B_prokka|PROKKA_01965
Description: ER01062_3B_prokka|PROKKA_01965
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01987
Name: ER01062_3B_prokka|PROKKA_01987
Description: ER01062_3B_prokka|PROKKA_01987
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_01992
Name: ER01062_3B_prokka|PROKKA_01992
Description: ER01062_3B_prokka|PROKKA_01992
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02068
Name: ER01062_3B_prokka|PROKKA_02068
Description: ER01062_3B_prokka|PROKKA_02068
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02072
Name: ER01062_3B_prokka|PROKKA_02072
Description: ER01062_3B_prokka|PROKKA_02072
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02089
Name: ER01062_3B_prokka|PROKKA_02089
Description: ER01062_3B_prokka|PROKKA_02089
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02107
Name: ER01062_3B_prokka|PROKKA_02107
Description: ER01062_3B_prokka|PROKKA_02107
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02133
Name: ER01062_3B_prokka|PROKKA_02133
Description: ER01062_3B_prokka|PROKKA_02133
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02135
Name: ER01062_3B_prokka|PROKKA_02135
Description: ER01062_3B_prokka|PROKKA_02135
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02187
Name: ER01062_3B_prokka|PROKKA_02187
Description: ER01062_3B_prokka|PROKKA_02187
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02295
Name: ER01062_3B_prokka|PROKKA_02295
Description: ER01062_3B_prokka|PROKKA_02295
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02314
Name: ER01062_3B_prokka|PROKKA_02314
Description: ER01062_3B_prokka|PROKKA_02314
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02327
Name: ER01062_3B_prokka|PROKKA_02327
Description: ER01062_3B_prokka|PROKKA_02327
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02359
Name: ER01062_3B_prokka|PROKKA_02359
Description: ER01062_3B_prokka|PROKKA_02359
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02504
Name: ER01062_3B_prokka|PROKKA_02504
Description: ER01062_3B_prokka|PROKKA_02504
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02513
Name: ER01062_3B_prokka|PROKKA_02513
Description: ER01062_3B_prokka|PROKKA_02513
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02577
Name: ER01062_3B_prokka|PROKKA_02577
Description: ER01062_3B_prokka|PROKKA_02577
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02685
Name: ER01062_3B_prokka|PROKKA_02685
Description: ER01062_3B_prokka|PROKKA_02685
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02723
Name: ER01062_3B_prokka|PROKKA_02723
Description: ER01062_3B_prokka|PROKKA_02723
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02807
Name: ER01062_3B_prokka|PROKKA_02807
Description: ER01062_3B_prokka|PROKKA_02807
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01062_3B_prokka|PROKKA_02831
Name: ER01062_3B_prokka|PROKKA_02831
Description: ER01062_3B_prokka|PROKKA_02831
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_00030
Name: ER01073_3B_prokka|PROKKA_00030
Description: ER01073_3B_prokka|PROKKA_00030
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_00039
Name: ER01073_3B_prokka|PROKKA_00039
Description: ER01073_3B_prokka|PROKKA_00039
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_00053
Name: ER01073_3B_prokka|PROKKA_00053
Description: ER01073_3B_prokka|PROKKA_00053
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_00056
Name: ER01073_3B_prokka|PROKKA_00056
Description: ER01073_3B_prokka|PROKKA_00056
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_00221
Name: ER01073_3B_prokka|PROKKA_00221
Description: ER01073_3B_prokka|PROKKA_00221
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_00346
Name: ER01073_3B_prokka|PROKKA_00346
Description: ER01073_3B_prokka|PROKKA_00346
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_00364
Name: ER01073_3B_prokka|PROKKA_00364
Description: ER01073_3B_prokka|PROKKA_00364
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_00530
Name: ER01073_3B_prokka|PROKKA_00530
Description: ER01073_3B_prokka|PROKKA_00530
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_00758
Name: ER01073_3B_prokka|PROKKA_00758
Description: ER01073_3B_prokka|PROKKA_00758
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_00785
Name: ER01073_3B_prokka|PROKKA_00785
Description: ER01073_3B_prokka|PROKKA_00785
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_00893
Name: ER01073_3B_prokka|PROKKA_00893
Description: ER01073_3B_prokka|PROKKA_00893
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_00933
Name: ER01073_3B_prokka|PROKKA_00933
Description: ER01073_3B_prokka|PROKKA_00933
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01014
Name: ER01073_3B_prokka|PROKKA_01014
Description: ER01073_3B_prokka|PROKKA_01014
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01026
Name: ER01073_3B_prokka|PROKKA_01026
Description: ER01073_3B_prokka|PROKKA_01026
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01027
Name: ER01073_3B_prokka|PROKKA_01027
Description: ER01073_3B_prokka|PROKKA_01027
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01162
Name: ER01073_3B_prokka|PROKKA_01162
Description: ER01073_3B_prokka|PROKKA_01162
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01166
Name: ER01073_3B_prokka|PROKKA_01166
Description: ER01073_3B_prokka|PROKKA_01166
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01190
Name: ER01073_3B_prokka|PROKKA_01190
Description: ER01073_3B_prokka|PROKKA_01190
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01285
Name: ER01073_3B_prokka|PROKKA_01285
Description: ER01073_3B_prokka|PROKKA_01285
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01297
Name: ER01073_3B_prokka|PROKKA_01297
Description: ER01073_3B_prokka|PROKKA_01297
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01364
Name: ER01073_3B_prokka|PROKKA_01364
Description: ER01073_3B_prokka|PROKKA_01364
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01367
Name: ER01073_3B_prokka|PROKKA_01367
Description: ER01073_3B_prokka|PROKKA_01367
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01402
Name: ER01073_3B_prokka|PROKKA_01402
Description: ER01073_3B_prokka|PROKKA_01402
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01474
Name: ER01073_3B_prokka|PROKKA_01474
Description: ER01073_3B_prokka|PROKKA_01474
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01637
Name: ER01073_3B_prokka|PROKKA_01637
Description: ER01073_3B_prokka|PROKKA_01637
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01652
Name: ER01073_3B_prokka|PROKKA_01652
Description: ER01073_3B_prokka|PROKKA_01652
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01694
Name: ER01073_3B_prokka|PROKKA_01694
Description: ER01073_3B_prokka|PROKKA_01694
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01746
Name: ER01073_3B_prokka|PROKKA_01746
Description: ER01073_3B_prokka|PROKKA_01746
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01821
Name: ER01073_3B_prokka|PROKKA_01821
Description: ER01073_3B_prokka|PROKKA_01821
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01825
Name: ER01073_3B_prokka|PROKKA_01825
Description: ER01073_3B_prokka|PROKKA_01825
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01841
Name: ER01073_3B_prokka|PROKKA_01841
Description: ER01073_3B_prokka|PROKKA_01841
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01859
Name: ER01073_3B_prokka|PROKKA_01859
Description: ER01073_3B_prokka|PROKKA_01859
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01890
Name: ER01073_3B_prokka|PROKKA_01890
Description: ER01073_3B_prokka|PROKKA_01890
Number of features: 0
Seq('MQSIAEKETYHLPTEHLQVFNVIKNTSNKYITKTKILNQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01898
Name: ER01073_3B_prokka|PROKKA_01898
Description: ER01073_3B_prokka|PROKKA_01898
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01909
Name: ER01073_3B_prokka|PROKKA_01909
Description: ER01073_3B_prokka|PROKKA_01909
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01911
Name: ER01073_3B_prokka|PROKKA_01911
Description: ER01073_3B_prokka|PROKKA_01911
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_01962
Name: ER01073_3B_prokka|PROKKA_01962
Description: ER01073_3B_prokka|PROKKA_01962
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_02088
Name: ER01073_3B_prokka|PROKKA_02088
Description: ER01073_3B_prokka|PROKKA_02088
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_02101
Name: ER01073_3B_prokka|PROKKA_02101
Description: ER01073_3B_prokka|PROKKA_02101
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_02132
Name: ER01073_3B_prokka|PROKKA_02132
Description: ER01073_3B_prokka|PROKKA_02132
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_02286
Name: ER01073_3B_prokka|PROKKA_02286
Description: ER01073_3B_prokka|PROKKA_02286
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_02351
Name: ER01073_3B_prokka|PROKKA_02351
Description: ER01073_3B_prokka|PROKKA_02351
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_02487
Name: ER01073_3B_prokka|PROKKA_02487
Description: ER01073_3B_prokka|PROKKA_02487
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_02490
Name: ER01073_3B_prokka|PROKKA_02490
Description: ER01073_3B_prokka|PROKKA_02490
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_02497
Name: ER01073_3B_prokka|PROKKA_02497
Description: ER01073_3B_prokka|PROKKA_02497
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_02535
Name: ER01073_3B_prokka|PROKKA_02535
Description: ER01073_3B_prokka|PROKKA_02535
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01073_3B_prokka|PROKKA_02619
Name: ER01073_3B_prokka|PROKKA_02619
Description: ER01073_3B_prokka|PROKKA_02619
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00031
Name: ER01109_3B_prokka|PROKKA_00031
Description: ER01109_3B_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00040
Name: ER01109_3B_prokka|PROKKA_00040
Description: ER01109_3B_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00128
Name: ER01109_3B_prokka|PROKKA_00128
Description: ER01109_3B_prokka|PROKKA_00128
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00231
Name: ER01109_3B_prokka|PROKKA_00231
Description: ER01109_3B_prokka|PROKKA_00231
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00283
Name: ER01109_3B_prokka|PROKKA_00283
Description: ER01109_3B_prokka|PROKKA_00283
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00381
Name: ER01109_3B_prokka|PROKKA_00381
Description: ER01109_3B_prokka|PROKKA_00381
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00418
Name: ER01109_3B_prokka|PROKKA_00418
Description: ER01109_3B_prokka|PROKKA_00418
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00549
Name: ER01109_3B_prokka|PROKKA_00549
Description: ER01109_3B_prokka|PROKKA_00549
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00585
Name: ER01109_3B_prokka|PROKKA_00585
Description: ER01109_3B_prokka|PROKKA_00585
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00786
Name: ER01109_3B_prokka|PROKKA_00786
Description: ER01109_3B_prokka|PROKKA_00786
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00801
Name: ER01109_3B_prokka|PROKKA_00801
Description: ER01109_3B_prokka|PROKKA_00801
Number of features: 0
Seq('MKMYLAYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00816
Name: ER01109_3B_prokka|PROKKA_00816
Description: ER01109_3B_prokka|PROKKA_00816
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00817
Name: ER01109_3B_prokka|PROKKA_00817
Description: ER01109_3B_prokka|PROKKA_00817
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIGRKTHFYCLDKKNGCR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00838
Name: ER01109_3B_prokka|PROKKA_00838
Description: ER01109_3B_prokka|PROKKA_00838
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00948
Name: ER01109_3B_prokka|PROKKA_00948
Description: ER01109_3B_prokka|PROKKA_00948
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00987
Name: ER01109_3B_prokka|PROKKA_00987
Description: ER01109_3B_prokka|PROKKA_00987
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_00988
Name: ER01109_3B_prokka|PROKKA_00988
Description: ER01109_3B_prokka|PROKKA_00988
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01070
Name: ER01109_3B_prokka|PROKKA_01070
Description: ER01109_3B_prokka|PROKKA_01070
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01082
Name: ER01109_3B_prokka|PROKKA_01082
Description: ER01109_3B_prokka|PROKKA_01082
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01083
Name: ER01109_3B_prokka|PROKKA_01083
Description: ER01109_3B_prokka|PROKKA_01083
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01221
Name: ER01109_3B_prokka|PROKKA_01221
Description: ER01109_3B_prokka|PROKKA_01221
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01225
Name: ER01109_3B_prokka|PROKKA_01225
Description: ER01109_3B_prokka|PROKKA_01225
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01229
Name: ER01109_3B_prokka|PROKKA_01229
Description: ER01109_3B_prokka|PROKKA_01229
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01231
Name: ER01109_3B_prokka|PROKKA_01231
Description: ER01109_3B_prokka|PROKKA_01231
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01255
Name: ER01109_3B_prokka|PROKKA_01255
Description: ER01109_3B_prokka|PROKKA_01255
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01277
Name: ER01109_3B_prokka|PROKKA_01277
Description: ER01109_3B_prokka|PROKKA_01277
Number of features: 0
Seq('MGEYIVTKTLNNNVVVCTNNDQEVILIGKGIGFNKKREWR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01353
Name: ER01109_3B_prokka|PROKKA_01353
Description: ER01109_3B_prokka|PROKKA_01353
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01369
Name: ER01109_3B_prokka|PROKKA_01369
Description: ER01109_3B_prokka|PROKKA_01369
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01417
Name: ER01109_3B_prokka|PROKKA_01417
Description: ER01109_3B_prokka|PROKKA_01417
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01425
Name: ER01109_3B_prokka|PROKKA_01425
Description: ER01109_3B_prokka|PROKKA_01425
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01446
Name: ER01109_3B_prokka|PROKKA_01446
Description: ER01109_3B_prokka|PROKKA_01446
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01466
Name: ER01109_3B_prokka|PROKKA_01466
Description: ER01109_3B_prokka|PROKKA_01466
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01476
Name: ER01109_3B_prokka|PROKKA_01476
Description: ER01109_3B_prokka|PROKKA_01476
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01503
Name: ER01109_3B_prokka|PROKKA_01503
Description: ER01109_3B_prokka|PROKKA_01503
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01541
Name: ER01109_3B_prokka|PROKKA_01541
Description: ER01109_3B_prokka|PROKKA_01541
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01547
Name: ER01109_3B_prokka|PROKKA_01547
Description: ER01109_3B_prokka|PROKKA_01547
Number of features: 0
Seq('MRGENTMTPVFELKNVNYYYDHKKVLENINIKINKGEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01617
Name: ER01109_3B_prokka|PROKKA_01617
Description: ER01109_3B_prokka|PROKKA_01617
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01665
Name: ER01109_3B_prokka|PROKKA_01665
Description: ER01109_3B_prokka|PROKKA_01665
Number of features: 0
Seq('MSKVQNESNNVVKRGLKDRHISMIAIGVVLVQVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01791
Name: ER01109_3B_prokka|PROKKA_01791
Description: ER01109_3B_prokka|PROKKA_01791
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01812
Name: ER01109_3B_prokka|PROKKA_01812
Description: ER01109_3B_prokka|PROKKA_01812
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01848
Name: ER01109_3B_prokka|PROKKA_01848
Description: ER01109_3B_prokka|PROKKA_01848
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01899
Name: ER01109_3B_prokka|PROKKA_01899
Description: ER01109_3B_prokka|PROKKA_01899
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01901
Name: ER01109_3B_prokka|PROKKA_01901
Description: ER01109_3B_prokka|PROKKA_01901
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01902
Name: ER01109_3B_prokka|PROKKA_01902
Description: ER01109_3B_prokka|PROKKA_01902
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01932
Name: ER01109_3B_prokka|PROKKA_01932
Description: ER01109_3B_prokka|PROKKA_01932
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01959
Name: ER01109_3B_prokka|PROKKA_01959
Description: ER01109_3B_prokka|PROKKA_01959
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_01964
Name: ER01109_3B_prokka|PROKKA_01964
Description: ER01109_3B_prokka|PROKKA_01964
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02038
Name: ER01109_3B_prokka|PROKKA_02038
Description: ER01109_3B_prokka|PROKKA_02038
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02048
Name: ER01109_3B_prokka|PROKKA_02048
Description: ER01109_3B_prokka|PROKKA_02048
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02059
Name: ER01109_3B_prokka|PROKKA_02059
Description: ER01109_3B_prokka|PROKKA_02059
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02077
Name: ER01109_3B_prokka|PROKKA_02077
Description: ER01109_3B_prokka|PROKKA_02077
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02081
Name: ER01109_3B_prokka|PROKKA_02081
Description: ER01109_3B_prokka|PROKKA_02081
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02087
Name: ER01109_3B_prokka|PROKKA_02087
Description: ER01109_3B_prokka|PROKKA_02087
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02090
Name: ER01109_3B_prokka|PROKKA_02090
Description: ER01109_3B_prokka|PROKKA_02090
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02097
Name: ER01109_3B_prokka|PROKKA_02097
Description: ER01109_3B_prokka|PROKKA_02097
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02099
Name: ER01109_3B_prokka|PROKKA_02099
Description: ER01109_3B_prokka|PROKKA_02099
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02119
Name: ER01109_3B_prokka|PROKKA_02119
Description: ER01109_3B_prokka|PROKKA_02119
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02121
Name: ER01109_3B_prokka|PROKKA_02121
Description: ER01109_3B_prokka|PROKKA_02121
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02170
Name: ER01109_3B_prokka|PROKKA_02170
Description: ER01109_3B_prokka|PROKKA_02170
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02289
Name: ER01109_3B_prokka|PROKKA_02289
Description: ER01109_3B_prokka|PROKKA_02289
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02313
Name: ER01109_3B_prokka|PROKKA_02313
Description: ER01109_3B_prokka|PROKKA_02313
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02344
Name: ER01109_3B_prokka|PROKKA_02344
Description: ER01109_3B_prokka|PROKKA_02344
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02503
Name: ER01109_3B_prokka|PROKKA_02503
Description: ER01109_3B_prokka|PROKKA_02503
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02712
Name: ER01109_3B_prokka|PROKKA_02712
Description: ER01109_3B_prokka|PROKKA_02712
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01109_3B_prokka|PROKKA_02796
Name: ER01109_3B_prokka|PROKKA_02796
Description: ER01109_3B_prokka|PROKKA_02796
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_00056
Name: ER01184_3A_prokka|PROKKA_00056
Description: ER01184_3A_prokka|PROKKA_00056
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_00074
Name: ER01184_3A_prokka|PROKKA_00074
Description: ER01184_3A_prokka|PROKKA_00074
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_00241
Name: ER01184_3A_prokka|PROKKA_00241
Description: ER01184_3A_prokka|PROKKA_00241
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_00365
Name: ER01184_3A_prokka|PROKKA_00365
Description: ER01184_3A_prokka|PROKKA_00365
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_00382
Name: ER01184_3A_prokka|PROKKA_00382
Description: ER01184_3A_prokka|PROKKA_00382
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_00547
Name: ER01184_3A_prokka|PROKKA_00547
Description: ER01184_3A_prokka|PROKKA_00547
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_00778
Name: ER01184_3A_prokka|PROKKA_00778
Description: ER01184_3A_prokka|PROKKA_00778
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_00805
Name: ER01184_3A_prokka|PROKKA_00805
Description: ER01184_3A_prokka|PROKKA_00805
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_00910
Name: ER01184_3A_prokka|PROKKA_00910
Description: ER01184_3A_prokka|PROKKA_00910
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_00950
Name: ER01184_3A_prokka|PROKKA_00950
Description: ER01184_3A_prokka|PROKKA_00950
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01032
Name: ER01184_3A_prokka|PROKKA_01032
Description: ER01184_3A_prokka|PROKKA_01032
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01044
Name: ER01184_3A_prokka|PROKKA_01044
Description: ER01184_3A_prokka|PROKKA_01044
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01045
Name: ER01184_3A_prokka|PROKKA_01045
Description: ER01184_3A_prokka|PROKKA_01045
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01181
Name: ER01184_3A_prokka|PROKKA_01181
Description: ER01184_3A_prokka|PROKKA_01181
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01185
Name: ER01184_3A_prokka|PROKKA_01185
Description: ER01184_3A_prokka|PROKKA_01185
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01209
Name: ER01184_3A_prokka|PROKKA_01209
Description: ER01184_3A_prokka|PROKKA_01209
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01302
Name: ER01184_3A_prokka|PROKKA_01302
Description: ER01184_3A_prokka|PROKKA_01302
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01321
Name: ER01184_3A_prokka|PROKKA_01321
Description: ER01184_3A_prokka|PROKKA_01321
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01389
Name: ER01184_3A_prokka|PROKKA_01389
Description: ER01184_3A_prokka|PROKKA_01389
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01392
Name: ER01184_3A_prokka|PROKKA_01392
Description: ER01184_3A_prokka|PROKKA_01392
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01427
Name: ER01184_3A_prokka|PROKKA_01427
Description: ER01184_3A_prokka|PROKKA_01427
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01500
Name: ER01184_3A_prokka|PROKKA_01500
Description: ER01184_3A_prokka|PROKKA_01500
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01669
Name: ER01184_3A_prokka|PROKKA_01669
Description: ER01184_3A_prokka|PROKKA_01669
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01683
Name: ER01184_3A_prokka|PROKKA_01683
Description: ER01184_3A_prokka|PROKKA_01683
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01725
Name: ER01184_3A_prokka|PROKKA_01725
Description: ER01184_3A_prokka|PROKKA_01725
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01776
Name: ER01184_3A_prokka|PROKKA_01776
Description: ER01184_3A_prokka|PROKKA_01776
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01848
Name: ER01184_3A_prokka|PROKKA_01848
Description: ER01184_3A_prokka|PROKKA_01848
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01852
Name: ER01184_3A_prokka|PROKKA_01852
Description: ER01184_3A_prokka|PROKKA_01852
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01868
Name: ER01184_3A_prokka|PROKKA_01868
Description: ER01184_3A_prokka|PROKKA_01868
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01886
Name: ER01184_3A_prokka|PROKKA_01886
Description: ER01184_3A_prokka|PROKKA_01886
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01892
Name: ER01184_3A_prokka|PROKKA_01892
Description: ER01184_3A_prokka|PROKKA_01892
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01897
Name: ER01184_3A_prokka|PROKKA_01897
Description: ER01184_3A_prokka|PROKKA_01897
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01913
Name: ER01184_3A_prokka|PROKKA_01913
Description: ER01184_3A_prokka|PROKKA_01913
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01915
Name: ER01184_3A_prokka|PROKKA_01915
Description: ER01184_3A_prokka|PROKKA_01915
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_01967
Name: ER01184_3A_prokka|PROKKA_01967
Description: ER01184_3A_prokka|PROKKA_01967
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_02092
Name: ER01184_3A_prokka|PROKKA_02092
Description: ER01184_3A_prokka|PROKKA_02092
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_02105
Name: ER01184_3A_prokka|PROKKA_02105
Description: ER01184_3A_prokka|PROKKA_02105
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_02136
Name: ER01184_3A_prokka|PROKKA_02136
Description: ER01184_3A_prokka|PROKKA_02136
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_02281
Name: ER01184_3A_prokka|PROKKA_02281
Description: ER01184_3A_prokka|PROKKA_02281
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_02290
Name: ER01184_3A_prokka|PROKKA_02290
Description: ER01184_3A_prokka|PROKKA_02290
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_02354
Name: ER01184_3A_prokka|PROKKA_02354
Description: ER01184_3A_prokka|PROKKA_02354
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_02464
Name: ER01184_3A_prokka|PROKKA_02464
Description: ER01184_3A_prokka|PROKKA_02464
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_02502
Name: ER01184_3A_prokka|PROKKA_02502
Description: ER01184_3A_prokka|PROKKA_02502
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_02586
Name: ER01184_3A_prokka|PROKKA_02586
Description: ER01184_3A_prokka|PROKKA_02586
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01184_3A_prokka|PROKKA_02601
Name: ER01184_3A_prokka|PROKKA_02601
Description: ER01184_3A_prokka|PROKKA_02601
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00002
Name: ER01418_3B_prokka|PROKKA_00002
Description: ER01418_3B_prokka|PROKKA_00002
Number of features: 0
Seq('MRENGQEINVVVIETIQKLRDMTLNDVMKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00013
Name: ER01418_3B_prokka|PROKKA_00013
Description: ER01418_3B_prokka|PROKKA_00013
Number of features: 0
Seq('MSIITRLFNNSDFEKLNQLCKLYDDLGYPTNENDLKRD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00017
Name: ER01418_3B_prokka|PROKKA_00017
Description: ER01418_3B_prokka|PROKKA_00017
Number of features: 0
Seq('METKEKIKVTTIDELTPLIGKKVIVKGKEVGLF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00018
Name: ER01418_3B_prokka|PROKKA_00018
Description: ER01418_3B_prokka|PROKKA_00018
Number of features: 0
Seq('MYLPAPRSKIDLNTGIVQEPDEGCVDVYEVEVTDGNVYICL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00037
Name: ER01418_3B_prokka|PROKKA_00037
Description: ER01418_3B_prokka|PROKKA_00037
Number of features: 0
Seq('MTAGHTIYLPMMSHDDVKIIEERTMSNLRGVESDV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00038
Name: ER01418_3B_prokka|PROKKA_00038
Description: ER01418_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MSEPQKLHPISYFNGIINAIKQNIVVFFIFIIFQLKDFDYTNPNHIYG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00091
Name: ER01418_3B_prokka|PROKKA_00091
Description: ER01418_3B_prokka|PROKKA_00091
Number of features: 0
Seq('MATESGISLRINVAKSDFTKFINELASLH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00096
Name: ER01418_3B_prokka|PROKKA_00096
Description: ER01418_3B_prokka|PROKKA_00096
Number of features: 0
Seq('MIQDAFVALDFETANGKRTSIVLSEWLKSLIVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00128
Name: ER01418_3B_prokka|PROKKA_00128
Description: ER01418_3B_prokka|PROKKA_00128
Number of features: 0
Seq('MNRAKLKKELPNTGSEGMDLPLKEFALITGAALLARRRTKNEKES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00142
Name: ER01418_3B_prokka|PROKKA_00142
Description: ER01418_3B_prokka|PROKKA_00142
Number of features: 0
Seq('MNDQTNVPVIFGILTTESIEQAVERAGTKAGNKGAEAAVSAIEMANLLKSIKA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00143
Name: ER01418_3B_prokka|PROKKA_00143
Description: ER01418_3B_prokka|PROKKA_00143
Number of features: 0
Seq('MKVAIVVSRFNDFITGRLLEGAKDTLIRHDVNEDNIDVAFVPGAFEIPLVAKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00199
Name: ER01418_3B_prokka|PROKKA_00199
Description: ER01418_3B_prokka|PROKKA_00199
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00211
Name: ER01418_3B_prokka|PROKKA_00211
Description: ER01418_3B_prokka|PROKKA_00211
Number of features: 0
Seq('MKTIEEIKSTPKTVMKKPELLAPAGNLEKLKIAVHYGADAYF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00334
Name: ER01418_3B_prokka|PROKKA_00334
Description: ER01418_3B_prokka|PROKKA_00334
Number of features: 0
Seq('MQAKLTKKEFIEWLKTSEGKQYNADGWYGFQCFDYANAGWQVLFGYNLKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00337
Name: ER01418_3B_prokka|PROKKA_00337
Description: ER01418_3B_prokka|PROKKA_00337
Number of features: 0
Seq('MEGNFKNVKKLIYEGEEYTKVYAGNIQVWKSLHIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00344
Name: ER01418_3B_prokka|PROKKA_00344
Description: ER01418_3B_prokka|PROKKA_00344
Number of features: 0
Seq('MFGFTKRHEQDWRLTRLEENDKTMFEKFDRIEDSLRAQEKIYDKLDRNLKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00360
Name: ER01418_3B_prokka|PROKKA_00360
Description: ER01418_3B_prokka|PROKKA_00360
Number of features: 0
Seq('MTTLADVKKRIGLKDEKQDEQLEEIIKVVKASCYQCYLLKLNKYRKGLVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00371
Name: ER01418_3B_prokka|PROKKA_00371
Description: ER01418_3B_prokka|PROKKA_00371
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00377
Name: ER01418_3B_prokka|PROKKA_00377
Description: ER01418_3B_prokka|PROKKA_00377
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWHELDYWLNKRKSENEQIDIDRVLKFIEELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00391
Name: ER01418_3B_prokka|PROKKA_00391
Description: ER01418_3B_prokka|PROKKA_00391
Number of features: 0
Seq('MFNKINFYLHGSDVILNDVPMTDELKEFINNWEVPDKIKALKEGAEND', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00392
Name: ER01418_3B_prokka|PROKKA_00392
Description: ER01418_3B_prokka|PROKKA_00392
Number of features: 0
Seq('MVKSIFLQDGEEILLMMKIMRGLINIFGQNLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00400
Name: ER01418_3B_prokka|PROKKA_00400
Description: ER01418_3B_prokka|PROKKA_00400
Number of features: 0
Seq('MKILAFDPYLTDEKAKSLSITKATVDEIAQHSDFVTLHTPLTPKQKA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00403
Name: ER01418_3B_prokka|PROKKA_00403
Description: ER01418_3B_prokka|PROKKA_00403
Number of features: 0
Seq('MTLGRTEAGGDALMILSVDQPVSNNIIDELKQVGEYNQIFTTELTVQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00405
Name: ER01418_3B_prokka|PROKKA_00405
Description: ER01418_3B_prokka|PROKKA_00405
Number of features: 0
Seq('MPLVPGILITNAIRDLLAGELLAGMSRGVEAALTAFAIGAGVAIVLLII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00407
Name: ER01418_3B_prokka|PROKKA_00407
Description: ER01418_3B_prokka|PROKKA_00407
Number of features: 0
Seq('MSVSIGVGYLTDDDPKSQRKVFKDADDMVHVAKNQGRNKVMFNPIINL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00435
Name: ER01418_3B_prokka|PROKKA_00435
Description: ER01418_3B_prokka|PROKKA_00435
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00474
Name: ER01418_3B_prokka|PROKKA_00474
Description: ER01418_3B_prokka|PROKKA_00474
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00511
Name: ER01418_3B_prokka|PROKKA_00511
Description: ER01418_3B_prokka|PROKKA_00511
Number of features: 0
Seq('MKNGGKYTFELHKKLQENRMADVIDGTNIDNIEVNIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00518
Name: ER01418_3B_prokka|PROKKA_00518
Description: ER01418_3B_prokka|PROKKA_00518
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00568
Name: ER01418_3B_prokka|PROKKA_00568
Description: ER01418_3B_prokka|PROKKA_00568
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00569
Name: ER01418_3B_prokka|PROKKA_00569
Description: ER01418_3B_prokka|PROKKA_00569
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00618
Name: ER01418_3B_prokka|PROKKA_00618
Description: ER01418_3B_prokka|PROKKA_00618
Number of features: 0
Seq('MTTYNEVDNLTKNNKGIAVLGSRVESRNGMHAGHAMAVVGTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00624
Name: ER01418_3B_prokka|PROKKA_00624
Description: ER01418_3B_prokka|PROKKA_00624
Number of features: 0
Seq('MSVTDVGTVLQIGDGIALIHGLNDVMAGELVEFHNGVLGLAQNLKSQTWVWLF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00646
Name: ER01418_3B_prokka|PROKKA_00646
Description: ER01418_3B_prokka|PROKKA_00646
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00671
Name: ER01418_3B_prokka|PROKKA_00671
Description: ER01418_3B_prokka|PROKKA_00671
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00696
Name: ER01418_3B_prokka|PROKKA_00696
Description: ER01418_3B_prokka|PROKKA_00696
Number of features: 0
Seq('MKTTKGIIIYGTFMIAVFILNFKLIFTLPLTILKPPVVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00781
Name: ER01418_3B_prokka|PROKKA_00781
Description: ER01418_3B_prokka|PROKKA_00781
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00795
Name: ER01418_3B_prokka|PROKKA_00795
Description: ER01418_3B_prokka|PROKKA_00795
Number of features: 0
Seq('MFDDKILLITGGTGSFGNAVMKQFLDSNIKEIRIFSRDEKKQDDIRKKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00811
Name: ER01418_3B_prokka|PROKKA_00811
Description: ER01418_3B_prokka|PROKKA_00811
Number of features: 0
Seq('MFVTKTLNTEDTDEVKILTIWESEDSFNNWLNSDVFKEAHKMYV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00812
Name: ER01418_3B_prokka|PROKKA_00812
Description: ER01418_3B_prokka|PROKKA_00812
Number of features: 0
Seq('MFMAENRLQLQKAVRKKRLNVFTIDKVLKLLKASNKCLSLKH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00814
Name: ER01418_3B_prokka|PROKKA_00814
Description: ER01418_3B_prokka|PROKKA_00814
Number of features: 0
Seq('MAVNVRDYIAENYGLFINGNLLKVAVTKQSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00816
Name: ER01418_3B_prokka|PROKKA_00816
Description: ER01418_3B_prokka|PROKKA_00816
Number of features: 0
Seq('MPDNHHKLAQEEIFGPVLTVIKVKDDQEAIDIANDSEYGLAGGVFLKISHVH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00827
Name: ER01418_3B_prokka|PROKKA_00827
Description: ER01418_3B_prokka|PROKKA_00827
Number of features: 0
Seq('MYKEIDVNEMESLVGAKFVKLFTDIDLNDDEVISIFVFDKSIE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00831
Name: ER01418_3B_prokka|PROKKA_00831
Description: ER01418_3B_prokka|PROKKA_00831
Number of features: 0
Seq('MTVHYSGMTLEAQKRIEDGVKDILERFFNHEPFQDKDIIVASGRIASKSYTAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00851
Name: ER01418_3B_prokka|PROKKA_00851
Description: ER01418_3B_prokka|PROKKA_00851
Number of features: 0
Seq('MKGALIDDLKIQNLRGERTINDAAKYNSKEKTGASPYEGIRTCL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00868
Name: ER01418_3B_prokka|PROKKA_00868
Description: ER01418_3B_prokka|PROKKA_00868
Number of features: 0
Seq('MSNLLEVNSLNVQFNYDETTVQAVKKRLFRITKKTYPRYCW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00943
Name: ER01418_3B_prokka|PROKKA_00943
Description: ER01418_3B_prokka|PROKKA_00943
Number of features: 0
Seq('MERTFLMIKPDAVQRNLIGEVISRIERKGLNLSVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_00969
Name: ER01418_3B_prokka|PROKKA_00969
Description: ER01418_3B_prokka|PROKKA_00969
Number of features: 0
Seq('MLDKVKIKEEFKMLKNEIYTKKVLEEAKKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01010
Name: ER01418_3B_prokka|PROKKA_01010
Description: ER01418_3B_prokka|PROKKA_01010
Number of features: 0
Seq('MKYNIIGGFDLGVVSDDFKNHMLIAVTELRTKDEIDTFVEKAGELND', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01011
Name: ER01418_3B_prokka|PROKKA_01011
Description: ER01418_3B_prokka|PROKKA_01011
Number of features: 0
Seq('MTSKSSPLIFERSREADMHIHYQKVILKQILLSHC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01012
Name: ER01418_3B_prokka|PROKKA_01012
Description: ER01418_3B_prokka|PROKKA_01012
Number of features: 0
Seq('MGSCTMKYNPKINEKVARIPGFSESHPLQDEDQVQGSLEIIYSLQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01063
Name: ER01418_3B_prokka|PROKKA_01063
Description: ER01418_3B_prokka|PROKKA_01063
Number of features: 0
Seq('MVFLAISLLFILGLCIGVGMILREFYIFRFIIGKQPYKLNINAY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01081
Name: ER01418_3B_prokka|PROKKA_01081
Description: ER01418_3B_prokka|PROKKA_01081
Number of features: 0
Seq('MNQYNTIGFHPGNSRIHQLNATVKLLFLLVVSISAMVTYDTDI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01113
Name: ER01418_3B_prokka|PROKKA_01113
Description: ER01418_3B_prokka|PROKKA_01113
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01142
Name: ER01418_3B_prokka|PROKKA_01142
Description: ER01418_3B_prokka|PROKKA_01142
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01152
Name: ER01418_3B_prokka|PROKKA_01152
Description: ER01418_3B_prokka|PROKKA_01152
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01162
Name: ER01418_3B_prokka|PROKKA_01162
Description: ER01418_3B_prokka|PROKKA_01162
Number of features: 0
Seq('MKERYLIIDGYNMIGQSPTLSAIAKENLEEARMQLNRCNCKL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01208
Name: ER01418_3B_prokka|PROKKA_01208
Description: ER01418_3B_prokka|PROKKA_01208
Number of features: 0
Seq('MFALNRFMGNKYSNIDLGLTQWGFKQLPNESYIDYIKRVSKSKIWTSDDNAAMI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01215
Name: ER01418_3B_prokka|PROKKA_01215
Description: ER01418_3B_prokka|PROKKA_01215
Number of features: 0
Seq('MIAGGFTRSTHVPVLFEAAEEGDDIAKQILNEWAEDVAEGLPKYRSCMIQGLY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01231
Name: ER01418_3B_prokka|PROKKA_01231
Description: ER01418_3B_prokka|PROKKA_01231
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01239
Name: ER01418_3B_prokka|PROKKA_01239
Description: ER01418_3B_prokka|PROKKA_01239
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01298
Name: ER01418_3B_prokka|PROKKA_01298
Description: ER01418_3B_prokka|PROKKA_01298
Number of features: 0
Seq('MCEKPMAKTTAEAQKMIDTAKSTGKKLTIGYQIVSEQIVNFYIKQRNVAT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01383
Name: ER01418_3B_prokka|PROKKA_01383
Description: ER01418_3B_prokka|PROKKA_01383
Number of features: 0
Seq('MKEGLFMIMGNLRFQQEYFRIYKNNTESTTHRNAYWVKLAKMLKLLK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01395
Name: ER01418_3B_prokka|PROKKA_01395
Description: ER01418_3B_prokka|PROKKA_01395
Number of features: 0
Seq('MPDNHHKLAQEEIFGPVLTVIKVKDDQEAIDIANDSEYGLAGGVFLKISHVH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01396
Name: ER01418_3B_prokka|PROKKA_01396
Description: ER01418_3B_prokka|PROKKA_01396
Number of features: 0
Seq('MPRLQEAFSNIKVGNPQDEATQMGSQTGKDQLDKIQSYIDAAKESDAQI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01399
Name: ER01418_3B_prokka|PROKKA_01399
Description: ER01418_3B_prokka|PROKKA_01399
Number of features: 0
Seq('MAVTFEIILQRIMVYLSMGNLLKVAVTKQSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01400
Name: ER01418_3B_prokka|PROKKA_01400
Description: ER01418_3B_prokka|PROKKA_01400
Number of features: 0
Seq('MFMAENRLQLQKGSAEETIERFYNRQGIETIEGFQQMFVTKTLNTEDTDEVKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01420
Name: ER01418_3B_prokka|PROKKA_01420
Description: ER01418_3B_prokka|PROKKA_01420
Number of features: 0
Seq('MPVWSELILIVKAVTTSIVITMVVVTIVTGIDRFLDCI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01421
Name: ER01418_3B_prokka|PROKKA_01421
Description: ER01418_3B_prokka|PROKKA_01421
Number of features: 0
Seq('MFSKANGEVKRLLVTSEKPGAGKSTVVSNVAITYAQAGYKT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01422
Name: ER01418_3B_prokka|PROKKA_01422
Description: ER01418_3B_prokka|PROKKA_01422
Number of features: 0
Seq('MSQLIEWQSRIEDQCTTANPKEALISEIKDIIQTSYDYKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01426
Name: ER01418_3B_prokka|PROKKA_01426
Description: ER01418_3B_prokka|PROKKA_01426
Number of features: 0
Seq('MLTIPEKENRGSKEQEVAIMIDALADKGKKALEALSKSHKKKLIILFIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01436
Name: ER01418_3B_prokka|PROKKA_01436
Description: ER01418_3B_prokka|PROKKA_01436
Number of features: 0
Seq('MKKAFIDIAKSKEGHKIISEVYSHEGYTETKDSNFDIVREYEKLVKDMK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01494
Name: ER01418_3B_prokka|PROKKA_01494
Description: ER01418_3B_prokka|PROKKA_01494
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01522
Name: ER01418_3B_prokka|PROKKA_01522
Description: ER01418_3B_prokka|PROKKA_01522
Number of features: 0
Seq('MIEKLVTFLNEVVWSKPLVYGLLITGVLFTLRMRFFKLDILKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01547
Name: ER01418_3B_prokka|PROKKA_01547
Description: ER01418_3B_prokka|PROKKA_01547
Number of features: 0
Seq('MQNKSKSPFKIAFSKFIHNKIAMLSVIFY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01556
Name: ER01418_3B_prokka|PROKKA_01556
Description: ER01418_3B_prokka|PROKKA_01556
Number of features: 0
Seq('MNYKVIKDLQAGASLYDTESVDDAVITADQVNKYKDNKGLNFVLTTGTFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01603
Name: ER01418_3B_prokka|PROKKA_01603
Description: ER01418_3B_prokka|PROKKA_01603
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01620
Name: ER01418_3B_prokka|PROKKA_01620
Description: ER01418_3B_prokka|PROKKA_01620
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01641
Name: ER01418_3B_prokka|PROKKA_01641
Description: ER01418_3B_prokka|PROKKA_01641
Number of features: 0
Seq('MRENTQSLYVEAQTEEQVRRYLKDRNFNIEFITKLEGAHLDYEKKLRTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01643
Name: ER01418_3B_prokka|PROKKA_01643
Description: ER01418_3B_prokka|PROKKA_01643
Number of features: 0
Seq('MHQLNIPVLIDEAHGAHFGLQGFPDSTLNYQADYVVQSFHKRYQLNDGLGTLYS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01666
Name: ER01418_3B_prokka|PROKKA_01666
Description: ER01418_3B_prokka|PROKKA_01666
Number of features: 0
Seq('MPEDGYNGKDIIEIGKDLAEKHPEIKDYSEEARLKEFRKLGVEYEMAKLKMI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01678
Name: ER01418_3B_prokka|PROKKA_01678
Description: ER01418_3B_prokka|PROKKA_01678
Number of features: 0
Seq('MKDDIELPSALLQKFDKHGYYYYKDAQKIMIFNCL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01764
Name: ER01418_3B_prokka|PROKKA_01764
Description: ER01418_3B_prokka|PROKKA_01764
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01775
Name: ER01418_3B_prokka|PROKKA_01775
Description: ER01418_3B_prokka|PROKKA_01775
Number of features: 0
Seq('MNLDPFFEKLSHILKQQSMETKELIVKKNLNNYLEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01794
Name: ER01418_3B_prokka|PROKKA_01794
Description: ER01418_3B_prokka|PROKKA_01794
Number of features: 0
Seq('MVLIRQFGDIVVQHVDQLTLQHACEQLKTYFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01804
Name: ER01418_3B_prokka|PROKKA_01804
Description: ER01418_3B_prokka|PROKKA_01804
Number of features: 0
Seq('MSYSTIEDFINSDLEKLKSHLNKNQLAFIQAVEKHYKLYVNMLENGENMPLINRN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01830
Name: ER01418_3B_prokka|PROKKA_01830
Description: ER01418_3B_prokka|PROKKA_01830
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01874
Name: ER01418_3B_prokka|PROKKA_01874
Description: ER01418_3B_prokka|PROKKA_01874
Number of features: 0
Seq('MCNDYNIFRQCYCGCVFAAMQQGIDFKTVNKEAKAFLEQYPD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01906
Name: ER01418_3B_prokka|PROKKA_01906
Description: ER01418_3B_prokka|PROKKA_01906
Number of features: 0
Seq('MKIAVIGAGVTGLAAAARIASQGHEVTIFEKIIM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01934
Name: ER01418_3B_prokka|PROKKA_01934
Description: ER01418_3B_prokka|PROKKA_01934
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01937
Name: ER01418_3B_prokka|PROKKA_01937
Description: ER01418_3B_prokka|PROKKA_01937
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01941
Name: ER01418_3B_prokka|PROKKA_01941
Description: ER01418_3B_prokka|PROKKA_01941
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01943
Name: ER01418_3B_prokka|PROKKA_01943
Description: ER01418_3B_prokka|PROKKA_01943
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_01971
Name: ER01418_3B_prokka|PROKKA_01971
Description: ER01418_3B_prokka|PROKKA_01971
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02016
Name: ER01418_3B_prokka|PROKKA_02016
Description: ER01418_3B_prokka|PROKKA_02016
Number of features: 0
Seq('MINNKFISTEEVKEENIKKKSKTLSFLRNIAILKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02019
Name: ER01418_3B_prokka|PROKKA_02019
Description: ER01418_3B_prokka|PROKKA_02019
Number of features: 0
Seq('MINNKFISTEEVKEENIKKKSKTLSFLRNIAI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02080
Name: ER01418_3B_prokka|PROKKA_02080
Description: ER01418_3B_prokka|PROKKA_02080
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02100
Name: ER01418_3B_prokka|PROKKA_02100
Description: ER01418_3B_prokka|PROKKA_02100
Number of features: 0
Seq('MTCQLKIHHTLSTIPSRNINNIMCYFHLQVNSILRLMVKPKT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02146
Name: ER01418_3B_prokka|PROKKA_02146
Description: ER01418_3B_prokka|PROKKA_02146
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02165
Name: ER01418_3B_prokka|PROKKA_02165
Description: ER01418_3B_prokka|PROKKA_02165
Number of features: 0
Seq('MNREISPLRKADDAVTLDTTGKSIEEVTDEILAMVSQIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02174
Name: ER01418_3B_prokka|PROKKA_02174
Description: ER01418_3B_prokka|PROKKA_02174
Number of features: 0
Seq('METTKKFNSFKTIAKALNKEKEGEKRLAEHDKLINKYKDEIKFDRKSKSASSSSC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02230
Name: ER01418_3B_prokka|PROKKA_02230
Description: ER01418_3B_prokka|PROKKA_02230
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02233
Name: ER01418_3B_prokka|PROKKA_02233
Description: ER01418_3B_prokka|PROKKA_02233
Number of features: 0
Seq('MGLSYFSLKSGNASQREELAKQLSQNGGKVSLDMLQTTMGALAIIY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02235
Name: ER01418_3B_prokka|PROKKA_02235
Description: ER01418_3B_prokka|PROKKA_02235
Number of features: 0
Seq('MNNKRHSTNEQLSLDEINNTIKFDHRSSNKQKFYHFLDLGY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02237
Name: ER01418_3B_prokka|PROKKA_02237
Description: ER01418_3B_prokka|PROKKA_02237
Number of features: 0
Seq('MTKKVAIILANEFEDIEYSSPKEALENAGFNTVVIEILQIVKLLVNTVKKLLSM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02251
Name: ER01418_3B_prokka|PROKKA_02251
Description: ER01418_3B_prokka|PROKKA_02251
Number of features: 0
Seq('MKKNFIGKSILSIAAISLTVSTFAGESHAQTKNVEAAKNMISIKQTLKNK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02252
Name: ER01418_3B_prokka|PROKKA_02252
Description: ER01418_3B_prokka|PROKKA_02252
Number of features: 0
Seq('MDAQKAVNFFKRTRTVATHRKAQRAVNLIHFQHSYEKKKLQRQIDLVLKYNTLK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02257
Name: ER01418_3B_prokka|PROKKA_02257
Description: ER01418_3B_prokka|PROKKA_02257
Number of features: 0
Seq('MSDKVGLVTCMYVNNVTGQIQPIPQMAKVIKNYPKAHFHVDAVQAFGKISNGSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02260
Name: ER01418_3B_prokka|PROKKA_02260
Description: ER01418_3B_prokka|PROKKA_02260
Number of features: 0
Seq('MYIELEDHADINEITYRLSKIFGIKSISPVLKVEKNNRGNKCSGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02272
Name: ER01418_3B_prokka|PROKKA_02272
Description: ER01418_3B_prokka|PROKKA_02272
Number of features: 0
Seq('MRVKFRDKDNRQVNLTFKKDNEIADGNHVLAIPTFKKSIAFYQT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02296
Name: ER01418_3B_prokka|PROKKA_02296
Description: ER01418_3B_prokka|PROKKA_02296
Number of features: 0
Seq('MAHGLVKSGKSIQVVVGMTVPQVREAFEQMVEDQSSEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02332
Name: ER01418_3B_prokka|PROKKA_02332
Description: ER01418_3B_prokka|PROKKA_02332
Number of features: 0
Seq('MMISSPQIIDAEKHGDKITATVRLINENGKQVDKEYELEQGSQDRLQLIKTSEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02359
Name: ER01418_3B_prokka|PROKKA_02359
Description: ER01418_3B_prokka|PROKKA_02359
Number of features: 0
Seq('MKERIMSAAAIQGSQFIGKRISNAFLKIVIRECS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02360
Name: ER01418_3B_prokka|PROKKA_02360
Description: ER01418_3B_prokka|PROKKA_02360
Number of features: 0
Seq('MSSTMSVVPIPGLDFGVDLKLMKDIIEDVNKIYGLDHKQVNSLGMM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02361
Name: ER01418_3B_prokka|PROKKA_02361
Description: ER01418_3B_prokka|PROKKA_02361
Number of features: 0
Seq('MGFKNNLTSNLTIKSVIQSLKIENVDGKGAMPTTIQELRERRTTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02363
Name: ER01418_3B_prokka|PROKKA_02363
Description: ER01418_3B_prokka|PROKKA_02363
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02388
Name: ER01418_3B_prokka|PROKKA_02388
Description: ER01418_3B_prokka|PROKKA_02388
Number of features: 0
Seq('MKKFFFIGLLVFVVFLQQQPLFGSAMIKTNMVLNNMIKHSKTMLLTMYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02403
Name: ER01418_3B_prokka|PROKKA_02403
Description: ER01418_3B_prokka|PROKKA_02403
Number of features: 0
Seq('MSKLQDVIVQEMKVKKRIDSAEEIMELKQFIKNYVQSHSFIKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02459
Name: ER01418_3B_prokka|PROKKA_02459
Description: ER01418_3B_prokka|PROKKA_02459
Number of features: 0
Seq('MTEQQKFKVLADQIKISNQLDAEILNSGELTRIDVSNKTEHGNFILHYHNS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02478
Name: ER01418_3B_prokka|PROKKA_02478
Description: ER01418_3B_prokka|PROKKA_02478
Number of features: 0
Seq('MKFGKTIAVVLASSVLLAGCTTDKKKLRHI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02485
Name: ER01418_3B_prokka|PROKKA_02485
Description: ER01418_3B_prokka|PROKKA_02485
Number of features: 0
Seq('MSGQITLNLGKEIYQAQEEDVLYFKARDNHRLSNESNNETRILIVATASYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02487
Name: ER01418_3B_prokka|PROKKA_02487
Description: ER01418_3B_prokka|PROKKA_02487
Number of features: 0
Seq('MRNTNKFLLIPYLLWMVIFIIVPVVLLIYFHF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02491
Name: ER01418_3B_prokka|PROKKA_02491
Description: ER01418_3B_prokka|PROKKA_02491
Number of features: 0
Seq('MTGEQFTQIKRPVSRLTEKVLGWLCWVMLLVLTVITML', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02494
Name: ER01418_3B_prokka|PROKKA_02494
Description: ER01418_3B_prokka|PROKKA_02494
Number of features: 0
Seq('MVTDGTSLLGADDKAGIVEIMEAICYLQEHPEINMVPFALDLHQTKNRSWST', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02495
Name: ER01418_3B_prokka|PROKKA_02495
Description: ER01418_3B_prokka|PROKKA_02495
Number of features: 0
Seq('MRIMFIGDIVGKIGRDAIETYIPQLKQKYKPTVTIVNAENAAHGKGLTEKYINNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02511
Name: ER01418_3B_prokka|PROKKA_02511
Description: ER01418_3B_prokka|PROKKA_02511
Number of features: 0
Seq('MSEMNAVYNVKQYILNLIKQNKLEYGDQLPSNYQLPEN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02534
Name: ER01418_3B_prokka|PROKKA_02534
Description: ER01418_3B_prokka|PROKKA_02534
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02538
Name: ER01418_3B_prokka|PROKKA_02538
Description: ER01418_3B_prokka|PROKKA_02538
Number of features: 0
Seq('MQNLKALGFKHKGFKEGLSKDYIQPRMTMITPIDKNDDELLNSLNAEIVQKCAWL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02542
Name: ER01418_3B_prokka|PROKKA_02542
Description: ER01418_3B_prokka|PROKKA_02542
Number of features: 0
Seq('MDYYTADRLYRYTNSSNLSEPILNYVASRINWGDKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02543
Name: ER01418_3B_prokka|PROKKA_02543
Description: ER01418_3B_prokka|PROKKA_02543
Number of features: 0
Seq('MELDYLQECELVEPDVKMYVQMSGDFGTIAYSWNAEDIKVVGSNSALKQK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02547
Name: ER01418_3B_prokka|PROKKA_02547
Description: ER01418_3B_prokka|PROKKA_02547
Number of features: 0
Seq('MRKTFAYHAYQKGIPIPVIQKYLGHQSAIETLNFIGLENECEHSIYISLQL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02558
Name: ER01418_3B_prokka|PROKKA_02558
Description: ER01418_3B_prokka|PROKKA_02558
Number of features: 0
Seq('MESLSEETKKDIFGEVYTDSIGKEGTKGDSYYKMMKSNIETVHGSMK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02568
Name: ER01418_3B_prokka|PROKKA_02568
Description: ER01418_3B_prokka|PROKKA_02568
Number of features: 0
Seq('MLYNFGIVAIFFAIGAYLHMKYRDQFADFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02585
Name: ER01418_3B_prokka|PROKKA_02585
Description: ER01418_3B_prokka|PROKKA_02585
Number of features: 0
Seq('MMVAGYLLSFVGFAELINKLYTIMGYVGLFIVVAVIIKYFKRKNADKKHIA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02617
Name: ER01418_3B_prokka|PROKKA_02617
Description: ER01418_3B_prokka|PROKKA_02617
Number of features: 0
Seq('MTYMPFKDSNTKVSRVYKINQTSDKYEEDSNIDAEKFEKDNKPVYEENNMKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02637
Name: ER01418_3B_prokka|PROKKA_02637
Description: ER01418_3B_prokka|PROKKA_02637
Number of features: 0
Seq('MSASLYIAIILVIAIIAYMIVQQILNKRAVKELDQK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02641
Name: ER01418_3B_prokka|PROKKA_02641
Description: ER01418_3B_prokka|PROKKA_02641
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02670
Name: ER01418_3B_prokka|PROKKA_02670
Description: ER01418_3B_prokka|PROKKA_02670
Number of features: 0
Seq('MSGILLIIGAVISGNIITFALWLISGIKLLTNNKPKDEISDLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02681
Name: ER01418_3B_prokka|PROKKA_02681
Description: ER01418_3B_prokka|PROKKA_02681
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02701
Name: ER01418_3B_prokka|PROKKA_02701
Description: ER01418_3B_prokka|PROKKA_02701
Number of features: 0
Seq('MIIFILITIFAIYYIAMIASLFKSEGFSIIGLILDVVIMGTLIFTIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02739
Name: ER01418_3B_prokka|PROKKA_02739
Description: ER01418_3B_prokka|PROKKA_02739
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02744
Name: ER01418_3B_prokka|PROKKA_02744
Description: ER01418_3B_prokka|PROKKA_02744
Number of features: 0
Seq('MSYFTDFVRGFLDLGATVILPVVIFLLGLFFRQKIGAAFRSGLTIGVAFVGIS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02747
Name: ER01418_3B_prokka|PROKKA_02747
Description: ER01418_3B_prokka|PROKKA_02747
Number of features: 0
Seq('MRDVAQDNDAIKRIIQSRKNSDVNEILKNYSNKEARENGWDSN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02775
Name: ER01418_3B_prokka|PROKKA_02775
Description: ER01418_3B_prokka|PROKKA_02775
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02786
Name: ER01418_3B_prokka|PROKKA_02786
Description: ER01418_3B_prokka|PROKKA_02786
Number of features: 0
Seq('MTRKGYGESTGKIILIGEHAVTFGEPAIAVPFNAGKIKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02809
Name: ER01418_3B_prokka|PROKKA_02809
Description: ER01418_3B_prokka|PROKKA_02809
Number of features: 0
Seq('MTNAYVDLKLVEEKVFKDPIHRYIHVEDQLIWDLIKTKEFQGYVELDN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02828
Name: ER01418_3B_prokka|PROKKA_02828
Description: ER01418_3B_prokka|PROKKA_02828
Number of features: 0
Seq('MEIIIEIYMYLRDGIKEHFILKKVRKKFKKLNEINSDIQICMQKIRGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02860
Name: ER01418_3B_prokka|PROKKA_02860
Description: ER01418_3B_prokka|PROKKA_02860
Number of features: 0
Seq('MMNIMLQTVEKGFSKSTKLELHELFIGNIAYISIFLILVVFIFKKKNI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02886
Name: ER01418_3B_prokka|PROKKA_02886
Description: ER01418_3B_prokka|PROKKA_02886
Number of features: 0
Seq('MSSILSFEYDFIALAFLFLTIALLLIALFYVCFYKITKYP', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02920
Name: ER01418_3B_prokka|PROKKA_02920
Description: ER01418_3B_prokka|PROKKA_02920
Number of features: 0
Seq('MNQQGIKVNTIQIRQLHPFPTSVIQDAVNKAKKVVVVEHNYQGQLASIIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02921
Name: ER01418_3B_prokka|PROKKA_02921
Description: ER01418_3B_prokka|PROKKA_02921
Number of features: 0
Seq('MNVNIHDKIENYTKYDGTPFLPHEMKKRQIIATEIKEMV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02922
Name: ER01418_3B_prokka|PROKKA_02922
Description: ER01418_3B_prokka|PROKKA_02922
Number of features: 0
Seq('MATFKDFRNNVKPNWCPGCGDFSVQAAIQKAAANIGLEPEEVAIITV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02925
Name: ER01418_3B_prokka|PROKKA_02925
Description: ER01418_3B_prokka|PROKKA_02925
Number of features: 0
Seq('MKDTLMSIQIIPKTPNNDNVIPYVDEAIKIIDESGLHFRVGR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02955
Name: ER01418_3B_prokka|PROKKA_02955
Description: ER01418_3B_prokka|PROKKA_02955
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02966
Name: ER01418_3B_prokka|PROKKA_02966
Description: ER01418_3B_prokka|PROKKA_02966
Number of features: 0
Seq('MGGSLGSKKLNSIIRENLDALLQQYQVIHLTGKGLKDAQVKKIRIYTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02972
Name: ER01418_3B_prokka|PROKKA_02972
Description: ER01418_3B_prokka|PROKKA_02972
Number of features: 0
Seq('MTRLWASLLTVIIYILSQFLPLLIVKKLPFVQYSGIELTKAVIYIQLVLF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02978
Name: ER01418_3B_prokka|PROKKA_02978
Description: ER01418_3B_prokka|PROKKA_02978
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_02980
Name: ER01418_3B_prokka|PROKKA_02980
Description: ER01418_3B_prokka|PROKKA_02980
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_03000
Name: ER01418_3B_prokka|PROKKA_03000
Description: ER01418_3B_prokka|PROKKA_03000
Number of features: 0
Seq('MNCLMEVLGLTLPYNGTALAVSDQRREMIRQAAFN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_03022
Name: ER01418_3B_prokka|PROKKA_03022
Description: ER01418_3B_prokka|PROKKA_03022
Number of features: 0
Seq('MKSINEKDGKVGSVTLTSTKDGSEETHEADGVFIYMV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_03048
Name: ER01418_3B_prokka|PROKKA_03048
Description: ER01418_3B_prokka|PROKKA_03048
Number of features: 0
Seq('MKKVMGILLASTLILGACGHHQDSAKKRALVTKRKKMTMKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_03053
Name: ER01418_3B_prokka|PROKKA_03053
Description: ER01418_3B_prokka|PROKKA_03053
Number of features: 0
Seq('MAEDEALKKFFSEEKKIKNGNTDNLDYLGLSHERYESVFNTLKNKVRSS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_03077
Name: ER01418_3B_prokka|PROKKA_03077
Description: ER01418_3B_prokka|PROKKA_03077
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_03088
Name: ER01418_3B_prokka|PROKKA_03088
Description: ER01418_3B_prokka|PROKKA_03088
Number of features: 0
Seq('MYLYEKMVIENKEIPIDDGKSLGNLRVSMTMGLF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_03158
Name: ER01418_3B_prokka|PROKKA_03158
Description: ER01418_3B_prokka|PROKKA_03158
Number of features: 0
Seq('MKMKKLVKSSVASSIALLLLSNTVDAAQHITPVSEKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_03178
Name: ER01418_3B_prokka|PROKKA_03178
Description: ER01418_3B_prokka|PROKKA_03178
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01418_3B_prokka|PROKKA_03188
Name: ER01418_3B_prokka|PROKKA_03188
Description: ER01418_3B_prokka|PROKKA_03188
Number of features: 0
Seq('MYSIKMRSSNQDVHISGAETICEFDQNRTDGTKVL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00015
Name: ER01425_3B_prokka|PROKKA_00015
Description: ER01425_3B_prokka|PROKKA_00015
Number of features: 0
Seq('MKTGPLKCPKCNQDLYIKKVRYPISDIETLC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00019
Name: ER01425_3B_prokka|PROKKA_00019
Description: ER01425_3B_prokka|PROKKA_00019
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00023
Name: ER01425_3B_prokka|PROKKA_00023
Description: ER01425_3B_prokka|PROKKA_00023
Number of features: 0
Seq('MQYNTTRYIDENQDNKTLKDMMKNGKQRPWREKKVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00028
Name: ER01425_3B_prokka|PROKKA_00028
Description: ER01425_3B_prokka|PROKKA_00028
Number of features: 0
Seq('MNYFRYKQFDKDVITVAVGYYLRYALSYRDISEILRERGIYVHHSTIYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00029
Name: ER01425_3B_prokka|PROKKA_00029
Description: ER01425_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MQDNHTKYIDGNQDNETLKDVTKSGKQRPWREKKIDNLRFCCKVRNIV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00061
Name: ER01425_3B_prokka|PROKKA_00061
Description: ER01425_3B_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00070
Name: ER01425_3B_prokka|PROKKA_00070
Description: ER01425_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00245
Name: ER01425_3B_prokka|PROKKA_00245
Description: ER01425_3B_prokka|PROKKA_00245
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00369
Name: ER01425_3B_prokka|PROKKA_00369
Description: ER01425_3B_prokka|PROKKA_00369
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00386
Name: ER01425_3B_prokka|PROKKA_00386
Description: ER01425_3B_prokka|PROKKA_00386
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00552
Name: ER01425_3B_prokka|PROKKA_00552
Description: ER01425_3B_prokka|PROKKA_00552
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00782
Name: ER01425_3B_prokka|PROKKA_00782
Description: ER01425_3B_prokka|PROKKA_00782
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00806
Name: ER01425_3B_prokka|PROKKA_00806
Description: ER01425_3B_prokka|PROKKA_00806
Number of features: 0
Seq('MSNIYKSYLIAVLCFTILAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00816
Name: ER01425_3B_prokka|PROKKA_00816
Description: ER01425_3B_prokka|PROKKA_00816
Number of features: 0
Seq('MITKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00825
Name: ER01425_3B_prokka|PROKKA_00825
Description: ER01425_3B_prokka|PROKKA_00825
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSESEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00837
Name: ER01425_3B_prokka|PROKKA_00837
Description: ER01425_3B_prokka|PROKKA_00837
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00872
Name: ER01425_3B_prokka|PROKKA_00872
Description: ER01425_3B_prokka|PROKKA_00872
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_00978
Name: ER01425_3B_prokka|PROKKA_00978
Description: ER01425_3B_prokka|PROKKA_00978
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01018
Name: ER01425_3B_prokka|PROKKA_01018
Description: ER01425_3B_prokka|PROKKA_01018
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01101
Name: ER01425_3B_prokka|PROKKA_01101
Description: ER01425_3B_prokka|PROKKA_01101
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01113
Name: ER01425_3B_prokka|PROKKA_01113
Description: ER01425_3B_prokka|PROKKA_01113
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01114
Name: ER01425_3B_prokka|PROKKA_01114
Description: ER01425_3B_prokka|PROKKA_01114
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01249
Name: ER01425_3B_prokka|PROKKA_01249
Description: ER01425_3B_prokka|PROKKA_01249
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01253
Name: ER01425_3B_prokka|PROKKA_01253
Description: ER01425_3B_prokka|PROKKA_01253
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01277
Name: ER01425_3B_prokka|PROKKA_01277
Description: ER01425_3B_prokka|PROKKA_01277
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01333
Name: ER01425_3B_prokka|PROKKA_01333
Description: ER01425_3B_prokka|PROKKA_01333
Number of features: 0
Seq('MSGVASKAFLTLIENNIPFYQTTTSEISISYVIDDFNGQQAVEKIYDAFNI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01372
Name: ER01425_3B_prokka|PROKKA_01372
Description: ER01425_3B_prokka|PROKKA_01372
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01384
Name: ER01425_3B_prokka|PROKKA_01384
Description: ER01425_3B_prokka|PROKKA_01384
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01431
Name: ER01425_3B_prokka|PROKKA_01431
Description: ER01425_3B_prokka|PROKKA_01431
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01439
Name: ER01425_3B_prokka|PROKKA_01439
Description: ER01425_3B_prokka|PROKKA_01439
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01455
Name: ER01425_3B_prokka|PROKKA_01455
Description: ER01425_3B_prokka|PROKKA_01455
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01460
Name: ER01425_3B_prokka|PROKKA_01460
Description: ER01425_3B_prokka|PROKKA_01460
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSESEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01469
Name: ER01425_3B_prokka|PROKKA_01469
Description: ER01425_3B_prokka|PROKKA_01469
Number of features: 0
Seq('MITKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01479
Name: ER01425_3B_prokka|PROKKA_01479
Description: ER01425_3B_prokka|PROKKA_01479
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01490
Name: ER01425_3B_prokka|PROKKA_01490
Description: ER01425_3B_prokka|PROKKA_01490
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01517
Name: ER01425_3B_prokka|PROKKA_01517
Description: ER01425_3B_prokka|PROKKA_01517
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01520
Name: ER01425_3B_prokka|PROKKA_01520
Description: ER01425_3B_prokka|PROKKA_01520
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01555
Name: ER01425_3B_prokka|PROKKA_01555
Description: ER01425_3B_prokka|PROKKA_01555
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01627
Name: ER01425_3B_prokka|PROKKA_01627
Description: ER01425_3B_prokka|PROKKA_01627
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01792
Name: ER01425_3B_prokka|PROKKA_01792
Description: ER01425_3B_prokka|PROKKA_01792
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01807
Name: ER01425_3B_prokka|PROKKA_01807
Description: ER01425_3B_prokka|PROKKA_01807
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01849
Name: ER01425_3B_prokka|PROKKA_01849
Description: ER01425_3B_prokka|PROKKA_01849
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01901
Name: ER01425_3B_prokka|PROKKA_01901
Description: ER01425_3B_prokka|PROKKA_01901
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01976
Name: ER01425_3B_prokka|PROKKA_01976
Description: ER01425_3B_prokka|PROKKA_01976
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01980
Name: ER01425_3B_prokka|PROKKA_01980
Description: ER01425_3B_prokka|PROKKA_01980
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_01996
Name: ER01425_3B_prokka|PROKKA_01996
Description: ER01425_3B_prokka|PROKKA_01996
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_02014
Name: ER01425_3B_prokka|PROKKA_02014
Description: ER01425_3B_prokka|PROKKA_02014
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_02040
Name: ER01425_3B_prokka|PROKKA_02040
Description: ER01425_3B_prokka|PROKKA_02040
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_02042
Name: ER01425_3B_prokka|PROKKA_02042
Description: ER01425_3B_prokka|PROKKA_02042
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_02092
Name: ER01425_3B_prokka|PROKKA_02092
Description: ER01425_3B_prokka|PROKKA_02092
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_02217
Name: ER01425_3B_prokka|PROKKA_02217
Description: ER01425_3B_prokka|PROKKA_02217
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_02230
Name: ER01425_3B_prokka|PROKKA_02230
Description: ER01425_3B_prokka|PROKKA_02230
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_02261
Name: ER01425_3B_prokka|PROKKA_02261
Description: ER01425_3B_prokka|PROKKA_02261
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_02414
Name: ER01425_3B_prokka|PROKKA_02414
Description: ER01425_3B_prokka|PROKKA_02414
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_02478
Name: ER01425_3B_prokka|PROKKA_02478
Description: ER01425_3B_prokka|PROKKA_02478
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_02586
Name: ER01425_3B_prokka|PROKKA_02586
Description: ER01425_3B_prokka|PROKKA_02586
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_02624
Name: ER01425_3B_prokka|PROKKA_02624
Description: ER01425_3B_prokka|PROKKA_02624
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01425_3B_prokka|PROKKA_02709
Name: ER01425_3B_prokka|PROKKA_02709
Description: ER01425_3B_prokka|PROKKA_02709
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00004
Name: ER01457_3B_prokka|PROKKA_00004
Description: ER01457_3B_prokka|PROKKA_00004
Number of features: 0
Seq('MLNPELLMRGDDQKQKYLLLEFGNFEQEANEKQENALSDYYSFKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00021
Name: ER01457_3B_prokka|PROKKA_00021
Description: ER01457_3B_prokka|PROKKA_00021
Number of features: 0
Seq('MKVTNTIRFEEEKKNLIDNVVNTLEEYKDVIDSELRTIRNTNHLVMRNNLVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00068
Name: ER01457_3B_prokka|PROKKA_00068
Description: ER01457_3B_prokka|PROKKA_00068
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00098
Name: ER01457_3B_prokka|PROKKA_00098
Description: ER01457_3B_prokka|PROKKA_00098
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00107
Name: ER01457_3B_prokka|PROKKA_00107
Description: ER01457_3B_prokka|PROKKA_00107
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00128
Name: ER01457_3B_prokka|PROKKA_00128
Description: ER01457_3B_prokka|PROKKA_00128
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00218
Name: ER01457_3B_prokka|PROKKA_00218
Description: ER01457_3B_prokka|PROKKA_00218
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00316
Name: ER01457_3B_prokka|PROKKA_00316
Description: ER01457_3B_prokka|PROKKA_00316
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00368
Name: ER01457_3B_prokka|PROKKA_00368
Description: ER01457_3B_prokka|PROKKA_00368
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00466
Name: ER01457_3B_prokka|PROKKA_00466
Description: ER01457_3B_prokka|PROKKA_00466
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00504
Name: ER01457_3B_prokka|PROKKA_00504
Description: ER01457_3B_prokka|PROKKA_00504
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00635
Name: ER01457_3B_prokka|PROKKA_00635
Description: ER01457_3B_prokka|PROKKA_00635
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00671
Name: ER01457_3B_prokka|PROKKA_00671
Description: ER01457_3B_prokka|PROKKA_00671
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00890
Name: ER01457_3B_prokka|PROKKA_00890
Description: ER01457_3B_prokka|PROKKA_00890
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_00934
Name: ER01457_3B_prokka|PROKKA_00934
Description: ER01457_3B_prokka|PROKKA_00934
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01042
Name: ER01457_3B_prokka|PROKKA_01042
Description: ER01457_3B_prokka|PROKKA_01042
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01081
Name: ER01457_3B_prokka|PROKKA_01081
Description: ER01457_3B_prokka|PROKKA_01081
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01161
Name: ER01457_3B_prokka|PROKKA_01161
Description: ER01457_3B_prokka|PROKKA_01161
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01174
Name: ER01457_3B_prokka|PROKKA_01174
Description: ER01457_3B_prokka|PROKKA_01174
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01175
Name: ER01457_3B_prokka|PROKKA_01175
Description: ER01457_3B_prokka|PROKKA_01175
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01310
Name: ER01457_3B_prokka|PROKKA_01310
Description: ER01457_3B_prokka|PROKKA_01310
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01314
Name: ER01457_3B_prokka|PROKKA_01314
Description: ER01457_3B_prokka|PROKKA_01314
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01318
Name: ER01457_3B_prokka|PROKKA_01318
Description: ER01457_3B_prokka|PROKKA_01318
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01320
Name: ER01457_3B_prokka|PROKKA_01320
Description: ER01457_3B_prokka|PROKKA_01320
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01345
Name: ER01457_3B_prokka|PROKKA_01345
Description: ER01457_3B_prokka|PROKKA_01345
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01440
Name: ER01457_3B_prokka|PROKKA_01440
Description: ER01457_3B_prokka|PROKKA_01440
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01452
Name: ER01457_3B_prokka|PROKKA_01452
Description: ER01457_3B_prokka|PROKKA_01452
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01501
Name: ER01457_3B_prokka|PROKKA_01501
Description: ER01457_3B_prokka|PROKKA_01501
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01509
Name: ER01457_3B_prokka|PROKKA_01509
Description: ER01457_3B_prokka|PROKKA_01509
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01529
Name: ER01457_3B_prokka|PROKKA_01529
Description: ER01457_3B_prokka|PROKKA_01529
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01557
Name: ER01457_3B_prokka|PROKKA_01557
Description: ER01457_3B_prokka|PROKKA_01557
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01584
Name: ER01457_3B_prokka|PROKKA_01584
Description: ER01457_3B_prokka|PROKKA_01584
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01621
Name: ER01457_3B_prokka|PROKKA_01621
Description: ER01457_3B_prokka|PROKKA_01621
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01692
Name: ER01457_3B_prokka|PROKKA_01692
Description: ER01457_3B_prokka|PROKKA_01692
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01857
Name: ER01457_3B_prokka|PROKKA_01857
Description: ER01457_3B_prokka|PROKKA_01857
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01864
Name: ER01457_3B_prokka|PROKKA_01864
Description: ER01457_3B_prokka|PROKKA_01864
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01883
Name: ER01457_3B_prokka|PROKKA_01883
Description: ER01457_3B_prokka|PROKKA_01883
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01918
Name: ER01457_3B_prokka|PROKKA_01918
Description: ER01457_3B_prokka|PROKKA_01918
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_01970
Name: ER01457_3B_prokka|PROKKA_01970
Description: ER01457_3B_prokka|PROKKA_01970
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02042
Name: ER01457_3B_prokka|PROKKA_02042
Description: ER01457_3B_prokka|PROKKA_02042
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02046
Name: ER01457_3B_prokka|PROKKA_02046
Description: ER01457_3B_prokka|PROKKA_02046
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02062
Name: ER01457_3B_prokka|PROKKA_02062
Description: ER01457_3B_prokka|PROKKA_02062
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02082
Name: ER01457_3B_prokka|PROKKA_02082
Description: ER01457_3B_prokka|PROKKA_02082
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02112
Name: ER01457_3B_prokka|PROKKA_02112
Description: ER01457_3B_prokka|PROKKA_02112
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02114
Name: ER01457_3B_prokka|PROKKA_02114
Description: ER01457_3B_prokka|PROKKA_02114
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02163
Name: ER01457_3B_prokka|PROKKA_02163
Description: ER01457_3B_prokka|PROKKA_02163
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02283
Name: ER01457_3B_prokka|PROKKA_02283
Description: ER01457_3B_prokka|PROKKA_02283
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02307
Name: ER01457_3B_prokka|PROKKA_02307
Description: ER01457_3B_prokka|PROKKA_02307
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02338
Name: ER01457_3B_prokka|PROKKA_02338
Description: ER01457_3B_prokka|PROKKA_02338
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02493
Name: ER01457_3B_prokka|PROKKA_02493
Description: ER01457_3B_prokka|PROKKA_02493
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02623
Name: ER01457_3B_prokka|PROKKA_02623
Description: ER01457_3B_prokka|PROKKA_02623
Number of features: 0
Seq('MITVAVIDTGVDIYHNKLYKYINLSKSFC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02704
Name: ER01457_3B_prokka|PROKKA_02704
Description: ER01457_3B_prokka|PROKKA_02704
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01457_3B_prokka|PROKKA_02791
Name: ER01457_3B_prokka|PROKKA_02791
Description: ER01457_3B_prokka|PROKKA_02791
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00029
Name: ER01507_3B_prokka|PROKKA_00029
Description: ER01507_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00038
Name: ER01507_3B_prokka|PROKKA_00038
Description: ER01507_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00059
Name: ER01507_3B_prokka|PROKKA_00059
Description: ER01507_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00065
Name: ER01507_3B_prokka|PROKKA_00065
Description: ER01507_3B_prokka|PROKKA_00065
Number of features: 0
Seq('MYEENIYIKNSEYEFDNNLKQLASYLNIPVSIVRPYKEDLTLYQYKKRTSHISFN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00148
Name: ER01507_3B_prokka|PROKKA_00148
Description: ER01507_3B_prokka|PROKKA_00148
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00247
Name: ER01507_3B_prokka|PROKKA_00247
Description: ER01507_3B_prokka|PROKKA_00247
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00299
Name: ER01507_3B_prokka|PROKKA_00299
Description: ER01507_3B_prokka|PROKKA_00299
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00397
Name: ER01507_3B_prokka|PROKKA_00397
Description: ER01507_3B_prokka|PROKKA_00397
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00435
Name: ER01507_3B_prokka|PROKKA_00435
Description: ER01507_3B_prokka|PROKKA_00435
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00565
Name: ER01507_3B_prokka|PROKKA_00565
Description: ER01507_3B_prokka|PROKKA_00565
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00601
Name: ER01507_3B_prokka|PROKKA_00601
Description: ER01507_3B_prokka|PROKKA_00601
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00819
Name: ER01507_3B_prokka|PROKKA_00819
Description: ER01507_3B_prokka|PROKKA_00819
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00863
Name: ER01507_3B_prokka|PROKKA_00863
Description: ER01507_3B_prokka|PROKKA_00863
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_00971
Name: ER01507_3B_prokka|PROKKA_00971
Description: ER01507_3B_prokka|PROKKA_00971
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01010
Name: ER01507_3B_prokka|PROKKA_01010
Description: ER01507_3B_prokka|PROKKA_01010
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01090
Name: ER01507_3B_prokka|PROKKA_01090
Description: ER01507_3B_prokka|PROKKA_01090
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01103
Name: ER01507_3B_prokka|PROKKA_01103
Description: ER01507_3B_prokka|PROKKA_01103
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01104
Name: ER01507_3B_prokka|PROKKA_01104
Description: ER01507_3B_prokka|PROKKA_01104
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01239
Name: ER01507_3B_prokka|PROKKA_01239
Description: ER01507_3B_prokka|PROKKA_01239
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01243
Name: ER01507_3B_prokka|PROKKA_01243
Description: ER01507_3B_prokka|PROKKA_01243
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01247
Name: ER01507_3B_prokka|PROKKA_01247
Description: ER01507_3B_prokka|PROKKA_01247
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01249
Name: ER01507_3B_prokka|PROKKA_01249
Description: ER01507_3B_prokka|PROKKA_01249
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01273
Name: ER01507_3B_prokka|PROKKA_01273
Description: ER01507_3B_prokka|PROKKA_01273
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01307
Name: ER01507_3B_prokka|PROKKA_01307
Description: ER01507_3B_prokka|PROKKA_01307
Number of features: 0
Seq('MMKLKFCGFTSIKDVTAASQLPIDAIGFIHYEKVKGIKQLPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01369
Name: ER01507_3B_prokka|PROKKA_01369
Description: ER01507_3B_prokka|PROKKA_01369
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01381
Name: ER01507_3B_prokka|PROKKA_01381
Description: ER01507_3B_prokka|PROKKA_01381
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01430
Name: ER01507_3B_prokka|PROKKA_01430
Description: ER01507_3B_prokka|PROKKA_01430
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01438
Name: ER01507_3B_prokka|PROKKA_01438
Description: ER01507_3B_prokka|PROKKA_01438
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01458
Name: ER01507_3B_prokka|PROKKA_01458
Description: ER01507_3B_prokka|PROKKA_01458
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01486
Name: ER01507_3B_prokka|PROKKA_01486
Description: ER01507_3B_prokka|PROKKA_01486
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01513
Name: ER01507_3B_prokka|PROKKA_01513
Description: ER01507_3B_prokka|PROKKA_01513
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01550
Name: ER01507_3B_prokka|PROKKA_01550
Description: ER01507_3B_prokka|PROKKA_01550
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01621
Name: ER01507_3B_prokka|PROKKA_01621
Description: ER01507_3B_prokka|PROKKA_01621
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01786
Name: ER01507_3B_prokka|PROKKA_01786
Description: ER01507_3B_prokka|PROKKA_01786
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01793
Name: ER01507_3B_prokka|PROKKA_01793
Description: ER01507_3B_prokka|PROKKA_01793
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01812
Name: ER01507_3B_prokka|PROKKA_01812
Description: ER01507_3B_prokka|PROKKA_01812
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01847
Name: ER01507_3B_prokka|PROKKA_01847
Description: ER01507_3B_prokka|PROKKA_01847
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01899
Name: ER01507_3B_prokka|PROKKA_01899
Description: ER01507_3B_prokka|PROKKA_01899
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01901
Name: ER01507_3B_prokka|PROKKA_01901
Description: ER01507_3B_prokka|PROKKA_01901
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01902
Name: ER01507_3B_prokka|PROKKA_01902
Description: ER01507_3B_prokka|PROKKA_01902
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01932
Name: ER01507_3B_prokka|PROKKA_01932
Description: ER01507_3B_prokka|PROKKA_01932
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01941
Name: ER01507_3B_prokka|PROKKA_01941
Description: ER01507_3B_prokka|PROKKA_01941
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01948
Name: ER01507_3B_prokka|PROKKA_01948
Description: ER01507_3B_prokka|PROKKA_01948
Number of features: 0
Seq('MVTKEFLKTKLECSDIYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_01966
Name: ER01507_3B_prokka|PROKKA_01966
Description: ER01507_3B_prokka|PROKKA_01966
Number of features: 0
Seq('MRKYNFDKFFLYMAVLSLPIVIFFPLMLSIPIIFFIFSIRKKED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02041
Name: ER01507_3B_prokka|PROKKA_02041
Description: ER01507_3B_prokka|PROKKA_02041
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02045
Name: ER01507_3B_prokka|PROKKA_02045
Description: ER01507_3B_prokka|PROKKA_02045
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02061
Name: ER01507_3B_prokka|PROKKA_02061
Description: ER01507_3B_prokka|PROKKA_02061
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02081
Name: ER01507_3B_prokka|PROKKA_02081
Description: ER01507_3B_prokka|PROKKA_02081
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02111
Name: ER01507_3B_prokka|PROKKA_02111
Description: ER01507_3B_prokka|PROKKA_02111
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02113
Name: ER01507_3B_prokka|PROKKA_02113
Description: ER01507_3B_prokka|PROKKA_02113
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02162
Name: ER01507_3B_prokka|PROKKA_02162
Description: ER01507_3B_prokka|PROKKA_02162
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02282
Name: ER01507_3B_prokka|PROKKA_02282
Description: ER01507_3B_prokka|PROKKA_02282
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02307
Name: ER01507_3B_prokka|PROKKA_02307
Description: ER01507_3B_prokka|PROKKA_02307
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02338
Name: ER01507_3B_prokka|PROKKA_02338
Description: ER01507_3B_prokka|PROKKA_02338
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02494
Name: ER01507_3B_prokka|PROKKA_02494
Description: ER01507_3B_prokka|PROKKA_02494
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02703
Name: ER01507_3B_prokka|PROKKA_02703
Description: ER01507_3B_prokka|PROKKA_02703
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02790
Name: ER01507_3B_prokka|PROKKA_02790
Description: ER01507_3B_prokka|PROKKA_02790
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01507_3B_prokka|PROKKA_02813
Name: ER01507_3B_prokka|PROKKA_02813
Description: ER01507_3B_prokka|PROKKA_02813
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00029
Name: ER01524_3B_prokka|PROKKA_00029
Description: ER01524_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALTEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00069
Name: ER01524_3B_prokka|PROKKA_00069
Description: ER01524_3B_prokka|PROKKA_00069
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00078
Name: ER01524_3B_prokka|PROKKA_00078
Description: ER01524_3B_prokka|PROKKA_00078
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00099
Name: ER01524_3B_prokka|PROKKA_00099
Description: ER01524_3B_prokka|PROKKA_00099
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00190
Name: ER01524_3B_prokka|PROKKA_00190
Description: ER01524_3B_prokka|PROKKA_00190
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00289
Name: ER01524_3B_prokka|PROKKA_00289
Description: ER01524_3B_prokka|PROKKA_00289
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00341
Name: ER01524_3B_prokka|PROKKA_00341
Description: ER01524_3B_prokka|PROKKA_00341
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00440
Name: ER01524_3B_prokka|PROKKA_00440
Description: ER01524_3B_prokka|PROKKA_00440
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00478
Name: ER01524_3B_prokka|PROKKA_00478
Description: ER01524_3B_prokka|PROKKA_00478
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00607
Name: ER01524_3B_prokka|PROKKA_00607
Description: ER01524_3B_prokka|PROKKA_00607
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00643
Name: ER01524_3B_prokka|PROKKA_00643
Description: ER01524_3B_prokka|PROKKA_00643
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00861
Name: ER01524_3B_prokka|PROKKA_00861
Description: ER01524_3B_prokka|PROKKA_00861
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_00905
Name: ER01524_3B_prokka|PROKKA_00905
Description: ER01524_3B_prokka|PROKKA_00905
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01013
Name: ER01524_3B_prokka|PROKKA_01013
Description: ER01524_3B_prokka|PROKKA_01013
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01052
Name: ER01524_3B_prokka|PROKKA_01052
Description: ER01524_3B_prokka|PROKKA_01052
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01053
Name: ER01524_3B_prokka|PROKKA_01053
Description: ER01524_3B_prokka|PROKKA_01053
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01133
Name: ER01524_3B_prokka|PROKKA_01133
Description: ER01524_3B_prokka|PROKKA_01133
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01146
Name: ER01524_3B_prokka|PROKKA_01146
Description: ER01524_3B_prokka|PROKKA_01146
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01147
Name: ER01524_3B_prokka|PROKKA_01147
Description: ER01524_3B_prokka|PROKKA_01147
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01282
Name: ER01524_3B_prokka|PROKKA_01282
Description: ER01524_3B_prokka|PROKKA_01282
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01286
Name: ER01524_3B_prokka|PROKKA_01286
Description: ER01524_3B_prokka|PROKKA_01286
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01290
Name: ER01524_3B_prokka|PROKKA_01290
Description: ER01524_3B_prokka|PROKKA_01290
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01292
Name: ER01524_3B_prokka|PROKKA_01292
Description: ER01524_3B_prokka|PROKKA_01292
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01316
Name: ER01524_3B_prokka|PROKKA_01316
Description: ER01524_3B_prokka|PROKKA_01316
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01411
Name: ER01524_3B_prokka|PROKKA_01411
Description: ER01524_3B_prokka|PROKKA_01411
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01423
Name: ER01524_3B_prokka|PROKKA_01423
Description: ER01524_3B_prokka|PROKKA_01423
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01478
Name: ER01524_3B_prokka|PROKKA_01478
Description: ER01524_3B_prokka|PROKKA_01478
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01486
Name: ER01524_3B_prokka|PROKKA_01486
Description: ER01524_3B_prokka|PROKKA_01486
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01506
Name: ER01524_3B_prokka|PROKKA_01506
Description: ER01524_3B_prokka|PROKKA_01506
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01534
Name: ER01524_3B_prokka|PROKKA_01534
Description: ER01524_3B_prokka|PROKKA_01534
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01561
Name: ER01524_3B_prokka|PROKKA_01561
Description: ER01524_3B_prokka|PROKKA_01561
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01598
Name: ER01524_3B_prokka|PROKKA_01598
Description: ER01524_3B_prokka|PROKKA_01598
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01669
Name: ER01524_3B_prokka|PROKKA_01669
Description: ER01524_3B_prokka|PROKKA_01669
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01834
Name: ER01524_3B_prokka|PROKKA_01834
Description: ER01524_3B_prokka|PROKKA_01834
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01841
Name: ER01524_3B_prokka|PROKKA_01841
Description: ER01524_3B_prokka|PROKKA_01841
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01860
Name: ER01524_3B_prokka|PROKKA_01860
Description: ER01524_3B_prokka|PROKKA_01860
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01895
Name: ER01524_3B_prokka|PROKKA_01895
Description: ER01524_3B_prokka|PROKKA_01895
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01947
Name: ER01524_3B_prokka|PROKKA_01947
Description: ER01524_3B_prokka|PROKKA_01947
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01949
Name: ER01524_3B_prokka|PROKKA_01949
Description: ER01524_3B_prokka|PROKKA_01949
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01950
Name: ER01524_3B_prokka|PROKKA_01950
Description: ER01524_3B_prokka|PROKKA_01950
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01980
Name: ER01524_3B_prokka|PROKKA_01980
Description: ER01524_3B_prokka|PROKKA_01980
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01989
Name: ER01524_3B_prokka|PROKKA_01989
Description: ER01524_3B_prokka|PROKKA_01989
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_01996
Name: ER01524_3B_prokka|PROKKA_01996
Description: ER01524_3B_prokka|PROKKA_01996
Number of features: 0
Seq('MVTKEFLKTKLECSDIYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02012
Name: ER01524_3B_prokka|PROKKA_02012
Description: ER01524_3B_prokka|PROKKA_02012
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKLDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02087
Name: ER01524_3B_prokka|PROKKA_02087
Description: ER01524_3B_prokka|PROKKA_02087
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02091
Name: ER01524_3B_prokka|PROKKA_02091
Description: ER01524_3B_prokka|PROKKA_02091
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02107
Name: ER01524_3B_prokka|PROKKA_02107
Description: ER01524_3B_prokka|PROKKA_02107
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02127
Name: ER01524_3B_prokka|PROKKA_02127
Description: ER01524_3B_prokka|PROKKA_02127
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02157
Name: ER01524_3B_prokka|PROKKA_02157
Description: ER01524_3B_prokka|PROKKA_02157
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02159
Name: ER01524_3B_prokka|PROKKA_02159
Description: ER01524_3B_prokka|PROKKA_02159
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02208
Name: ER01524_3B_prokka|PROKKA_02208
Description: ER01524_3B_prokka|PROKKA_02208
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02335
Name: ER01524_3B_prokka|PROKKA_02335
Description: ER01524_3B_prokka|PROKKA_02335
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02359
Name: ER01524_3B_prokka|PROKKA_02359
Description: ER01524_3B_prokka|PROKKA_02359
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02390
Name: ER01524_3B_prokka|PROKKA_02390
Description: ER01524_3B_prokka|PROKKA_02390
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02545
Name: ER01524_3B_prokka|PROKKA_02545
Description: ER01524_3B_prokka|PROKKA_02545
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02609
Name: ER01524_3B_prokka|PROKKA_02609
Description: ER01524_3B_prokka|PROKKA_02609
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02674
Name: ER01524_3B_prokka|PROKKA_02674
Description: ER01524_3B_prokka|PROKKA_02674
Number of features: 0
Seq('MITVAVIDTGVDIYHNKLYKYINLSKSFC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02756
Name: ER01524_3B_prokka|PROKKA_02756
Description: ER01524_3B_prokka|PROKKA_02756
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02843
Name: ER01524_3B_prokka|PROKKA_02843
Description: ER01524_3B_prokka|PROKKA_02843
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01524_3B_prokka|PROKKA_02878
Name: ER01524_3B_prokka|PROKKA_02878
Description: ER01524_3B_prokka|PROKKA_02878
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00029
Name: ER01532_3B_prokka|PROKKA_00029
Description: ER01532_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00038
Name: ER01532_3B_prokka|PROKKA_00038
Description: ER01532_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00059
Name: ER01532_3B_prokka|PROKKA_00059
Description: ER01532_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00149
Name: ER01532_3B_prokka|PROKKA_00149
Description: ER01532_3B_prokka|PROKKA_00149
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00248
Name: ER01532_3B_prokka|PROKKA_00248
Description: ER01532_3B_prokka|PROKKA_00248
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00300
Name: ER01532_3B_prokka|PROKKA_00300
Description: ER01532_3B_prokka|PROKKA_00300
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00398
Name: ER01532_3B_prokka|PROKKA_00398
Description: ER01532_3B_prokka|PROKKA_00398
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00436
Name: ER01532_3B_prokka|PROKKA_00436
Description: ER01532_3B_prokka|PROKKA_00436
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00566
Name: ER01532_3B_prokka|PROKKA_00566
Description: ER01532_3B_prokka|PROKKA_00566
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00589
Name: ER01532_3B_prokka|PROKKA_00589
Description: ER01532_3B_prokka|PROKKA_00589
Number of features: 0
Seq('MPPHIQQMLFDFALERGYIDMIIKMKEEENAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00590
Name: ER01532_3B_prokka|PROKKA_00590
Description: ER01532_3B_prokka|PROKKA_00590
Number of features: 0
Seq('MSNIYKSYLVAILCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYGE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00599
Name: ER01532_3B_prokka|PROKKA_00599
Description: ER01532_3B_prokka|PROKKA_00599
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00614
Name: ER01532_3B_prokka|PROKKA_00614
Description: ER01532_3B_prokka|PROKKA_00614
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00667
Name: ER01532_3B_prokka|PROKKA_00667
Description: ER01532_3B_prokka|PROKKA_00667
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00886
Name: ER01532_3B_prokka|PROKKA_00886
Description: ER01532_3B_prokka|PROKKA_00886
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_00930
Name: ER01532_3B_prokka|PROKKA_00930
Description: ER01532_3B_prokka|PROKKA_00930
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01038
Name: ER01532_3B_prokka|PROKKA_01038
Description: ER01532_3B_prokka|PROKKA_01038
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01077
Name: ER01532_3B_prokka|PROKKA_01077
Description: ER01532_3B_prokka|PROKKA_01077
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01157
Name: ER01532_3B_prokka|PROKKA_01157
Description: ER01532_3B_prokka|PROKKA_01157
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01170
Name: ER01532_3B_prokka|PROKKA_01170
Description: ER01532_3B_prokka|PROKKA_01170
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01171
Name: ER01532_3B_prokka|PROKKA_01171
Description: ER01532_3B_prokka|PROKKA_01171
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01306
Name: ER01532_3B_prokka|PROKKA_01306
Description: ER01532_3B_prokka|PROKKA_01306
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01310
Name: ER01532_3B_prokka|PROKKA_01310
Description: ER01532_3B_prokka|PROKKA_01310
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01314
Name: ER01532_3B_prokka|PROKKA_01314
Description: ER01532_3B_prokka|PROKKA_01314
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01316
Name: ER01532_3B_prokka|PROKKA_01316
Description: ER01532_3B_prokka|PROKKA_01316
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01340
Name: ER01532_3B_prokka|PROKKA_01340
Description: ER01532_3B_prokka|PROKKA_01340
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01435
Name: ER01532_3B_prokka|PROKKA_01435
Description: ER01532_3B_prokka|PROKKA_01435
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01447
Name: ER01532_3B_prokka|PROKKA_01447
Description: ER01532_3B_prokka|PROKKA_01447
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01514
Name: ER01532_3B_prokka|PROKKA_01514
Description: ER01532_3B_prokka|PROKKA_01514
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01551
Name: ER01532_3B_prokka|PROKKA_01551
Description: ER01532_3B_prokka|PROKKA_01551
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01622
Name: ER01532_3B_prokka|PROKKA_01622
Description: ER01532_3B_prokka|PROKKA_01622
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01787
Name: ER01532_3B_prokka|PROKKA_01787
Description: ER01532_3B_prokka|PROKKA_01787
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01794
Name: ER01532_3B_prokka|PROKKA_01794
Description: ER01532_3B_prokka|PROKKA_01794
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01813
Name: ER01532_3B_prokka|PROKKA_01813
Description: ER01532_3B_prokka|PROKKA_01813
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01848
Name: ER01532_3B_prokka|PROKKA_01848
Description: ER01532_3B_prokka|PROKKA_01848
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01900
Name: ER01532_3B_prokka|PROKKA_01900
Description: ER01532_3B_prokka|PROKKA_01900
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01972
Name: ER01532_3B_prokka|PROKKA_01972
Description: ER01532_3B_prokka|PROKKA_01972
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01976
Name: ER01532_3B_prokka|PROKKA_01976
Description: ER01532_3B_prokka|PROKKA_01976
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_01992
Name: ER01532_3B_prokka|PROKKA_01992
Description: ER01532_3B_prokka|PROKKA_01992
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02012
Name: ER01532_3B_prokka|PROKKA_02012
Description: ER01532_3B_prokka|PROKKA_02012
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02042
Name: ER01532_3B_prokka|PROKKA_02042
Description: ER01532_3B_prokka|PROKKA_02042
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02044
Name: ER01532_3B_prokka|PROKKA_02044
Description: ER01532_3B_prokka|PROKKA_02044
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02093
Name: ER01532_3B_prokka|PROKKA_02093
Description: ER01532_3B_prokka|PROKKA_02093
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02213
Name: ER01532_3B_prokka|PROKKA_02213
Description: ER01532_3B_prokka|PROKKA_02213
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02237
Name: ER01532_3B_prokka|PROKKA_02237
Description: ER01532_3B_prokka|PROKKA_02237
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02268
Name: ER01532_3B_prokka|PROKKA_02268
Description: ER01532_3B_prokka|PROKKA_02268
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02423
Name: ER01532_3B_prokka|PROKKA_02423
Description: ER01532_3B_prokka|PROKKA_02423
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02632
Name: ER01532_3B_prokka|PROKKA_02632
Description: ER01532_3B_prokka|PROKKA_02632
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02719
Name: ER01532_3B_prokka|PROKKA_02719
Description: ER01532_3B_prokka|PROKKA_02719
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02724
Name: ER01532_3B_prokka|PROKKA_02724
Description: ER01532_3B_prokka|PROKKA_02724
Number of features: 0
Seq('MILSKTANKILKELKNKEKYFSNLCIENRDVNSSKLTFARC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02728
Name: ER01532_3B_prokka|PROKKA_02728
Description: ER01532_3B_prokka|PROKKA_02728
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALTEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01532_3B_prokka|PROKKA_02790
Name: ER01532_3B_prokka|PROKKA_02790
Description: ER01532_3B_prokka|PROKKA_02790
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_00074
Name: ER01560_3B_prokka|PROKKA_00074
Description: ER01560_3B_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_00083
Name: ER01560_3B_prokka|PROKKA_00083
Description: ER01560_3B_prokka|PROKKA_00083
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_00104
Name: ER01560_3B_prokka|PROKKA_00104
Description: ER01560_3B_prokka|PROKKA_00104
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_00194
Name: ER01560_3B_prokka|PROKKA_00194
Description: ER01560_3B_prokka|PROKKA_00194
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_00292
Name: ER01560_3B_prokka|PROKKA_00292
Description: ER01560_3B_prokka|PROKKA_00292
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_00344
Name: ER01560_3B_prokka|PROKKA_00344
Description: ER01560_3B_prokka|PROKKA_00344
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_00442
Name: ER01560_3B_prokka|PROKKA_00442
Description: ER01560_3B_prokka|PROKKA_00442
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_00480
Name: ER01560_3B_prokka|PROKKA_00480
Description: ER01560_3B_prokka|PROKKA_00480
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_00610
Name: ER01560_3B_prokka|PROKKA_00610
Description: ER01560_3B_prokka|PROKKA_00610
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_00646
Name: ER01560_3B_prokka|PROKKA_00646
Description: ER01560_3B_prokka|PROKKA_00646
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_00864
Name: ER01560_3B_prokka|PROKKA_00864
Description: ER01560_3B_prokka|PROKKA_00864
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_00908
Name: ER01560_3B_prokka|PROKKA_00908
Description: ER01560_3B_prokka|PROKKA_00908
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01016
Name: ER01560_3B_prokka|PROKKA_01016
Description: ER01560_3B_prokka|PROKKA_01016
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01055
Name: ER01560_3B_prokka|PROKKA_01055
Description: ER01560_3B_prokka|PROKKA_01055
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01135
Name: ER01560_3B_prokka|PROKKA_01135
Description: ER01560_3B_prokka|PROKKA_01135
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01148
Name: ER01560_3B_prokka|PROKKA_01148
Description: ER01560_3B_prokka|PROKKA_01148
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01149
Name: ER01560_3B_prokka|PROKKA_01149
Description: ER01560_3B_prokka|PROKKA_01149
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01284
Name: ER01560_3B_prokka|PROKKA_01284
Description: ER01560_3B_prokka|PROKKA_01284
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01288
Name: ER01560_3B_prokka|PROKKA_01288
Description: ER01560_3B_prokka|PROKKA_01288
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01292
Name: ER01560_3B_prokka|PROKKA_01292
Description: ER01560_3B_prokka|PROKKA_01292
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01294
Name: ER01560_3B_prokka|PROKKA_01294
Description: ER01560_3B_prokka|PROKKA_01294
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01318
Name: ER01560_3B_prokka|PROKKA_01318
Description: ER01560_3B_prokka|PROKKA_01318
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01414
Name: ER01560_3B_prokka|PROKKA_01414
Description: ER01560_3B_prokka|PROKKA_01414
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01426
Name: ER01560_3B_prokka|PROKKA_01426
Description: ER01560_3B_prokka|PROKKA_01426
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01475
Name: ER01560_3B_prokka|PROKKA_01475
Description: ER01560_3B_prokka|PROKKA_01475
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01483
Name: ER01560_3B_prokka|PROKKA_01483
Description: ER01560_3B_prokka|PROKKA_01483
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01503
Name: ER01560_3B_prokka|PROKKA_01503
Description: ER01560_3B_prokka|PROKKA_01503
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01531
Name: ER01560_3B_prokka|PROKKA_01531
Description: ER01560_3B_prokka|PROKKA_01531
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01558
Name: ER01560_3B_prokka|PROKKA_01558
Description: ER01560_3B_prokka|PROKKA_01558
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01595
Name: ER01560_3B_prokka|PROKKA_01595
Description: ER01560_3B_prokka|PROKKA_01595
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01666
Name: ER01560_3B_prokka|PROKKA_01666
Description: ER01560_3B_prokka|PROKKA_01666
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01831
Name: ER01560_3B_prokka|PROKKA_01831
Description: ER01560_3B_prokka|PROKKA_01831
Number of features: 0
Seq('MKFKAIFAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01838
Name: ER01560_3B_prokka|PROKKA_01838
Description: ER01560_3B_prokka|PROKKA_01838
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01857
Name: ER01560_3B_prokka|PROKKA_01857
Description: ER01560_3B_prokka|PROKKA_01857
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01892
Name: ER01560_3B_prokka|PROKKA_01892
Description: ER01560_3B_prokka|PROKKA_01892
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_01944
Name: ER01560_3B_prokka|PROKKA_01944
Description: ER01560_3B_prokka|PROKKA_01944
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02016
Name: ER01560_3B_prokka|PROKKA_02016
Description: ER01560_3B_prokka|PROKKA_02016
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02020
Name: ER01560_3B_prokka|PROKKA_02020
Description: ER01560_3B_prokka|PROKKA_02020
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02036
Name: ER01560_3B_prokka|PROKKA_02036
Description: ER01560_3B_prokka|PROKKA_02036
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTERVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02056
Name: ER01560_3B_prokka|PROKKA_02056
Description: ER01560_3B_prokka|PROKKA_02056
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02086
Name: ER01560_3B_prokka|PROKKA_02086
Description: ER01560_3B_prokka|PROKKA_02086
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02088
Name: ER01560_3B_prokka|PROKKA_02088
Description: ER01560_3B_prokka|PROKKA_02088
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02137
Name: ER01560_3B_prokka|PROKKA_02137
Description: ER01560_3B_prokka|PROKKA_02137
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02257
Name: ER01560_3B_prokka|PROKKA_02257
Description: ER01560_3B_prokka|PROKKA_02257
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02282
Name: ER01560_3B_prokka|PROKKA_02282
Description: ER01560_3B_prokka|PROKKA_02282
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02312
Name: ER01560_3B_prokka|PROKKA_02312
Description: ER01560_3B_prokka|PROKKA_02312
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02468
Name: ER01560_3B_prokka|PROKKA_02468
Description: ER01560_3B_prokka|PROKKA_02468
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02596
Name: ER01560_3B_prokka|PROKKA_02596
Description: ER01560_3B_prokka|PROKKA_02596
Number of features: 0
Seq('MITVAVIDTGVDIYHNKLYKYINLSKSFC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02678
Name: ER01560_3B_prokka|PROKKA_02678
Description: ER01560_3B_prokka|PROKKA_02678
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01560_3B_prokka|PROKKA_02765
Name: ER01560_3B_prokka|PROKKA_02765
Description: ER01560_3B_prokka|PROKKA_02765
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00030
Name: ER01564_3B_prokka|PROKKA_00030
Description: ER01564_3B_prokka|PROKKA_00030
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00034
Name: ER01564_3B_prokka|PROKKA_00034
Description: ER01564_3B_prokka|PROKKA_00034
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00043
Name: ER01564_3B_prokka|PROKKA_00043
Description: ER01564_3B_prokka|PROKKA_00043
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00056
Name: ER01564_3B_prokka|PROKKA_00056
Description: ER01564_3B_prokka|PROKKA_00056
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00059
Name: ER01564_3B_prokka|PROKKA_00059
Description: ER01564_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00224
Name: ER01564_3B_prokka|PROKKA_00224
Description: ER01564_3B_prokka|PROKKA_00224
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00320
Name: ER01564_3B_prokka|PROKKA_00320
Description: ER01564_3B_prokka|PROKKA_00320
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00326
Name: ER01564_3B_prokka|PROKKA_00326
Description: ER01564_3B_prokka|PROKKA_00326
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00367
Name: ER01564_3B_prokka|PROKKA_00367
Description: ER01564_3B_prokka|PROKKA_00367
Number of features: 0
Seq('MKMYLTYICLVSLLTILLLAISNMYVAFSVYGMMATYGFNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00384
Name: ER01564_3B_prokka|PROKKA_00384
Description: ER01564_3B_prokka|PROKKA_00384
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00385
Name: ER01564_3B_prokka|PROKKA_00385
Description: ER01564_3B_prokka|PROKKA_00385
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00395
Name: ER01564_3B_prokka|PROKKA_00395
Description: ER01564_3B_prokka|PROKKA_00395
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00413
Name: ER01564_3B_prokka|PROKKA_00413
Description: ER01564_3B_prokka|PROKKA_00413
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00579
Name: ER01564_3B_prokka|PROKKA_00579
Description: ER01564_3B_prokka|PROKKA_00579
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00832
Name: ER01564_3B_prokka|PROKKA_00832
Description: ER01564_3B_prokka|PROKKA_00832
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00859
Name: ER01564_3B_prokka|PROKKA_00859
Description: ER01564_3B_prokka|PROKKA_00859
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_00967
Name: ER01564_3B_prokka|PROKKA_00967
Description: ER01564_3B_prokka|PROKKA_00967
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01007
Name: ER01564_3B_prokka|PROKKA_01007
Description: ER01564_3B_prokka|PROKKA_01007
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01088
Name: ER01564_3B_prokka|PROKKA_01088
Description: ER01564_3B_prokka|PROKKA_01088
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01100
Name: ER01564_3B_prokka|PROKKA_01100
Description: ER01564_3B_prokka|PROKKA_01100
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01101
Name: ER01564_3B_prokka|PROKKA_01101
Description: ER01564_3B_prokka|PROKKA_01101
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01236
Name: ER01564_3B_prokka|PROKKA_01236
Description: ER01564_3B_prokka|PROKKA_01236
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01240
Name: ER01564_3B_prokka|PROKKA_01240
Description: ER01564_3B_prokka|PROKKA_01240
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01264
Name: ER01564_3B_prokka|PROKKA_01264
Description: ER01564_3B_prokka|PROKKA_01264
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01359
Name: ER01564_3B_prokka|PROKKA_01359
Description: ER01564_3B_prokka|PROKKA_01359
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01371
Name: ER01564_3B_prokka|PROKKA_01371
Description: ER01564_3B_prokka|PROKKA_01371
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01438
Name: ER01564_3B_prokka|PROKKA_01438
Description: ER01564_3B_prokka|PROKKA_01438
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01441
Name: ER01564_3B_prokka|PROKKA_01441
Description: ER01564_3B_prokka|PROKKA_01441
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01476
Name: ER01564_3B_prokka|PROKKA_01476
Description: ER01564_3B_prokka|PROKKA_01476
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01549
Name: ER01564_3B_prokka|PROKKA_01549
Description: ER01564_3B_prokka|PROKKA_01549
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01712
Name: ER01564_3B_prokka|PROKKA_01712
Description: ER01564_3B_prokka|PROKKA_01712
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01727
Name: ER01564_3B_prokka|PROKKA_01727
Description: ER01564_3B_prokka|PROKKA_01727
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01769
Name: ER01564_3B_prokka|PROKKA_01769
Description: ER01564_3B_prokka|PROKKA_01769
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01821
Name: ER01564_3B_prokka|PROKKA_01821
Description: ER01564_3B_prokka|PROKKA_01821
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01823
Name: ER01564_3B_prokka|PROKKA_01823
Description: ER01564_3B_prokka|PROKKA_01823
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01824
Name: ER01564_3B_prokka|PROKKA_01824
Description: ER01564_3B_prokka|PROKKA_01824
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01854
Name: ER01564_3B_prokka|PROKKA_01854
Description: ER01564_3B_prokka|PROKKA_01854
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01873
Name: ER01564_3B_prokka|PROKKA_01873
Description: ER01564_3B_prokka|PROKKA_01873
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01874
Name: ER01564_3B_prokka|PROKKA_01874
Description: ER01564_3B_prokka|PROKKA_01874
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01877
Name: ER01564_3B_prokka|PROKKA_01877
Description: ER01564_3B_prokka|PROKKA_01877
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01883
Name: ER01564_3B_prokka|PROKKA_01883
Description: ER01564_3B_prokka|PROKKA_01883
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01959
Name: ER01564_3B_prokka|PROKKA_01959
Description: ER01564_3B_prokka|PROKKA_01959
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01963
Name: ER01564_3B_prokka|PROKKA_01963
Description: ER01564_3B_prokka|PROKKA_01963
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01979
Name: ER01564_3B_prokka|PROKKA_01979
Description: ER01564_3B_prokka|PROKKA_01979
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_01997
Name: ER01564_3B_prokka|PROKKA_01997
Description: ER01564_3B_prokka|PROKKA_01997
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02036
Name: ER01564_3B_prokka|PROKKA_02036
Description: ER01564_3B_prokka|PROKKA_02036
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02047
Name: ER01564_3B_prokka|PROKKA_02047
Description: ER01564_3B_prokka|PROKKA_02047
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02049
Name: ER01564_3B_prokka|PROKKA_02049
Description: ER01564_3B_prokka|PROKKA_02049
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02099
Name: ER01564_3B_prokka|PROKKA_02099
Description: ER01564_3B_prokka|PROKKA_02099
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02225
Name: ER01564_3B_prokka|PROKKA_02225
Description: ER01564_3B_prokka|PROKKA_02225
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02238
Name: ER01564_3B_prokka|PROKKA_02238
Description: ER01564_3B_prokka|PROKKA_02238
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02269
Name: ER01564_3B_prokka|PROKKA_02269
Description: ER01564_3B_prokka|PROKKA_02269
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02423
Name: ER01564_3B_prokka|PROKKA_02423
Description: ER01564_3B_prokka|PROKKA_02423
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02487
Name: ER01564_3B_prokka|PROKKA_02487
Description: ER01564_3B_prokka|PROKKA_02487
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02603
Name: ER01564_3B_prokka|PROKKA_02603
Description: ER01564_3B_prokka|PROKKA_02603
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02616
Name: ER01564_3B_prokka|PROKKA_02616
Description: ER01564_3B_prokka|PROKKA_02616
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02618
Name: ER01564_3B_prokka|PROKKA_02618
Description: ER01564_3B_prokka|PROKKA_02618
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02621
Name: ER01564_3B_prokka|PROKKA_02621
Description: ER01564_3B_prokka|PROKKA_02621
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02628
Name: ER01564_3B_prokka|PROKKA_02628
Description: ER01564_3B_prokka|PROKKA_02628
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02666
Name: ER01564_3B_prokka|PROKKA_02666
Description: ER01564_3B_prokka|PROKKA_02666
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02750
Name: ER01564_3B_prokka|PROKKA_02750
Description: ER01564_3B_prokka|PROKKA_02750
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02758
Name: ER01564_3B_prokka|PROKKA_02758
Description: ER01564_3B_prokka|PROKKA_02758
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02789
Name: ER01564_3B_prokka|PROKKA_02789
Description: ER01564_3B_prokka|PROKKA_02789
Number of features: 0
Seq('MGAVIKVGAKVIGWGAASGAGLYGLEKIFKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02790
Name: ER01564_3B_prokka|PROKKA_02790
Description: ER01564_3B_prokka|PROKKA_02790
Number of features: 0
Seq('MGALIKTGAKIIGSGAAGGLGTYIGHKILGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02791
Name: ER01564_3B_prokka|PROKKA_02791
Description: ER01564_3B_prokka|PROKKA_02791
Number of features: 0
Seq('MGAVAKFLGKAALGGAAGGATYAGLKKIFG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02792
Name: ER01564_3B_prokka|PROKKA_02792
Description: ER01564_3B_prokka|PROKKA_02792
Number of features: 0
Seq('MGKLAIKAGKIIGGGIASALGWAAGEKAVGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01564_3B_prokka|PROKKA_02811
Name: ER01564_3B_prokka|PROKKA_02811
Description: ER01564_3B_prokka|PROKKA_02811
Number of features: 0
Seq('MKVTNTIRFEEEKKNLIDNVVNTLEEYKDVIDSELRTIRNTNHLVMRNNLVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00029
Name: ER01570_3B_prokka|PROKKA_00029
Description: ER01570_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00038
Name: ER01570_3B_prokka|PROKKA_00038
Description: ER01570_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00059
Name: ER01570_3B_prokka|PROKKA_00059
Description: ER01570_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00161
Name: ER01570_3B_prokka|PROKKA_00161
Description: ER01570_3B_prokka|PROKKA_00161
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00260
Name: ER01570_3B_prokka|PROKKA_00260
Description: ER01570_3B_prokka|PROKKA_00260
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00313
Name: ER01570_3B_prokka|PROKKA_00313
Description: ER01570_3B_prokka|PROKKA_00313
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00411
Name: ER01570_3B_prokka|PROKKA_00411
Description: ER01570_3B_prokka|PROKKA_00411
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00449
Name: ER01570_3B_prokka|PROKKA_00449
Description: ER01570_3B_prokka|PROKKA_00449
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00579
Name: ER01570_3B_prokka|PROKKA_00579
Description: ER01570_3B_prokka|PROKKA_00579
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00615
Name: ER01570_3B_prokka|PROKKA_00615
Description: ER01570_3B_prokka|PROKKA_00615
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00840
Name: ER01570_3B_prokka|PROKKA_00840
Description: ER01570_3B_prokka|PROKKA_00840
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00884
Name: ER01570_3B_prokka|PROKKA_00884
Description: ER01570_3B_prokka|PROKKA_00884
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_00992
Name: ER01570_3B_prokka|PROKKA_00992
Description: ER01570_3B_prokka|PROKKA_00992
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01031
Name: ER01570_3B_prokka|PROKKA_01031
Description: ER01570_3B_prokka|PROKKA_01031
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01111
Name: ER01570_3B_prokka|PROKKA_01111
Description: ER01570_3B_prokka|PROKKA_01111
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01124
Name: ER01570_3B_prokka|PROKKA_01124
Description: ER01570_3B_prokka|PROKKA_01124
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01125
Name: ER01570_3B_prokka|PROKKA_01125
Description: ER01570_3B_prokka|PROKKA_01125
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01260
Name: ER01570_3B_prokka|PROKKA_01260
Description: ER01570_3B_prokka|PROKKA_01260
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01264
Name: ER01570_3B_prokka|PROKKA_01264
Description: ER01570_3B_prokka|PROKKA_01264
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01268
Name: ER01570_3B_prokka|PROKKA_01268
Description: ER01570_3B_prokka|PROKKA_01268
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01269
Name: ER01570_3B_prokka|PROKKA_01269
Description: ER01570_3B_prokka|PROKKA_01269
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01293
Name: ER01570_3B_prokka|PROKKA_01293
Description: ER01570_3B_prokka|PROKKA_01293
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01388
Name: ER01570_3B_prokka|PROKKA_01388
Description: ER01570_3B_prokka|PROKKA_01388
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01401
Name: ER01570_3B_prokka|PROKKA_01401
Description: ER01570_3B_prokka|PROKKA_01401
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01450
Name: ER01570_3B_prokka|PROKKA_01450
Description: ER01570_3B_prokka|PROKKA_01450
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01458
Name: ER01570_3B_prokka|PROKKA_01458
Description: ER01570_3B_prokka|PROKKA_01458
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01478
Name: ER01570_3B_prokka|PROKKA_01478
Description: ER01570_3B_prokka|PROKKA_01478
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01506
Name: ER01570_3B_prokka|PROKKA_01506
Description: ER01570_3B_prokka|PROKKA_01506
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01533
Name: ER01570_3B_prokka|PROKKA_01533
Description: ER01570_3B_prokka|PROKKA_01533
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01570
Name: ER01570_3B_prokka|PROKKA_01570
Description: ER01570_3B_prokka|PROKKA_01570
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01641
Name: ER01570_3B_prokka|PROKKA_01641
Description: ER01570_3B_prokka|PROKKA_01641
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01806
Name: ER01570_3B_prokka|PROKKA_01806
Description: ER01570_3B_prokka|PROKKA_01806
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01813
Name: ER01570_3B_prokka|PROKKA_01813
Description: ER01570_3B_prokka|PROKKA_01813
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01832
Name: ER01570_3B_prokka|PROKKA_01832
Description: ER01570_3B_prokka|PROKKA_01832
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01867
Name: ER01570_3B_prokka|PROKKA_01867
Description: ER01570_3B_prokka|PROKKA_01867
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01919
Name: ER01570_3B_prokka|PROKKA_01919
Description: ER01570_3B_prokka|PROKKA_01919
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01991
Name: ER01570_3B_prokka|PROKKA_01991
Description: ER01570_3B_prokka|PROKKA_01991
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_01995
Name: ER01570_3B_prokka|PROKKA_01995
Description: ER01570_3B_prokka|PROKKA_01995
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_02011
Name: ER01570_3B_prokka|PROKKA_02011
Description: ER01570_3B_prokka|PROKKA_02011
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_02031
Name: ER01570_3B_prokka|PROKKA_02031
Description: ER01570_3B_prokka|PROKKA_02031
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_02061
Name: ER01570_3B_prokka|PROKKA_02061
Description: ER01570_3B_prokka|PROKKA_02061
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_02063
Name: ER01570_3B_prokka|PROKKA_02063
Description: ER01570_3B_prokka|PROKKA_02063
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_02112
Name: ER01570_3B_prokka|PROKKA_02112
Description: ER01570_3B_prokka|PROKKA_02112
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_02233
Name: ER01570_3B_prokka|PROKKA_02233
Description: ER01570_3B_prokka|PROKKA_02233
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_02257
Name: ER01570_3B_prokka|PROKKA_02257
Description: ER01570_3B_prokka|PROKKA_02257
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_02288
Name: ER01570_3B_prokka|PROKKA_02288
Description: ER01570_3B_prokka|PROKKA_02288
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_02443
Name: ER01570_3B_prokka|PROKKA_02443
Description: ER01570_3B_prokka|PROKKA_02443
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_02652
Name: ER01570_3B_prokka|PROKKA_02652
Description: ER01570_3B_prokka|PROKKA_02652
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01570_3B_prokka|PROKKA_02739
Name: ER01570_3B_prokka|PROKKA_02739
Description: ER01570_3B_prokka|PROKKA_02739
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00003
Name: ER01689_3B_prokka|PROKKA_00003
Description: ER01689_3B_prokka|PROKKA_00003
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00015
Name: ER01689_3B_prokka|PROKKA_00015
Description: ER01689_3B_prokka|PROKKA_00015
Number of features: 0
Seq('MLNKILLLLLSVTFMLLFFSLHSVSAKPDPRPGELNRVSDYKKKQRYYGEC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00019
Name: ER01689_3B_prokka|PROKKA_00019
Description: ER01689_3B_prokka|PROKKA_00019
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00029
Name: ER01689_3B_prokka|PROKKA_00029
Description: ER01689_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00085
Name: ER01689_3B_prokka|PROKKA_00085
Description: ER01689_3B_prokka|PROKKA_00085
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00094
Name: ER01689_3B_prokka|PROKKA_00094
Description: ER01689_3B_prokka|PROKKA_00094
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00269
Name: ER01689_3B_prokka|PROKKA_00269
Description: ER01689_3B_prokka|PROKKA_00269
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00393
Name: ER01689_3B_prokka|PROKKA_00393
Description: ER01689_3B_prokka|PROKKA_00393
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00410
Name: ER01689_3B_prokka|PROKKA_00410
Description: ER01689_3B_prokka|PROKKA_00410
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00577
Name: ER01689_3B_prokka|PROKKA_00577
Description: ER01689_3B_prokka|PROKKA_00577
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00810
Name: ER01689_3B_prokka|PROKKA_00810
Description: ER01689_3B_prokka|PROKKA_00810
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGEVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00891
Name: ER01689_3B_prokka|PROKKA_00891
Description: ER01689_3B_prokka|PROKKA_00891
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_00917
Name: ER01689_3B_prokka|PROKKA_00917
Description: ER01689_3B_prokka|PROKKA_00917
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLVIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01023
Name: ER01689_3B_prokka|PROKKA_01023
Description: ER01689_3B_prokka|PROKKA_01023
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01063
Name: ER01689_3B_prokka|PROKKA_01063
Description: ER01689_3B_prokka|PROKKA_01063
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01143
Name: ER01689_3B_prokka|PROKKA_01143
Description: ER01689_3B_prokka|PROKKA_01143
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01155
Name: ER01689_3B_prokka|PROKKA_01155
Description: ER01689_3B_prokka|PROKKA_01155
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01156
Name: ER01689_3B_prokka|PROKKA_01156
Description: ER01689_3B_prokka|PROKKA_01156
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01291
Name: ER01689_3B_prokka|PROKKA_01291
Description: ER01689_3B_prokka|PROKKA_01291
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01295
Name: ER01689_3B_prokka|PROKKA_01295
Description: ER01689_3B_prokka|PROKKA_01295
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01319
Name: ER01689_3B_prokka|PROKKA_01319
Description: ER01689_3B_prokka|PROKKA_01319
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01426
Name: ER01689_3B_prokka|PROKKA_01426
Description: ER01689_3B_prokka|PROKKA_01426
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01490
Name: ER01689_3B_prokka|PROKKA_01490
Description: ER01689_3B_prokka|PROKKA_01490
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01493
Name: ER01689_3B_prokka|PROKKA_01493
Description: ER01689_3B_prokka|PROKKA_01493
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01528
Name: ER01689_3B_prokka|PROKKA_01528
Description: ER01689_3B_prokka|PROKKA_01528
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01600
Name: ER01689_3B_prokka|PROKKA_01600
Description: ER01689_3B_prokka|PROKKA_01600
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01764
Name: ER01689_3B_prokka|PROKKA_01764
Description: ER01689_3B_prokka|PROKKA_01764
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01779
Name: ER01689_3B_prokka|PROKKA_01779
Description: ER01689_3B_prokka|PROKKA_01779
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01821
Name: ER01689_3B_prokka|PROKKA_01821
Description: ER01689_3B_prokka|PROKKA_01821
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01873
Name: ER01689_3B_prokka|PROKKA_01873
Description: ER01689_3B_prokka|PROKKA_01873
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01945
Name: ER01689_3B_prokka|PROKKA_01945
Description: ER01689_3B_prokka|PROKKA_01945
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01949
Name: ER01689_3B_prokka|PROKKA_01949
Description: ER01689_3B_prokka|PROKKA_01949
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01966
Name: ER01689_3B_prokka|PROKKA_01966
Description: ER01689_3B_prokka|PROKKA_01966
Number of features: 0
Seq('MRIFIYDLIVLLFAFLISIYIIDDGVIINALGIFGMYKIIDSFSENIIKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01967
Name: ER01689_3B_prokka|PROKKA_01967
Description: ER01689_3B_prokka|PROKKA_01967
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEASSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01970
Name: ER01689_3B_prokka|PROKKA_01970
Description: ER01689_3B_prokka|PROKKA_01970
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSENEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01984
Name: ER01689_3B_prokka|PROKKA_01984
Description: ER01689_3B_prokka|PROKKA_01984
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01987
Name: ER01689_3B_prokka|PROKKA_01987
Description: ER01689_3B_prokka|PROKKA_01987
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01994
Name: ER01689_3B_prokka|PROKKA_01994
Description: ER01689_3B_prokka|PROKKA_01994
Number of features: 0
Seq('MNLKEVDINIEEWEMVEIPFYTEEELTYRLKNDLPITKSEFEEQESKNEFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_01996
Name: ER01689_3B_prokka|PROKKA_01996
Description: ER01689_3B_prokka|PROKKA_01996
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_02010
Name: ER01689_3B_prokka|PROKKA_02010
Description: ER01689_3B_prokka|PROKKA_02010
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_02012
Name: ER01689_3B_prokka|PROKKA_02012
Description: ER01689_3B_prokka|PROKKA_02012
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_02062
Name: ER01689_3B_prokka|PROKKA_02062
Description: ER01689_3B_prokka|PROKKA_02062
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_02186
Name: ER01689_3B_prokka|PROKKA_02186
Description: ER01689_3B_prokka|PROKKA_02186
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_02199
Name: ER01689_3B_prokka|PROKKA_02199
Description: ER01689_3B_prokka|PROKKA_02199
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_02230
Name: ER01689_3B_prokka|PROKKA_02230
Description: ER01689_3B_prokka|PROKKA_02230
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_02383
Name: ER01689_3B_prokka|PROKKA_02383
Description: ER01689_3B_prokka|PROKKA_02383
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_02447
Name: ER01689_3B_prokka|PROKKA_02447
Description: ER01689_3B_prokka|PROKKA_02447
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_02555
Name: ER01689_3B_prokka|PROKKA_02555
Description: ER01689_3B_prokka|PROKKA_02555
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_02593
Name: ER01689_3B_prokka|PROKKA_02593
Description: ER01689_3B_prokka|PROKKA_02593
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01689_3B_prokka|PROKKA_02677
Name: ER01689_3B_prokka|PROKKA_02677
Description: ER01689_3B_prokka|PROKKA_02677
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00030
Name: ER01719_3B_prokka|PROKKA_00030
Description: ER01719_3B_prokka|PROKKA_00030
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00034
Name: ER01719_3B_prokka|PROKKA_00034
Description: ER01719_3B_prokka|PROKKA_00034
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00043
Name: ER01719_3B_prokka|PROKKA_00043
Description: ER01719_3B_prokka|PROKKA_00043
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00056
Name: ER01719_3B_prokka|PROKKA_00056
Description: ER01719_3B_prokka|PROKKA_00056
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00059
Name: ER01719_3B_prokka|PROKKA_00059
Description: ER01719_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00224
Name: ER01719_3B_prokka|PROKKA_00224
Description: ER01719_3B_prokka|PROKKA_00224
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00320
Name: ER01719_3B_prokka|PROKKA_00320
Description: ER01719_3B_prokka|PROKKA_00320
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00326
Name: ER01719_3B_prokka|PROKKA_00326
Description: ER01719_3B_prokka|PROKKA_00326
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00370
Name: ER01719_3B_prokka|PROKKA_00370
Description: ER01719_3B_prokka|PROKKA_00370
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00388
Name: ER01719_3B_prokka|PROKKA_00388
Description: ER01719_3B_prokka|PROKKA_00388
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00554
Name: ER01719_3B_prokka|PROKKA_00554
Description: ER01719_3B_prokka|PROKKA_00554
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00807
Name: ER01719_3B_prokka|PROKKA_00807
Description: ER01719_3B_prokka|PROKKA_00807
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00819
Name: ER01719_3B_prokka|PROKKA_00819
Description: ER01719_3B_prokka|PROKKA_00819
Number of features: 0
Seq('MKMYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00856
Name: ER01719_3B_prokka|PROKKA_00856
Description: ER01719_3B_prokka|PROKKA_00856
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_00964
Name: ER01719_3B_prokka|PROKKA_00964
Description: ER01719_3B_prokka|PROKKA_00964
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01004
Name: ER01719_3B_prokka|PROKKA_01004
Description: ER01719_3B_prokka|PROKKA_01004
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01053
Name: ER01719_3B_prokka|PROKKA_01053
Description: ER01719_3B_prokka|PROKKA_01053
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01061
Name: ER01719_3B_prokka|PROKKA_01061
Description: ER01719_3B_prokka|PROKKA_01061
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01062
Name: ER01719_3B_prokka|PROKKA_01062
Description: ER01719_3B_prokka|PROKKA_01062
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01085
Name: ER01719_3B_prokka|PROKKA_01085
Description: ER01719_3B_prokka|PROKKA_01085
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01115
Name: ER01719_3B_prokka|PROKKA_01115
Description: ER01719_3B_prokka|PROKKA_01115
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01116
Name: ER01719_3B_prokka|PROKKA_01116
Description: ER01719_3B_prokka|PROKKA_01116
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01151
Name: ER01719_3B_prokka|PROKKA_01151
Description: ER01719_3B_prokka|PROKKA_01151
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01163
Name: ER01719_3B_prokka|PROKKA_01163
Description: ER01719_3B_prokka|PROKKA_01163
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01164
Name: ER01719_3B_prokka|PROKKA_01164
Description: ER01719_3B_prokka|PROKKA_01164
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01299
Name: ER01719_3B_prokka|PROKKA_01299
Description: ER01719_3B_prokka|PROKKA_01299
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01303
Name: ER01719_3B_prokka|PROKKA_01303
Description: ER01719_3B_prokka|PROKKA_01303
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01327
Name: ER01719_3B_prokka|PROKKA_01327
Description: ER01719_3B_prokka|PROKKA_01327
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01422
Name: ER01719_3B_prokka|PROKKA_01422
Description: ER01719_3B_prokka|PROKKA_01422
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01434
Name: ER01719_3B_prokka|PROKKA_01434
Description: ER01719_3B_prokka|PROKKA_01434
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01499
Name: ER01719_3B_prokka|PROKKA_01499
Description: ER01719_3B_prokka|PROKKA_01499
Number of features: 0
Seq('MNLGNVKETISIIYLIEIVSFLMYLSKFSTHDIFNDFLSLVKLKFSTFIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01502
Name: ER01719_3B_prokka|PROKKA_01502
Description: ER01719_3B_prokka|PROKKA_01502
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01505
Name: ER01719_3B_prokka|PROKKA_01505
Description: ER01719_3B_prokka|PROKKA_01505
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01540
Name: ER01719_3B_prokka|PROKKA_01540
Description: ER01719_3B_prokka|PROKKA_01540
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01613
Name: ER01719_3B_prokka|PROKKA_01613
Description: ER01719_3B_prokka|PROKKA_01613
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01776
Name: ER01719_3B_prokka|PROKKA_01776
Description: ER01719_3B_prokka|PROKKA_01776
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01791
Name: ER01719_3B_prokka|PROKKA_01791
Description: ER01719_3B_prokka|PROKKA_01791
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01833
Name: ER01719_3B_prokka|PROKKA_01833
Description: ER01719_3B_prokka|PROKKA_01833
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01885
Name: ER01719_3B_prokka|PROKKA_01885
Description: ER01719_3B_prokka|PROKKA_01885
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01960
Name: ER01719_3B_prokka|PROKKA_01960
Description: ER01719_3B_prokka|PROKKA_01960
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01964
Name: ER01719_3B_prokka|PROKKA_01964
Description: ER01719_3B_prokka|PROKKA_01964
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01980
Name: ER01719_3B_prokka|PROKKA_01980
Description: ER01719_3B_prokka|PROKKA_01980
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_01998
Name: ER01719_3B_prokka|PROKKA_01998
Description: ER01719_3B_prokka|PROKKA_01998
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02037
Name: ER01719_3B_prokka|PROKKA_02037
Description: ER01719_3B_prokka|PROKKA_02037
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02048
Name: ER01719_3B_prokka|PROKKA_02048
Description: ER01719_3B_prokka|PROKKA_02048
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02050
Name: ER01719_3B_prokka|PROKKA_02050
Description: ER01719_3B_prokka|PROKKA_02050
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02100
Name: ER01719_3B_prokka|PROKKA_02100
Description: ER01719_3B_prokka|PROKKA_02100
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02226
Name: ER01719_3B_prokka|PROKKA_02226
Description: ER01719_3B_prokka|PROKKA_02226
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02239
Name: ER01719_3B_prokka|PROKKA_02239
Description: ER01719_3B_prokka|PROKKA_02239
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02270
Name: ER01719_3B_prokka|PROKKA_02270
Description: ER01719_3B_prokka|PROKKA_02270
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02424
Name: ER01719_3B_prokka|PROKKA_02424
Description: ER01719_3B_prokka|PROKKA_02424
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02488
Name: ER01719_3B_prokka|PROKKA_02488
Description: ER01719_3B_prokka|PROKKA_02488
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02609
Name: ER01719_3B_prokka|PROKKA_02609
Description: ER01719_3B_prokka|PROKKA_02609
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02622
Name: ER01719_3B_prokka|PROKKA_02622
Description: ER01719_3B_prokka|PROKKA_02622
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02624
Name: ER01719_3B_prokka|PROKKA_02624
Description: ER01719_3B_prokka|PROKKA_02624
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02627
Name: ER01719_3B_prokka|PROKKA_02627
Description: ER01719_3B_prokka|PROKKA_02627
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02634
Name: ER01719_3B_prokka|PROKKA_02634
Description: ER01719_3B_prokka|PROKKA_02634
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02672
Name: ER01719_3B_prokka|PROKKA_02672
Description: ER01719_3B_prokka|PROKKA_02672
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02756
Name: ER01719_3B_prokka|PROKKA_02756
Description: ER01719_3B_prokka|PROKKA_02756
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01719_3B_prokka|PROKKA_02776
Name: ER01719_3B_prokka|PROKKA_02776
Description: ER01719_3B_prokka|PROKKA_02776
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00029
Name: ER01746_3B_prokka|PROKKA_00029
Description: ER01746_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00038
Name: ER01746_3B_prokka|PROKKA_00038
Description: ER01746_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00059
Name: ER01746_3B_prokka|PROKKA_00059
Description: ER01746_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00149
Name: ER01746_3B_prokka|PROKKA_00149
Description: ER01746_3B_prokka|PROKKA_00149
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00247
Name: ER01746_3B_prokka|PROKKA_00247
Description: ER01746_3B_prokka|PROKKA_00247
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00299
Name: ER01746_3B_prokka|PROKKA_00299
Description: ER01746_3B_prokka|PROKKA_00299
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00397
Name: ER01746_3B_prokka|PROKKA_00397
Description: ER01746_3B_prokka|PROKKA_00397
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00435
Name: ER01746_3B_prokka|PROKKA_00435
Description: ER01746_3B_prokka|PROKKA_00435
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00565
Name: ER01746_3B_prokka|PROKKA_00565
Description: ER01746_3B_prokka|PROKKA_00565
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00601
Name: ER01746_3B_prokka|PROKKA_00601
Description: ER01746_3B_prokka|PROKKA_00601
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00819
Name: ER01746_3B_prokka|PROKKA_00819
Description: ER01746_3B_prokka|PROKKA_00819
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00863
Name: ER01746_3B_prokka|PROKKA_00863
Description: ER01746_3B_prokka|PROKKA_00863
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_00971
Name: ER01746_3B_prokka|PROKKA_00971
Description: ER01746_3B_prokka|PROKKA_00971
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01010
Name: ER01746_3B_prokka|PROKKA_01010
Description: ER01746_3B_prokka|PROKKA_01010
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01090
Name: ER01746_3B_prokka|PROKKA_01090
Description: ER01746_3B_prokka|PROKKA_01090
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01103
Name: ER01746_3B_prokka|PROKKA_01103
Description: ER01746_3B_prokka|PROKKA_01103
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01104
Name: ER01746_3B_prokka|PROKKA_01104
Description: ER01746_3B_prokka|PROKKA_01104
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01239
Name: ER01746_3B_prokka|PROKKA_01239
Description: ER01746_3B_prokka|PROKKA_01239
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01243
Name: ER01746_3B_prokka|PROKKA_01243
Description: ER01746_3B_prokka|PROKKA_01243
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01247
Name: ER01746_3B_prokka|PROKKA_01247
Description: ER01746_3B_prokka|PROKKA_01247
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01249
Name: ER01746_3B_prokka|PROKKA_01249
Description: ER01746_3B_prokka|PROKKA_01249
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01273
Name: ER01746_3B_prokka|PROKKA_01273
Description: ER01746_3B_prokka|PROKKA_01273
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01368
Name: ER01746_3B_prokka|PROKKA_01368
Description: ER01746_3B_prokka|PROKKA_01368
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01380
Name: ER01746_3B_prokka|PROKKA_01380
Description: ER01746_3B_prokka|PROKKA_01380
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01430
Name: ER01746_3B_prokka|PROKKA_01430
Description: ER01746_3B_prokka|PROKKA_01430
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01438
Name: ER01746_3B_prokka|PROKKA_01438
Description: ER01746_3B_prokka|PROKKA_01438
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01458
Name: ER01746_3B_prokka|PROKKA_01458
Description: ER01746_3B_prokka|PROKKA_01458
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01486
Name: ER01746_3B_prokka|PROKKA_01486
Description: ER01746_3B_prokka|PROKKA_01486
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01513
Name: ER01746_3B_prokka|PROKKA_01513
Description: ER01746_3B_prokka|PROKKA_01513
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01550
Name: ER01746_3B_prokka|PROKKA_01550
Description: ER01746_3B_prokka|PROKKA_01550
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01621
Name: ER01746_3B_prokka|PROKKA_01621
Description: ER01746_3B_prokka|PROKKA_01621
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01786
Name: ER01746_3B_prokka|PROKKA_01786
Description: ER01746_3B_prokka|PROKKA_01786
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01793
Name: ER01746_3B_prokka|PROKKA_01793
Description: ER01746_3B_prokka|PROKKA_01793
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01810
Name: ER01746_3B_prokka|PROKKA_01810
Description: ER01746_3B_prokka|PROKKA_01810
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01845
Name: ER01746_3B_prokka|PROKKA_01845
Description: ER01746_3B_prokka|PROKKA_01845
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01897
Name: ER01746_3B_prokka|PROKKA_01897
Description: ER01746_3B_prokka|PROKKA_01897
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01976
Name: ER01746_3B_prokka|PROKKA_01976
Description: ER01746_3B_prokka|PROKKA_01976
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_01978
Name: ER01746_3B_prokka|PROKKA_01978
Description: ER01746_3B_prokka|PROKKA_01978
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_02027
Name: ER01746_3B_prokka|PROKKA_02027
Description: ER01746_3B_prokka|PROKKA_02027
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_02147
Name: ER01746_3B_prokka|PROKKA_02147
Description: ER01746_3B_prokka|PROKKA_02147
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_02171
Name: ER01746_3B_prokka|PROKKA_02171
Description: ER01746_3B_prokka|PROKKA_02171
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_02202
Name: ER01746_3B_prokka|PROKKA_02202
Description: ER01746_3B_prokka|PROKKA_02202
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_02217
Name: ER01746_3B_prokka|PROKKA_02217
Description: ER01746_3B_prokka|PROKKA_02217
Number of features: 0
Seq('MVVEKRNPIPVKEAIQRIVNQQSSMPAITVALEKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_02298
Name: ER01746_3B_prokka|PROKKA_02298
Description: ER01746_3B_prokka|PROKKA_02298
Number of features: 0
Seq('MMISSPQIIDAEKHGDKITATVRLINENGKQVDKEYELEQGSQDRLQLIKTSEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_02359
Name: ER01746_3B_prokka|PROKKA_02359
Description: ER01746_3B_prokka|PROKKA_02359
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_02570
Name: ER01746_3B_prokka|PROKKA_02570
Description: ER01746_3B_prokka|PROKKA_02570
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01746_3B_prokka|PROKKA_02657
Name: ER01746_3B_prokka|PROKKA_02657
Description: ER01746_3B_prokka|PROKKA_02657
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00079
Name: ER01776_3B_prokka|PROKKA_00079
Description: ER01776_3B_prokka|PROKKA_00079
Number of features: 0
Seq('MHFLKEGDLTIYFYIWNKKEYLTSDLFDLTESEKQEINHQVIDEIEEEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00080
Name: ER01776_3B_prokka|PROKKA_00080
Description: ER01776_3B_prokka|PROKKA_00080
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00089
Name: ER01776_3B_prokka|PROKKA_00089
Description: ER01776_3B_prokka|PROKKA_00089
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00098
Name: ER01776_3B_prokka|PROKKA_00098
Description: ER01776_3B_prokka|PROKKA_00098
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00262
Name: ER01776_3B_prokka|PROKKA_00262
Description: ER01776_3B_prokka|PROKKA_00262
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00316
Name: ER01776_3B_prokka|PROKKA_00316
Description: ER01776_3B_prokka|PROKKA_00316
Number of features: 0
Seq('MEKIKKINKIFLSFEVIPFAMMILLAFPPSN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00401
Name: ER01776_3B_prokka|PROKKA_00401
Description: ER01776_3B_prokka|PROKKA_00401
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAQMMTLAKLISHF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00420
Name: ER01776_3B_prokka|PROKKA_00420
Description: ER01776_3B_prokka|PROKKA_00420
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00580
Name: ER01776_3B_prokka|PROKKA_00580
Description: ER01776_3B_prokka|PROKKA_00580
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00616
Name: ER01776_3B_prokka|PROKKA_00616
Description: ER01776_3B_prokka|PROKKA_00616
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00797
Name: ER01776_3B_prokka|PROKKA_00797
Description: ER01776_3B_prokka|PROKKA_00797
Number of features: 0
Seq('MEEREISDYELIFESSTLNWTNSMRIDIVNLRK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00798
Name: ER01776_3B_prokka|PROKKA_00798
Description: ER01776_3B_prokka|PROKKA_00798
Number of features: 0
Seq('MVRLYENGKPRNEILREYDLTPSTIGKWIKHHQNTGHSIIKITYQMKKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00834
Name: ER01776_3B_prokka|PROKKA_00834
Description: ER01776_3B_prokka|PROKKA_00834
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00860
Name: ER01776_3B_prokka|PROKKA_00860
Description: ER01776_3B_prokka|PROKKA_00860
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_00962
Name: ER01776_3B_prokka|PROKKA_00962
Description: ER01776_3B_prokka|PROKKA_00962
Number of features: 0
Seq('MRQFIKRIIKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01001
Name: ER01776_3B_prokka|PROKKA_01001
Description: ER01776_3B_prokka|PROKKA_01001
Number of features: 0
Seq('MRRAHEKKPLTTKSCKVKEGYMRRAQAKRPLTTKSCKVKEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01002
Name: ER01776_3B_prokka|PROKKA_01002
Description: ER01776_3B_prokka|PROKKA_01002
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01093
Name: ER01776_3B_prokka|PROKKA_01093
Description: ER01776_3B_prokka|PROKKA_01093
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01094
Name: ER01776_3B_prokka|PROKKA_01094
Description: ER01776_3B_prokka|PROKKA_01094
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01245
Name: ER01776_3B_prokka|PROKKA_01245
Description: ER01776_3B_prokka|PROKKA_01245
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01250
Name: ER01776_3B_prokka|PROKKA_01250
Description: ER01776_3B_prokka|PROKKA_01250
Number of features: 0
Seq('MAIFKYIEKKGYEGKYTILREYCKNKIQNETKKITFF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01257
Name: ER01776_3B_prokka|PROKKA_01257
Description: ER01776_3B_prokka|PROKKA_01257
Number of features: 0
Seq('MSIQQLDGYISIEDFFKHMDELSKKEELEKEINQSKSKYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01279
Name: ER01776_3B_prokka|PROKKA_01279
Description: ER01776_3B_prokka|PROKKA_01279
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01384
Name: ER01776_3B_prokka|PROKKA_01384
Description: ER01776_3B_prokka|PROKKA_01384
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01424
Name: ER01776_3B_prokka|PROKKA_01424
Description: ER01776_3B_prokka|PROKKA_01424
Number of features: 0
Seq('MNKINDRDLTELSSYRVYQDINKDNDFTVNEKRFKQADVFEDLYREKL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01450
Name: ER01776_3B_prokka|PROKKA_01450
Description: ER01776_3B_prokka|PROKKA_01450
Number of features: 0
Seq('MNLGNVKETISIIYLIEIVSFLMYLSKFTTHDIFNDFLSLVKLKFLTFIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01453
Name: ER01776_3B_prokka|PROKKA_01453
Description: ER01776_3B_prokka|PROKKA_01453
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01490
Name: ER01776_3B_prokka|PROKKA_01490
Description: ER01776_3B_prokka|PROKKA_01490
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01561
Name: ER01776_3B_prokka|PROKKA_01561
Description: ER01776_3B_prokka|PROKKA_01561
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01729
Name: ER01776_3B_prokka|PROKKA_01729
Description: ER01776_3B_prokka|PROKKA_01729
Number of features: 0
Seq('MKKKYILIIVSVILIGMIVIAYAHNKQKKRPLH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01780
Name: ER01776_3B_prokka|PROKKA_01780
Description: ER01776_3B_prokka|PROKKA_01780
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01831
Name: ER01776_3B_prokka|PROKKA_01831
Description: ER01776_3B_prokka|PROKKA_01831
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01903
Name: ER01776_3B_prokka|PROKKA_01903
Description: ER01776_3B_prokka|PROKKA_01903
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01913
Name: ER01776_3B_prokka|PROKKA_01913
Description: ER01776_3B_prokka|PROKKA_01913
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01925
Name: ER01776_3B_prokka|PROKKA_01925
Description: ER01776_3B_prokka|PROKKA_01925
Number of features: 0
Seq('MRIFIYDLIVLLFAFLISIYIIDDGVIINALGIFGMYKIIDSFSENIIKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01926
Name: ER01776_3B_prokka|PROKKA_01926
Description: ER01776_3B_prokka|PROKKA_01926
Number of features: 0
Seq('MIKQIVRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01931
Name: ER01776_3B_prokka|PROKKA_01931
Description: ER01776_3B_prokka|PROKKA_01931
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSENEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01946
Name: ER01776_3B_prokka|PROKKA_01946
Description: ER01776_3B_prokka|PROKKA_01946
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01956
Name: ER01776_3B_prokka|PROKKA_01956
Description: ER01776_3B_prokka|PROKKA_01956
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01958
Name: ER01776_3B_prokka|PROKKA_01958
Description: ER01776_3B_prokka|PROKKA_01958
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01974
Name: ER01776_3B_prokka|PROKKA_01974
Description: ER01776_3B_prokka|PROKKA_01974
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_01976
Name: ER01776_3B_prokka|PROKKA_01976
Description: ER01776_3B_prokka|PROKKA_01976
Number of features: 0
Seq('MKKLLNKVIELLVDFFNSIGYRAAYINCDFLLDEAEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_02025
Name: ER01776_3B_prokka|PROKKA_02025
Description: ER01776_3B_prokka|PROKKA_02025
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_02156
Name: ER01776_3B_prokka|PROKKA_02156
Description: ER01776_3B_prokka|PROKKA_02156
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_02187
Name: ER01776_3B_prokka|PROKKA_02187
Description: ER01776_3B_prokka|PROKKA_02187
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_02343
Name: ER01776_3B_prokka|PROKKA_02343
Description: ER01776_3B_prokka|PROKKA_02343
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_02408
Name: ER01776_3B_prokka|PROKKA_02408
Description: ER01776_3B_prokka|PROKKA_02408
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_02568
Name: ER01776_3B_prokka|PROKKA_02568
Description: ER01776_3B_prokka|PROKKA_02568
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01776_3B_prokka|PROKKA_02655
Name: ER01776_3B_prokka|PROKKA_02655
Description: ER01776_3B_prokka|PROKKA_02655
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00029
Name: ER01803_3B_prokka|PROKKA_00029
Description: ER01803_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00038
Name: ER01803_3B_prokka|PROKKA_00038
Description: ER01803_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00059
Name: ER01803_3B_prokka|PROKKA_00059
Description: ER01803_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00148
Name: ER01803_3B_prokka|PROKKA_00148
Description: ER01803_3B_prokka|PROKKA_00148
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00247
Name: ER01803_3B_prokka|PROKKA_00247
Description: ER01803_3B_prokka|PROKKA_00247
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00299
Name: ER01803_3B_prokka|PROKKA_00299
Description: ER01803_3B_prokka|PROKKA_00299
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00397
Name: ER01803_3B_prokka|PROKKA_00397
Description: ER01803_3B_prokka|PROKKA_00397
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00435
Name: ER01803_3B_prokka|PROKKA_00435
Description: ER01803_3B_prokka|PROKKA_00435
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00565
Name: ER01803_3B_prokka|PROKKA_00565
Description: ER01803_3B_prokka|PROKKA_00565
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00588
Name: ER01803_3B_prokka|PROKKA_00588
Description: ER01803_3B_prokka|PROKKA_00588
Number of features: 0
Seq('MPPHIQQMLFDFALERGYIDMIIKMKEEENAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00599
Name: ER01803_3B_prokka|PROKKA_00599
Description: ER01803_3B_prokka|PROKKA_00599
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00614
Name: ER01803_3B_prokka|PROKKA_00614
Description: ER01803_3B_prokka|PROKKA_00614
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00667
Name: ER01803_3B_prokka|PROKKA_00667
Description: ER01803_3B_prokka|PROKKA_00667
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00885
Name: ER01803_3B_prokka|PROKKA_00885
Description: ER01803_3B_prokka|PROKKA_00885
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_00929
Name: ER01803_3B_prokka|PROKKA_00929
Description: ER01803_3B_prokka|PROKKA_00929
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01037
Name: ER01803_3B_prokka|PROKKA_01037
Description: ER01803_3B_prokka|PROKKA_01037
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01076
Name: ER01803_3B_prokka|PROKKA_01076
Description: ER01803_3B_prokka|PROKKA_01076
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01156
Name: ER01803_3B_prokka|PROKKA_01156
Description: ER01803_3B_prokka|PROKKA_01156
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01169
Name: ER01803_3B_prokka|PROKKA_01169
Description: ER01803_3B_prokka|PROKKA_01169
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01170
Name: ER01803_3B_prokka|PROKKA_01170
Description: ER01803_3B_prokka|PROKKA_01170
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01305
Name: ER01803_3B_prokka|PROKKA_01305
Description: ER01803_3B_prokka|PROKKA_01305
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01309
Name: ER01803_3B_prokka|PROKKA_01309
Description: ER01803_3B_prokka|PROKKA_01309
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01313
Name: ER01803_3B_prokka|PROKKA_01313
Description: ER01803_3B_prokka|PROKKA_01313
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01315
Name: ER01803_3B_prokka|PROKKA_01315
Description: ER01803_3B_prokka|PROKKA_01315
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01339
Name: ER01803_3B_prokka|PROKKA_01339
Description: ER01803_3B_prokka|PROKKA_01339
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01434
Name: ER01803_3B_prokka|PROKKA_01434
Description: ER01803_3B_prokka|PROKKA_01434
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01446
Name: ER01803_3B_prokka|PROKKA_01446
Description: ER01803_3B_prokka|PROKKA_01446
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01494
Name: ER01803_3B_prokka|PROKKA_01494
Description: ER01803_3B_prokka|PROKKA_01494
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01503
Name: ER01803_3B_prokka|PROKKA_01503
Description: ER01803_3B_prokka|PROKKA_01503
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01523
Name: ER01803_3B_prokka|PROKKA_01523
Description: ER01803_3B_prokka|PROKKA_01523
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01551
Name: ER01803_3B_prokka|PROKKA_01551
Description: ER01803_3B_prokka|PROKKA_01551
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01578
Name: ER01803_3B_prokka|PROKKA_01578
Description: ER01803_3B_prokka|PROKKA_01578
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01615
Name: ER01803_3B_prokka|PROKKA_01615
Description: ER01803_3B_prokka|PROKKA_01615
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01686
Name: ER01803_3B_prokka|PROKKA_01686
Description: ER01803_3B_prokka|PROKKA_01686
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01851
Name: ER01803_3B_prokka|PROKKA_01851
Description: ER01803_3B_prokka|PROKKA_01851
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01858
Name: ER01803_3B_prokka|PROKKA_01858
Description: ER01803_3B_prokka|PROKKA_01858
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01877
Name: ER01803_3B_prokka|PROKKA_01877
Description: ER01803_3B_prokka|PROKKA_01877
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01912
Name: ER01803_3B_prokka|PROKKA_01912
Description: ER01803_3B_prokka|PROKKA_01912
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_01964
Name: ER01803_3B_prokka|PROKKA_01964
Description: ER01803_3B_prokka|PROKKA_01964
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02036
Name: ER01803_3B_prokka|PROKKA_02036
Description: ER01803_3B_prokka|PROKKA_02036
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02040
Name: ER01803_3B_prokka|PROKKA_02040
Description: ER01803_3B_prokka|PROKKA_02040
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02056
Name: ER01803_3B_prokka|PROKKA_02056
Description: ER01803_3B_prokka|PROKKA_02056
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02076
Name: ER01803_3B_prokka|PROKKA_02076
Description: ER01803_3B_prokka|PROKKA_02076
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02106
Name: ER01803_3B_prokka|PROKKA_02106
Description: ER01803_3B_prokka|PROKKA_02106
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02108
Name: ER01803_3B_prokka|PROKKA_02108
Description: ER01803_3B_prokka|PROKKA_02108
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02157
Name: ER01803_3B_prokka|PROKKA_02157
Description: ER01803_3B_prokka|PROKKA_02157
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02277
Name: ER01803_3B_prokka|PROKKA_02277
Description: ER01803_3B_prokka|PROKKA_02277
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02301
Name: ER01803_3B_prokka|PROKKA_02301
Description: ER01803_3B_prokka|PROKKA_02301
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02332
Name: ER01803_3B_prokka|PROKKA_02332
Description: ER01803_3B_prokka|PROKKA_02332
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02487
Name: ER01803_3B_prokka|PROKKA_02487
Description: ER01803_3B_prokka|PROKKA_02487
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02696
Name: ER01803_3B_prokka|PROKKA_02696
Description: ER01803_3B_prokka|PROKKA_02696
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02783
Name: ER01803_3B_prokka|PROKKA_02783
Description: ER01803_3B_prokka|PROKKA_02783
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01803_3B_prokka|PROKKA_02797
Name: ER01803_3B_prokka|PROKKA_02797
Description: ER01803_3B_prokka|PROKKA_02797
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00030
Name: ER01817_3B_prokka|PROKKA_00030
Description: ER01817_3B_prokka|PROKKA_00030
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00061
Name: ER01817_3B_prokka|PROKKA_00061
Description: ER01817_3B_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00070
Name: ER01817_3B_prokka|PROKKA_00070
Description: ER01817_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00091
Name: ER01817_3B_prokka|PROKKA_00091
Description: ER01817_3B_prokka|PROKKA_00091
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00180
Name: ER01817_3B_prokka|PROKKA_00180
Description: ER01817_3B_prokka|PROKKA_00180
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00278
Name: ER01817_3B_prokka|PROKKA_00278
Description: ER01817_3B_prokka|PROKKA_00278
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00330
Name: ER01817_3B_prokka|PROKKA_00330
Description: ER01817_3B_prokka|PROKKA_00330
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00338
Name: ER01817_3B_prokka|PROKKA_00338
Description: ER01817_3B_prokka|PROKKA_00338
Number of features: 0
Seq('MTFEEKLSQMYNEIANEISGMIPVEWEKVYTIAYVDDEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00429
Name: ER01817_3B_prokka|PROKKA_00429
Description: ER01817_3B_prokka|PROKKA_00429
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00466
Name: ER01817_3B_prokka|PROKKA_00466
Description: ER01817_3B_prokka|PROKKA_00466
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00596
Name: ER01817_3B_prokka|PROKKA_00596
Description: ER01817_3B_prokka|PROKKA_00596
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00632
Name: ER01817_3B_prokka|PROKKA_00632
Description: ER01817_3B_prokka|PROKKA_00632
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00852
Name: ER01817_3B_prokka|PROKKA_00852
Description: ER01817_3B_prokka|PROKKA_00852
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00893
Name: ER01817_3B_prokka|PROKKA_00893
Description: ER01817_3B_prokka|PROKKA_00893
Number of features: 0
Seq('MSNIYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00900
Name: ER01817_3B_prokka|PROKKA_00900
Description: ER01817_3B_prokka|PROKKA_00900
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRNAMHAVKVEKILKSPFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00904
Name: ER01817_3B_prokka|PROKKA_00904
Description: ER01817_3B_prokka|PROKKA_00904
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00918
Name: ER01817_3B_prokka|PROKKA_00918
Description: ER01817_3B_prokka|PROKKA_00918
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGEVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_00962
Name: ER01817_3B_prokka|PROKKA_00962
Description: ER01817_3B_prokka|PROKKA_00962
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01070
Name: ER01817_3B_prokka|PROKKA_01070
Description: ER01817_3B_prokka|PROKKA_01070
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01109
Name: ER01817_3B_prokka|PROKKA_01109
Description: ER01817_3B_prokka|PROKKA_01109
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01189
Name: ER01817_3B_prokka|PROKKA_01189
Description: ER01817_3B_prokka|PROKKA_01189
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01202
Name: ER01817_3B_prokka|PROKKA_01202
Description: ER01817_3B_prokka|PROKKA_01202
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01203
Name: ER01817_3B_prokka|PROKKA_01203
Description: ER01817_3B_prokka|PROKKA_01203
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01338
Name: ER01817_3B_prokka|PROKKA_01338
Description: ER01817_3B_prokka|PROKKA_01338
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01342
Name: ER01817_3B_prokka|PROKKA_01342
Description: ER01817_3B_prokka|PROKKA_01342
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01346
Name: ER01817_3B_prokka|PROKKA_01346
Description: ER01817_3B_prokka|PROKKA_01346
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01348
Name: ER01817_3B_prokka|PROKKA_01348
Description: ER01817_3B_prokka|PROKKA_01348
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01372
Name: ER01817_3B_prokka|PROKKA_01372
Description: ER01817_3B_prokka|PROKKA_01372
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01467
Name: ER01817_3B_prokka|PROKKA_01467
Description: ER01817_3B_prokka|PROKKA_01467
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01479
Name: ER01817_3B_prokka|PROKKA_01479
Description: ER01817_3B_prokka|PROKKA_01479
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01527
Name: ER01817_3B_prokka|PROKKA_01527
Description: ER01817_3B_prokka|PROKKA_01527
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01535
Name: ER01817_3B_prokka|PROKKA_01535
Description: ER01817_3B_prokka|PROKKA_01535
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01555
Name: ER01817_3B_prokka|PROKKA_01555
Description: ER01817_3B_prokka|PROKKA_01555
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01583
Name: ER01817_3B_prokka|PROKKA_01583
Description: ER01817_3B_prokka|PROKKA_01583
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01610
Name: ER01817_3B_prokka|PROKKA_01610
Description: ER01817_3B_prokka|PROKKA_01610
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01647
Name: ER01817_3B_prokka|PROKKA_01647
Description: ER01817_3B_prokka|PROKKA_01647
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01718
Name: ER01817_3B_prokka|PROKKA_01718
Description: ER01817_3B_prokka|PROKKA_01718
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01883
Name: ER01817_3B_prokka|PROKKA_01883
Description: ER01817_3B_prokka|PROKKA_01883
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01890
Name: ER01817_3B_prokka|PROKKA_01890
Description: ER01817_3B_prokka|PROKKA_01890
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01909
Name: ER01817_3B_prokka|PROKKA_01909
Description: ER01817_3B_prokka|PROKKA_01909
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01944
Name: ER01817_3B_prokka|PROKKA_01944
Description: ER01817_3B_prokka|PROKKA_01944
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_01996
Name: ER01817_3B_prokka|PROKKA_01996
Description: ER01817_3B_prokka|PROKKA_01996
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02068
Name: ER01817_3B_prokka|PROKKA_02068
Description: ER01817_3B_prokka|PROKKA_02068
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02072
Name: ER01817_3B_prokka|PROKKA_02072
Description: ER01817_3B_prokka|PROKKA_02072
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02088
Name: ER01817_3B_prokka|PROKKA_02088
Description: ER01817_3B_prokka|PROKKA_02088
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02108
Name: ER01817_3B_prokka|PROKKA_02108
Description: ER01817_3B_prokka|PROKKA_02108
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02138
Name: ER01817_3B_prokka|PROKKA_02138
Description: ER01817_3B_prokka|PROKKA_02138
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02140
Name: ER01817_3B_prokka|PROKKA_02140
Description: ER01817_3B_prokka|PROKKA_02140
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02189
Name: ER01817_3B_prokka|PROKKA_02189
Description: ER01817_3B_prokka|PROKKA_02189
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02309
Name: ER01817_3B_prokka|PROKKA_02309
Description: ER01817_3B_prokka|PROKKA_02309
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02333
Name: ER01817_3B_prokka|PROKKA_02333
Description: ER01817_3B_prokka|PROKKA_02333
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02364
Name: ER01817_3B_prokka|PROKKA_02364
Description: ER01817_3B_prokka|PROKKA_02364
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02520
Name: ER01817_3B_prokka|PROKKA_02520
Description: ER01817_3B_prokka|PROKKA_02520
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02729
Name: ER01817_3B_prokka|PROKKA_02729
Description: ER01817_3B_prokka|PROKKA_02729
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01817_3B_prokka|PROKKA_02816
Name: ER01817_3B_prokka|PROKKA_02816
Description: ER01817_3B_prokka|PROKKA_02816
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00056
Name: ER01823_3B_prokka|PROKKA_00056
Description: ER01823_3B_prokka|PROKKA_00056
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00074
Name: ER01823_3B_prokka|PROKKA_00074
Description: ER01823_3B_prokka|PROKKA_00074
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00240
Name: ER01823_3B_prokka|PROKKA_00240
Description: ER01823_3B_prokka|PROKKA_00240
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00365
Name: ER01823_3B_prokka|PROKKA_00365
Description: ER01823_3B_prokka|PROKKA_00365
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00382
Name: ER01823_3B_prokka|PROKKA_00382
Description: ER01823_3B_prokka|PROKKA_00382
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00547
Name: ER01823_3B_prokka|PROKKA_00547
Description: ER01823_3B_prokka|PROKKA_00547
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00776
Name: ER01823_3B_prokka|PROKKA_00776
Description: ER01823_3B_prokka|PROKKA_00776
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00807
Name: ER01823_3B_prokka|PROKKA_00807
Description: ER01823_3B_prokka|PROKKA_00807
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00811
Name: ER01823_3B_prokka|PROKKA_00811
Description: ER01823_3B_prokka|PROKKA_00811
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00827
Name: ER01823_3B_prokka|PROKKA_00827
Description: ER01823_3B_prokka|PROKKA_00827
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00858
Name: ER01823_3B_prokka|PROKKA_00858
Description: ER01823_3B_prokka|PROKKA_00858
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00859
Name: ER01823_3B_prokka|PROKKA_00859
Description: ER01823_3B_prokka|PROKKA_00859
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00874
Name: ER01823_3B_prokka|PROKKA_00874
Description: ER01823_3B_prokka|PROKKA_00874
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_00979
Name: ER01823_3B_prokka|PROKKA_00979
Description: ER01823_3B_prokka|PROKKA_00979
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01018
Name: ER01823_3B_prokka|PROKKA_01018
Description: ER01823_3B_prokka|PROKKA_01018
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01019
Name: ER01823_3B_prokka|PROKKA_01019
Description: ER01823_3B_prokka|PROKKA_01019
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01101
Name: ER01823_3B_prokka|PROKKA_01101
Description: ER01823_3B_prokka|PROKKA_01101
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01113
Name: ER01823_3B_prokka|PROKKA_01113
Description: ER01823_3B_prokka|PROKKA_01113
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01114
Name: ER01823_3B_prokka|PROKKA_01114
Description: ER01823_3B_prokka|PROKKA_01114
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01250
Name: ER01823_3B_prokka|PROKKA_01250
Description: ER01823_3B_prokka|PROKKA_01250
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01254
Name: ER01823_3B_prokka|PROKKA_01254
Description: ER01823_3B_prokka|PROKKA_01254
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01278
Name: ER01823_3B_prokka|PROKKA_01278
Description: ER01823_3B_prokka|PROKKA_01278
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01371
Name: ER01823_3B_prokka|PROKKA_01371
Description: ER01823_3B_prokka|PROKKA_01371
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01383
Name: ER01823_3B_prokka|PROKKA_01383
Description: ER01823_3B_prokka|PROKKA_01383
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01430
Name: ER01823_3B_prokka|PROKKA_01430
Description: ER01823_3B_prokka|PROKKA_01430
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01438
Name: ER01823_3B_prokka|PROKKA_01438
Description: ER01823_3B_prokka|PROKKA_01438
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01457
Name: ER01823_3B_prokka|PROKKA_01457
Description: ER01823_3B_prokka|PROKKA_01457
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01472
Name: ER01823_3B_prokka|PROKKA_01472
Description: ER01823_3B_prokka|PROKKA_01472
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01480
Name: ER01823_3B_prokka|PROKKA_01480
Description: ER01823_3B_prokka|PROKKA_01480
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01485
Name: ER01823_3B_prokka|PROKKA_01485
Description: ER01823_3B_prokka|PROKKA_01485
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01512
Name: ER01823_3B_prokka|PROKKA_01512
Description: ER01823_3B_prokka|PROKKA_01512
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01515
Name: ER01823_3B_prokka|PROKKA_01515
Description: ER01823_3B_prokka|PROKKA_01515
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01551
Name: ER01823_3B_prokka|PROKKA_01551
Description: ER01823_3B_prokka|PROKKA_01551
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01624
Name: ER01823_3B_prokka|PROKKA_01624
Description: ER01823_3B_prokka|PROKKA_01624
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01794
Name: ER01823_3B_prokka|PROKKA_01794
Description: ER01823_3B_prokka|PROKKA_01794
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01808
Name: ER01823_3B_prokka|PROKKA_01808
Description: ER01823_3B_prokka|PROKKA_01808
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01850
Name: ER01823_3B_prokka|PROKKA_01850
Description: ER01823_3B_prokka|PROKKA_01850
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01902
Name: ER01823_3B_prokka|PROKKA_01902
Description: ER01823_3B_prokka|PROKKA_01902
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01974
Name: ER01823_3B_prokka|PROKKA_01974
Description: ER01823_3B_prokka|PROKKA_01974
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01978
Name: ER01823_3B_prokka|PROKKA_01978
Description: ER01823_3B_prokka|PROKKA_01978
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_01994
Name: ER01823_3B_prokka|PROKKA_01994
Description: ER01823_3B_prokka|PROKKA_01994
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02012
Name: ER01823_3B_prokka|PROKKA_02012
Description: ER01823_3B_prokka|PROKKA_02012
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02018
Name: ER01823_3B_prokka|PROKKA_02018
Description: ER01823_3B_prokka|PROKKA_02018
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02023
Name: ER01823_3B_prokka|PROKKA_02023
Description: ER01823_3B_prokka|PROKKA_02023
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02039
Name: ER01823_3B_prokka|PROKKA_02039
Description: ER01823_3B_prokka|PROKKA_02039
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02041
Name: ER01823_3B_prokka|PROKKA_02041
Description: ER01823_3B_prokka|PROKKA_02041
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02091
Name: ER01823_3B_prokka|PROKKA_02091
Description: ER01823_3B_prokka|PROKKA_02091
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02217
Name: ER01823_3B_prokka|PROKKA_02217
Description: ER01823_3B_prokka|PROKKA_02217
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02230
Name: ER01823_3B_prokka|PROKKA_02230
Description: ER01823_3B_prokka|PROKKA_02230
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02261
Name: ER01823_3B_prokka|PROKKA_02261
Description: ER01823_3B_prokka|PROKKA_02261
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02407
Name: ER01823_3B_prokka|PROKKA_02407
Description: ER01823_3B_prokka|PROKKA_02407
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02416
Name: ER01823_3B_prokka|PROKKA_02416
Description: ER01823_3B_prokka|PROKKA_02416
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02480
Name: ER01823_3B_prokka|PROKKA_02480
Description: ER01823_3B_prokka|PROKKA_02480
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02590
Name: ER01823_3B_prokka|PROKKA_02590
Description: ER01823_3B_prokka|PROKKA_02590
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02628
Name: ER01823_3B_prokka|PROKKA_02628
Description: ER01823_3B_prokka|PROKKA_02628
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02712
Name: ER01823_3B_prokka|PROKKA_02712
Description: ER01823_3B_prokka|PROKKA_02712
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02724
Name: ER01823_3B_prokka|PROKKA_02724
Description: ER01823_3B_prokka|PROKKA_02724
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02734
Name: ER01823_3B_prokka|PROKKA_02734
Description: ER01823_3B_prokka|PROKKA_02734
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01823_3B_prokka|PROKKA_02738
Name: ER01823_3B_prokka|PROKKA_02738
Description: ER01823_3B_prokka|PROKKA_02738
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00023
Name: ER01836_3B_prokka|PROKKA_00023
Description: ER01836_3B_prokka|PROKKA_00023
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00064
Name: ER01836_3B_prokka|PROKKA_00064
Description: ER01836_3B_prokka|PROKKA_00064
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00073
Name: ER01836_3B_prokka|PROKKA_00073
Description: ER01836_3B_prokka|PROKKA_00073
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00094
Name: ER01836_3B_prokka|PROKKA_00094
Description: ER01836_3B_prokka|PROKKA_00094
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00183
Name: ER01836_3B_prokka|PROKKA_00183
Description: ER01836_3B_prokka|PROKKA_00183
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00282
Name: ER01836_3B_prokka|PROKKA_00282
Description: ER01836_3B_prokka|PROKKA_00282
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00334
Name: ER01836_3B_prokka|PROKKA_00334
Description: ER01836_3B_prokka|PROKKA_00334
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00432
Name: ER01836_3B_prokka|PROKKA_00432
Description: ER01836_3B_prokka|PROKKA_00432
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00470
Name: ER01836_3B_prokka|PROKKA_00470
Description: ER01836_3B_prokka|PROKKA_00470
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00600
Name: ER01836_3B_prokka|PROKKA_00600
Description: ER01836_3B_prokka|PROKKA_00600
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00636
Name: ER01836_3B_prokka|PROKKA_00636
Description: ER01836_3B_prokka|PROKKA_00636
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00854
Name: ER01836_3B_prokka|PROKKA_00854
Description: ER01836_3B_prokka|PROKKA_00854
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_00898
Name: ER01836_3B_prokka|PROKKA_00898
Description: ER01836_3B_prokka|PROKKA_00898
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01006
Name: ER01836_3B_prokka|PROKKA_01006
Description: ER01836_3B_prokka|PROKKA_01006
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01045
Name: ER01836_3B_prokka|PROKKA_01045
Description: ER01836_3B_prokka|PROKKA_01045
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01125
Name: ER01836_3B_prokka|PROKKA_01125
Description: ER01836_3B_prokka|PROKKA_01125
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01138
Name: ER01836_3B_prokka|PROKKA_01138
Description: ER01836_3B_prokka|PROKKA_01138
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01139
Name: ER01836_3B_prokka|PROKKA_01139
Description: ER01836_3B_prokka|PROKKA_01139
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01274
Name: ER01836_3B_prokka|PROKKA_01274
Description: ER01836_3B_prokka|PROKKA_01274
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01278
Name: ER01836_3B_prokka|PROKKA_01278
Description: ER01836_3B_prokka|PROKKA_01278
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01282
Name: ER01836_3B_prokka|PROKKA_01282
Description: ER01836_3B_prokka|PROKKA_01282
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01284
Name: ER01836_3B_prokka|PROKKA_01284
Description: ER01836_3B_prokka|PROKKA_01284
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01308
Name: ER01836_3B_prokka|PROKKA_01308
Description: ER01836_3B_prokka|PROKKA_01308
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01403
Name: ER01836_3B_prokka|PROKKA_01403
Description: ER01836_3B_prokka|PROKKA_01403
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01415
Name: ER01836_3B_prokka|PROKKA_01415
Description: ER01836_3B_prokka|PROKKA_01415
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01464
Name: ER01836_3B_prokka|PROKKA_01464
Description: ER01836_3B_prokka|PROKKA_01464
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01472
Name: ER01836_3B_prokka|PROKKA_01472
Description: ER01836_3B_prokka|PROKKA_01472
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01492
Name: ER01836_3B_prokka|PROKKA_01492
Description: ER01836_3B_prokka|PROKKA_01492
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01520
Name: ER01836_3B_prokka|PROKKA_01520
Description: ER01836_3B_prokka|PROKKA_01520
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01547
Name: ER01836_3B_prokka|PROKKA_01547
Description: ER01836_3B_prokka|PROKKA_01547
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01584
Name: ER01836_3B_prokka|PROKKA_01584
Description: ER01836_3B_prokka|PROKKA_01584
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01655
Name: ER01836_3B_prokka|PROKKA_01655
Description: ER01836_3B_prokka|PROKKA_01655
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01822
Name: ER01836_3B_prokka|PROKKA_01822
Description: ER01836_3B_prokka|PROKKA_01822
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01829
Name: ER01836_3B_prokka|PROKKA_01829
Description: ER01836_3B_prokka|PROKKA_01829
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01848
Name: ER01836_3B_prokka|PROKKA_01848
Description: ER01836_3B_prokka|PROKKA_01848
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01883
Name: ER01836_3B_prokka|PROKKA_01883
Description: ER01836_3B_prokka|PROKKA_01883
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01935
Name: ER01836_3B_prokka|PROKKA_01935
Description: ER01836_3B_prokka|PROKKA_01935
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01937
Name: ER01836_3B_prokka|PROKKA_01937
Description: ER01836_3B_prokka|PROKKA_01937
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01938
Name: ER01836_3B_prokka|PROKKA_01938
Description: ER01836_3B_prokka|PROKKA_01938
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01968
Name: ER01836_3B_prokka|PROKKA_01968
Description: ER01836_3B_prokka|PROKKA_01968
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01977
Name: ER01836_3B_prokka|PROKKA_01977
Description: ER01836_3B_prokka|PROKKA_01977
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_01984
Name: ER01836_3B_prokka|PROKKA_01984
Description: ER01836_3B_prokka|PROKKA_01984
Number of features: 0
Seq('MVTKEFLKTKLECSDIYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02000
Name: ER01836_3B_prokka|PROKKA_02000
Description: ER01836_3B_prokka|PROKKA_02000
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKLDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02075
Name: ER01836_3B_prokka|PROKKA_02075
Description: ER01836_3B_prokka|PROKKA_02075
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02079
Name: ER01836_3B_prokka|PROKKA_02079
Description: ER01836_3B_prokka|PROKKA_02079
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02095
Name: ER01836_3B_prokka|PROKKA_02095
Description: ER01836_3B_prokka|PROKKA_02095
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02115
Name: ER01836_3B_prokka|PROKKA_02115
Description: ER01836_3B_prokka|PROKKA_02115
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02145
Name: ER01836_3B_prokka|PROKKA_02145
Description: ER01836_3B_prokka|PROKKA_02145
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02147
Name: ER01836_3B_prokka|PROKKA_02147
Description: ER01836_3B_prokka|PROKKA_02147
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02196
Name: ER01836_3B_prokka|PROKKA_02196
Description: ER01836_3B_prokka|PROKKA_02196
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02316
Name: ER01836_3B_prokka|PROKKA_02316
Description: ER01836_3B_prokka|PROKKA_02316
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02340
Name: ER01836_3B_prokka|PROKKA_02340
Description: ER01836_3B_prokka|PROKKA_02340
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02371
Name: ER01836_3B_prokka|PROKKA_02371
Description: ER01836_3B_prokka|PROKKA_02371
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02526
Name: ER01836_3B_prokka|PROKKA_02526
Description: ER01836_3B_prokka|PROKKA_02526
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02735
Name: ER01836_3B_prokka|PROKKA_02735
Description: ER01836_3B_prokka|PROKKA_02735
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01836_3B_prokka|PROKKA_02822
Name: ER01836_3B_prokka|PROKKA_02822
Description: ER01836_3B_prokka|PROKKA_02822
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00031
Name: ER01838_3B_prokka|PROKKA_00031
Description: ER01838_3B_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00040
Name: ER01838_3B_prokka|PROKKA_00040
Description: ER01838_3B_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00129
Name: ER01838_3B_prokka|PROKKA_00129
Description: ER01838_3B_prokka|PROKKA_00129
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00231
Name: ER01838_3B_prokka|PROKKA_00231
Description: ER01838_3B_prokka|PROKKA_00231
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00283
Name: ER01838_3B_prokka|PROKKA_00283
Description: ER01838_3B_prokka|PROKKA_00283
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00380
Name: ER01838_3B_prokka|PROKKA_00380
Description: ER01838_3B_prokka|PROKKA_00380
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00417
Name: ER01838_3B_prokka|PROKKA_00417
Description: ER01838_3B_prokka|PROKKA_00417
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00547
Name: ER01838_3B_prokka|PROKKA_00547
Description: ER01838_3B_prokka|PROKKA_00547
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00598
Name: ER01838_3B_prokka|PROKKA_00598
Description: ER01838_3B_prokka|PROKKA_00598
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00800
Name: ER01838_3B_prokka|PROKKA_00800
Description: ER01838_3B_prokka|PROKKA_00800
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00815
Name: ER01838_3B_prokka|PROKKA_00815
Description: ER01838_3B_prokka|PROKKA_00815
Number of features: 0
Seq('MKMYLAYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00831
Name: ER01838_3B_prokka|PROKKA_00831
Description: ER01838_3B_prokka|PROKKA_00831
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00832
Name: ER01838_3B_prokka|PROKKA_00832
Description: ER01838_3B_prokka|PROKKA_00832
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIGRKTHFYCLDKKNGCR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00853
Name: ER01838_3B_prokka|PROKKA_00853
Description: ER01838_3B_prokka|PROKKA_00853
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_00961
Name: ER01838_3B_prokka|PROKKA_00961
Description: ER01838_3B_prokka|PROKKA_00961
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01000
Name: ER01838_3B_prokka|PROKKA_01000
Description: ER01838_3B_prokka|PROKKA_01000
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01054
Name: ER01838_3B_prokka|PROKKA_01054
Description: ER01838_3B_prokka|PROKKA_01054
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01060
Name: ER01838_3B_prokka|PROKKA_01060
Description: ER01838_3B_prokka|PROKKA_01060
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01070
Name: ER01838_3B_prokka|PROKKA_01070
Description: ER01838_3B_prokka|PROKKA_01070
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01084
Name: ER01838_3B_prokka|PROKKA_01084
Description: ER01838_3B_prokka|PROKKA_01084
Number of features: 0
Seq('MMWLVIVIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01148
Name: ER01838_3B_prokka|PROKKA_01148
Description: ER01838_3B_prokka|PROKKA_01148
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01160
Name: ER01838_3B_prokka|PROKKA_01160
Description: ER01838_3B_prokka|PROKKA_01160
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01161
Name: ER01838_3B_prokka|PROKKA_01161
Description: ER01838_3B_prokka|PROKKA_01161
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01296
Name: ER01838_3B_prokka|PROKKA_01296
Description: ER01838_3B_prokka|PROKKA_01296
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01300
Name: ER01838_3B_prokka|PROKKA_01300
Description: ER01838_3B_prokka|PROKKA_01300
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01304
Name: ER01838_3B_prokka|PROKKA_01304
Description: ER01838_3B_prokka|PROKKA_01304
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01306
Name: ER01838_3B_prokka|PROKKA_01306
Description: ER01838_3B_prokka|PROKKA_01306
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01330
Name: ER01838_3B_prokka|PROKKA_01330
Description: ER01838_3B_prokka|PROKKA_01330
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01425
Name: ER01838_3B_prokka|PROKKA_01425
Description: ER01838_3B_prokka|PROKKA_01425
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01437
Name: ER01838_3B_prokka|PROKKA_01437
Description: ER01838_3B_prokka|PROKKA_01437
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01484
Name: ER01838_3B_prokka|PROKKA_01484
Description: ER01838_3B_prokka|PROKKA_01484
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01493
Name: ER01838_3B_prokka|PROKKA_01493
Description: ER01838_3B_prokka|PROKKA_01493
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01514
Name: ER01838_3B_prokka|PROKKA_01514
Description: ER01838_3B_prokka|PROKKA_01514
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01519
Name: ER01838_3B_prokka|PROKKA_01519
Description: ER01838_3B_prokka|PROKKA_01519
Number of features: 0
Seq('MTFTLSDEQYKNLCTNFNKLLDKLHKALKDRE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01534
Name: ER01838_3B_prokka|PROKKA_01534
Description: ER01838_3B_prokka|PROKKA_01534
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01544
Name: ER01838_3B_prokka|PROKKA_01544
Description: ER01838_3B_prokka|PROKKA_01544
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01570
Name: ER01838_3B_prokka|PROKKA_01570
Description: ER01838_3B_prokka|PROKKA_01570
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01607
Name: ER01838_3B_prokka|PROKKA_01607
Description: ER01838_3B_prokka|PROKKA_01607
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01678
Name: ER01838_3B_prokka|PROKKA_01678
Description: ER01838_3B_prokka|PROKKA_01678
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01850
Name: ER01838_3B_prokka|PROKKA_01850
Description: ER01838_3B_prokka|PROKKA_01850
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01869
Name: ER01838_3B_prokka|PROKKA_01869
Description: ER01838_3B_prokka|PROKKA_01869
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01904
Name: ER01838_3B_prokka|PROKKA_01904
Description: ER01838_3B_prokka|PROKKA_01904
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_01954
Name: ER01838_3B_prokka|PROKKA_01954
Description: ER01838_3B_prokka|PROKKA_01954
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_02033
Name: ER01838_3B_prokka|PROKKA_02033
Description: ER01838_3B_prokka|PROKKA_02033
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_02035
Name: ER01838_3B_prokka|PROKKA_02035
Description: ER01838_3B_prokka|PROKKA_02035
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_02084
Name: ER01838_3B_prokka|PROKKA_02084
Description: ER01838_3B_prokka|PROKKA_02084
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_02203
Name: ER01838_3B_prokka|PROKKA_02203
Description: ER01838_3B_prokka|PROKKA_02203
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_02228
Name: ER01838_3B_prokka|PROKKA_02228
Description: ER01838_3B_prokka|PROKKA_02228
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_02259
Name: ER01838_3B_prokka|PROKKA_02259
Description: ER01838_3B_prokka|PROKKA_02259
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_02414
Name: ER01838_3B_prokka|PROKKA_02414
Description: ER01838_3B_prokka|PROKKA_02414
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_02622
Name: ER01838_3B_prokka|PROKKA_02622
Description: ER01838_3B_prokka|PROKKA_02622
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_02709
Name: ER01838_3B_prokka|PROKKA_02709
Description: ER01838_3B_prokka|PROKKA_02709
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01838_3B_prokka|PROKKA_02739
Name: ER01838_3B_prokka|PROKKA_02739
Description: ER01838_3B_prokka|PROKKA_02739
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00023
Name: ER01881_3B_prokka|PROKKA_00023
Description: ER01881_3B_prokka|PROKKA_00023
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00063
Name: ER01881_3B_prokka|PROKKA_00063
Description: ER01881_3B_prokka|PROKKA_00063
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00072
Name: ER01881_3B_prokka|PROKKA_00072
Description: ER01881_3B_prokka|PROKKA_00072
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00093
Name: ER01881_3B_prokka|PROKKA_00093
Description: ER01881_3B_prokka|PROKKA_00093
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00181
Name: ER01881_3B_prokka|PROKKA_00181
Description: ER01881_3B_prokka|PROKKA_00181
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00281
Name: ER01881_3B_prokka|PROKKA_00281
Description: ER01881_3B_prokka|PROKKA_00281
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00333
Name: ER01881_3B_prokka|PROKKA_00333
Description: ER01881_3B_prokka|PROKKA_00333
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00431
Name: ER01881_3B_prokka|PROKKA_00431
Description: ER01881_3B_prokka|PROKKA_00431
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00469
Name: ER01881_3B_prokka|PROKKA_00469
Description: ER01881_3B_prokka|PROKKA_00469
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00599
Name: ER01881_3B_prokka|PROKKA_00599
Description: ER01881_3B_prokka|PROKKA_00599
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00635
Name: ER01881_3B_prokka|PROKKA_00635
Description: ER01881_3B_prokka|PROKKA_00635
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00854
Name: ER01881_3B_prokka|PROKKA_00854
Description: ER01881_3B_prokka|PROKKA_00854
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_00898
Name: ER01881_3B_prokka|PROKKA_00898
Description: ER01881_3B_prokka|PROKKA_00898
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01006
Name: ER01881_3B_prokka|PROKKA_01006
Description: ER01881_3B_prokka|PROKKA_01006
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01045
Name: ER01881_3B_prokka|PROKKA_01045
Description: ER01881_3B_prokka|PROKKA_01045
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01125
Name: ER01881_3B_prokka|PROKKA_01125
Description: ER01881_3B_prokka|PROKKA_01125
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01138
Name: ER01881_3B_prokka|PROKKA_01138
Description: ER01881_3B_prokka|PROKKA_01138
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01139
Name: ER01881_3B_prokka|PROKKA_01139
Description: ER01881_3B_prokka|PROKKA_01139
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01274
Name: ER01881_3B_prokka|PROKKA_01274
Description: ER01881_3B_prokka|PROKKA_01274
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01278
Name: ER01881_3B_prokka|PROKKA_01278
Description: ER01881_3B_prokka|PROKKA_01278
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01282
Name: ER01881_3B_prokka|PROKKA_01282
Description: ER01881_3B_prokka|PROKKA_01282
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01284
Name: ER01881_3B_prokka|PROKKA_01284
Description: ER01881_3B_prokka|PROKKA_01284
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01308
Name: ER01881_3B_prokka|PROKKA_01308
Description: ER01881_3B_prokka|PROKKA_01308
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01403
Name: ER01881_3B_prokka|PROKKA_01403
Description: ER01881_3B_prokka|PROKKA_01403
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01415
Name: ER01881_3B_prokka|PROKKA_01415
Description: ER01881_3B_prokka|PROKKA_01415
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01463
Name: ER01881_3B_prokka|PROKKA_01463
Description: ER01881_3B_prokka|PROKKA_01463
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01472
Name: ER01881_3B_prokka|PROKKA_01472
Description: ER01881_3B_prokka|PROKKA_01472
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01492
Name: ER01881_3B_prokka|PROKKA_01492
Description: ER01881_3B_prokka|PROKKA_01492
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01520
Name: ER01881_3B_prokka|PROKKA_01520
Description: ER01881_3B_prokka|PROKKA_01520
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01547
Name: ER01881_3B_prokka|PROKKA_01547
Description: ER01881_3B_prokka|PROKKA_01547
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01584
Name: ER01881_3B_prokka|PROKKA_01584
Description: ER01881_3B_prokka|PROKKA_01584
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01655
Name: ER01881_3B_prokka|PROKKA_01655
Description: ER01881_3B_prokka|PROKKA_01655
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01821
Name: ER01881_3B_prokka|PROKKA_01821
Description: ER01881_3B_prokka|PROKKA_01821
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01828
Name: ER01881_3B_prokka|PROKKA_01828
Description: ER01881_3B_prokka|PROKKA_01828
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01847
Name: ER01881_3B_prokka|PROKKA_01847
Description: ER01881_3B_prokka|PROKKA_01847
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01882
Name: ER01881_3B_prokka|PROKKA_01882
Description: ER01881_3B_prokka|PROKKA_01882
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_01934
Name: ER01881_3B_prokka|PROKKA_01934
Description: ER01881_3B_prokka|PROKKA_01934
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_02014
Name: ER01881_3B_prokka|PROKKA_02014
Description: ER01881_3B_prokka|PROKKA_02014
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_02016
Name: ER01881_3B_prokka|PROKKA_02016
Description: ER01881_3B_prokka|PROKKA_02016
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_02065
Name: ER01881_3B_prokka|PROKKA_02065
Description: ER01881_3B_prokka|PROKKA_02065
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_02185
Name: ER01881_3B_prokka|PROKKA_02185
Description: ER01881_3B_prokka|PROKKA_02185
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_02209
Name: ER01881_3B_prokka|PROKKA_02209
Description: ER01881_3B_prokka|PROKKA_02209
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_02240
Name: ER01881_3B_prokka|PROKKA_02240
Description: ER01881_3B_prokka|PROKKA_02240
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_02395
Name: ER01881_3B_prokka|PROKKA_02395
Description: ER01881_3B_prokka|PROKKA_02395
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_02604
Name: ER01881_3B_prokka|PROKKA_02604
Description: ER01881_3B_prokka|PROKKA_02604
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01881_3B_prokka|PROKKA_02691
Name: ER01881_3B_prokka|PROKKA_02691
Description: ER01881_3B_prokka|PROKKA_02691
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_00027
Name: ER01892_3B_prokka|PROKKA_00027
Description: ER01892_3B_prokka|PROKKA_00027
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALSEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_00100
Name: ER01892_3B_prokka|PROKKA_00100
Description: ER01892_3B_prokka|PROKKA_00100
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_00118
Name: ER01892_3B_prokka|PROKKA_00118
Description: ER01892_3B_prokka|PROKKA_00118
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_00283
Name: ER01892_3B_prokka|PROKKA_00283
Description: ER01892_3B_prokka|PROKKA_00283
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_00408
Name: ER01892_3B_prokka|PROKKA_00408
Description: ER01892_3B_prokka|PROKKA_00408
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_00425
Name: ER01892_3B_prokka|PROKKA_00425
Description: ER01892_3B_prokka|PROKKA_00425
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_00592
Name: ER01892_3B_prokka|PROKKA_00592
Description: ER01892_3B_prokka|PROKKA_00592
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_00821
Name: ER01892_3B_prokka|PROKKA_00821
Description: ER01892_3B_prokka|PROKKA_00821
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_00848
Name: ER01892_3B_prokka|PROKKA_00848
Description: ER01892_3B_prokka|PROKKA_00848
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_00953
Name: ER01892_3B_prokka|PROKKA_00953
Description: ER01892_3B_prokka|PROKKA_00953
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_00992
Name: ER01892_3B_prokka|PROKKA_00992
Description: ER01892_3B_prokka|PROKKA_00992
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_00993
Name: ER01892_3B_prokka|PROKKA_00993
Description: ER01892_3B_prokka|PROKKA_00993
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01043
Name: ER01892_3B_prokka|PROKKA_01043
Description: ER01892_3B_prokka|PROKKA_01043
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01047
Name: ER01892_3B_prokka|PROKKA_01047
Description: ER01892_3B_prokka|PROKKA_01047
Number of features: 0
Seq('MEGLQIKNIEATNLDELKKLIESTLKAVEAVEENLEKINNFEIKVIQKSSCQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01053
Name: ER01892_3B_prokka|PROKKA_01053
Description: ER01892_3B_prokka|PROKKA_01053
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01054
Name: ER01892_3B_prokka|PROKKA_01054
Description: ER01892_3B_prokka|PROKKA_01054
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01075
Name: ER01892_3B_prokka|PROKKA_01075
Description: ER01892_3B_prokka|PROKKA_01075
Number of features: 0
Seq('MMRLVIAIILLVILLFGMMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01105
Name: ER01892_3B_prokka|PROKKA_01105
Description: ER01892_3B_prokka|PROKKA_01105
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01106
Name: ER01892_3B_prokka|PROKKA_01106
Description: ER01892_3B_prokka|PROKKA_01106
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01141
Name: ER01892_3B_prokka|PROKKA_01141
Description: ER01892_3B_prokka|PROKKA_01141
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01153
Name: ER01892_3B_prokka|PROKKA_01153
Description: ER01892_3B_prokka|PROKKA_01153
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01154
Name: ER01892_3B_prokka|PROKKA_01154
Description: ER01892_3B_prokka|PROKKA_01154
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01290
Name: ER01892_3B_prokka|PROKKA_01290
Description: ER01892_3B_prokka|PROKKA_01290
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01294
Name: ER01892_3B_prokka|PROKKA_01294
Description: ER01892_3B_prokka|PROKKA_01294
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01318
Name: ER01892_3B_prokka|PROKKA_01318
Description: ER01892_3B_prokka|PROKKA_01318
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01411
Name: ER01892_3B_prokka|PROKKA_01411
Description: ER01892_3B_prokka|PROKKA_01411
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01423
Name: ER01892_3B_prokka|PROKKA_01423
Description: ER01892_3B_prokka|PROKKA_01423
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01470
Name: ER01892_3B_prokka|PROKKA_01470
Description: ER01892_3B_prokka|PROKKA_01470
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01478
Name: ER01892_3B_prokka|PROKKA_01478
Description: ER01892_3B_prokka|PROKKA_01478
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01497
Name: ER01892_3B_prokka|PROKKA_01497
Description: ER01892_3B_prokka|PROKKA_01497
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01511
Name: ER01892_3B_prokka|PROKKA_01511
Description: ER01892_3B_prokka|PROKKA_01511
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01519
Name: ER01892_3B_prokka|PROKKA_01519
Description: ER01892_3B_prokka|PROKKA_01519
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01524
Name: ER01892_3B_prokka|PROKKA_01524
Description: ER01892_3B_prokka|PROKKA_01524
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01526
Name: ER01892_3B_prokka|PROKKA_01526
Description: ER01892_3B_prokka|PROKKA_01526
Number of features: 0
Seq('MTQFLGALLLTGVLGYIPYKYLTMIGLVSEKTRLSILLYY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01552
Name: ER01892_3B_prokka|PROKKA_01552
Description: ER01892_3B_prokka|PROKKA_01552
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01555
Name: ER01892_3B_prokka|PROKKA_01555
Description: ER01892_3B_prokka|PROKKA_01555
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01590
Name: ER01892_3B_prokka|PROKKA_01590
Description: ER01892_3B_prokka|PROKKA_01590
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01663
Name: ER01892_3B_prokka|PROKKA_01663
Description: ER01892_3B_prokka|PROKKA_01663
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01832
Name: ER01892_3B_prokka|PROKKA_01832
Description: ER01892_3B_prokka|PROKKA_01832
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01847
Name: ER01892_3B_prokka|PROKKA_01847
Description: ER01892_3B_prokka|PROKKA_01847
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01889
Name: ER01892_3B_prokka|PROKKA_01889
Description: ER01892_3B_prokka|PROKKA_01889
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_01941
Name: ER01892_3B_prokka|PROKKA_01941
Description: ER01892_3B_prokka|PROKKA_01941
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02013
Name: ER01892_3B_prokka|PROKKA_02013
Description: ER01892_3B_prokka|PROKKA_02013
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02017
Name: ER01892_3B_prokka|PROKKA_02017
Description: ER01892_3B_prokka|PROKKA_02017
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02033
Name: ER01892_3B_prokka|PROKKA_02033
Description: ER01892_3B_prokka|PROKKA_02033
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02051
Name: ER01892_3B_prokka|PROKKA_02051
Description: ER01892_3B_prokka|PROKKA_02051
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02057
Name: ER01892_3B_prokka|PROKKA_02057
Description: ER01892_3B_prokka|PROKKA_02057
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02062
Name: ER01892_3B_prokka|PROKKA_02062
Description: ER01892_3B_prokka|PROKKA_02062
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02078
Name: ER01892_3B_prokka|PROKKA_02078
Description: ER01892_3B_prokka|PROKKA_02078
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02080
Name: ER01892_3B_prokka|PROKKA_02080
Description: ER01892_3B_prokka|PROKKA_02080
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02130
Name: ER01892_3B_prokka|PROKKA_02130
Description: ER01892_3B_prokka|PROKKA_02130
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02256
Name: ER01892_3B_prokka|PROKKA_02256
Description: ER01892_3B_prokka|PROKKA_02256
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02269
Name: ER01892_3B_prokka|PROKKA_02269
Description: ER01892_3B_prokka|PROKKA_02269
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02300
Name: ER01892_3B_prokka|PROKKA_02300
Description: ER01892_3B_prokka|PROKKA_02300
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02453
Name: ER01892_3B_prokka|PROKKA_02453
Description: ER01892_3B_prokka|PROKKA_02453
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02517
Name: ER01892_3B_prokka|PROKKA_02517
Description: ER01892_3B_prokka|PROKKA_02517
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02627
Name: ER01892_3B_prokka|PROKKA_02627
Description: ER01892_3B_prokka|PROKKA_02627
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02665
Name: ER01892_3B_prokka|PROKKA_02665
Description: ER01892_3B_prokka|PROKKA_02665
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02749
Name: ER01892_3B_prokka|PROKKA_02749
Description: ER01892_3B_prokka|PROKKA_02749
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01892_3B_prokka|PROKKA_02776
Name: ER01892_3B_prokka|PROKKA_02776
Description: ER01892_3B_prokka|PROKKA_02776
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00016
Name: ER01935_3B_prokka|PROKKA_00016
Description: ER01935_3B_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00084
Name: ER01935_3B_prokka|PROKKA_00084
Description: ER01935_3B_prokka|PROKKA_00084
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00102
Name: ER01935_3B_prokka|PROKKA_00102
Description: ER01935_3B_prokka|PROKKA_00102
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00268
Name: ER01935_3B_prokka|PROKKA_00268
Description: ER01935_3B_prokka|PROKKA_00268
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00387
Name: ER01935_3B_prokka|PROKKA_00387
Description: ER01935_3B_prokka|PROKKA_00387
Number of features: 0
Seq('MFMTVKEVAQLLRISERHTYKLLQKNVIPHTKIGGKILVNKERLLETLEKKEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00414
Name: ER01935_3B_prokka|PROKKA_00414
Description: ER01935_3B_prokka|PROKKA_00414
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00431
Name: ER01935_3B_prokka|PROKKA_00431
Description: ER01935_3B_prokka|PROKKA_00431
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00595
Name: ER01935_3B_prokka|PROKKA_00595
Description: ER01935_3B_prokka|PROKKA_00595
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00818
Name: ER01935_3B_prokka|PROKKA_00818
Description: ER01935_3B_prokka|PROKKA_00818
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00845
Name: ER01935_3B_prokka|PROKKA_00845
Description: ER01935_3B_prokka|PROKKA_00845
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00950
Name: ER01935_3B_prokka|PROKKA_00950
Description: ER01935_3B_prokka|PROKKA_00950
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00989
Name: ER01935_3B_prokka|PROKKA_00989
Description: ER01935_3B_prokka|PROKKA_00989
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_00990
Name: ER01935_3B_prokka|PROKKA_00990
Description: ER01935_3B_prokka|PROKKA_00990
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01044
Name: ER01935_3B_prokka|PROKKA_01044
Description: ER01935_3B_prokka|PROKKA_01044
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01050
Name: ER01935_3B_prokka|PROKKA_01050
Description: ER01935_3B_prokka|PROKKA_01050
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01051
Name: ER01935_3B_prokka|PROKKA_01051
Description: ER01935_3B_prokka|PROKKA_01051
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFMYYKECFFKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01057
Name: ER01935_3B_prokka|PROKKA_01057
Description: ER01935_3B_prokka|PROKKA_01057
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRNAMHAVKVEKILKSPFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01060
Name: ER01935_3B_prokka|PROKKA_01060
Description: ER01935_3B_prokka|PROKKA_01060
Number of features: 0
Seq('MIDIKTAEWLNTDSDKYLRPETLFGNKFEGYLNQKAQPTGIDQLERMKYDESYWD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01062
Name: ER01935_3B_prokka|PROKKA_01062
Description: ER01935_3B_prokka|PROKKA_01062
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01079
Name: ER01935_3B_prokka|PROKKA_01079
Description: ER01935_3B_prokka|PROKKA_01079
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01109
Name: ER01935_3B_prokka|PROKKA_01109
Description: ER01935_3B_prokka|PROKKA_01109
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01110
Name: ER01935_3B_prokka|PROKKA_01110
Description: ER01935_3B_prokka|PROKKA_01110
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01146
Name: ER01935_3B_prokka|PROKKA_01146
Description: ER01935_3B_prokka|PROKKA_01146
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01158
Name: ER01935_3B_prokka|PROKKA_01158
Description: ER01935_3B_prokka|PROKKA_01158
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01159
Name: ER01935_3B_prokka|PROKKA_01159
Description: ER01935_3B_prokka|PROKKA_01159
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01295
Name: ER01935_3B_prokka|PROKKA_01295
Description: ER01935_3B_prokka|PROKKA_01295
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01299
Name: ER01935_3B_prokka|PROKKA_01299
Description: ER01935_3B_prokka|PROKKA_01299
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01323
Name: ER01935_3B_prokka|PROKKA_01323
Description: ER01935_3B_prokka|PROKKA_01323
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01416
Name: ER01935_3B_prokka|PROKKA_01416
Description: ER01935_3B_prokka|PROKKA_01416
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01428
Name: ER01935_3B_prokka|PROKKA_01428
Description: ER01935_3B_prokka|PROKKA_01428
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01475
Name: ER01935_3B_prokka|PROKKA_01475
Description: ER01935_3B_prokka|PROKKA_01475
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01483
Name: ER01935_3B_prokka|PROKKA_01483
Description: ER01935_3B_prokka|PROKKA_01483
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01503
Name: ER01935_3B_prokka|PROKKA_01503
Description: ER01935_3B_prokka|PROKKA_01503
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01518
Name: ER01935_3B_prokka|PROKKA_01518
Description: ER01935_3B_prokka|PROKKA_01518
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01526
Name: ER01935_3B_prokka|PROKKA_01526
Description: ER01935_3B_prokka|PROKKA_01526
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01531
Name: ER01935_3B_prokka|PROKKA_01531
Description: ER01935_3B_prokka|PROKKA_01531
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01558
Name: ER01935_3B_prokka|PROKKA_01558
Description: ER01935_3B_prokka|PROKKA_01558
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01561
Name: ER01935_3B_prokka|PROKKA_01561
Description: ER01935_3B_prokka|PROKKA_01561
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01596
Name: ER01935_3B_prokka|PROKKA_01596
Description: ER01935_3B_prokka|PROKKA_01596
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01669
Name: ER01935_3B_prokka|PROKKA_01669
Description: ER01935_3B_prokka|PROKKA_01669
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01838
Name: ER01935_3B_prokka|PROKKA_01838
Description: ER01935_3B_prokka|PROKKA_01838
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01852
Name: ER01935_3B_prokka|PROKKA_01852
Description: ER01935_3B_prokka|PROKKA_01852
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01894
Name: ER01935_3B_prokka|PROKKA_01894
Description: ER01935_3B_prokka|PROKKA_01894
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_01946
Name: ER01935_3B_prokka|PROKKA_01946
Description: ER01935_3B_prokka|PROKKA_01946
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02018
Name: ER01935_3B_prokka|PROKKA_02018
Description: ER01935_3B_prokka|PROKKA_02018
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02022
Name: ER01935_3B_prokka|PROKKA_02022
Description: ER01935_3B_prokka|PROKKA_02022
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02038
Name: ER01935_3B_prokka|PROKKA_02038
Description: ER01935_3B_prokka|PROKKA_02038
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02056
Name: ER01935_3B_prokka|PROKKA_02056
Description: ER01935_3B_prokka|PROKKA_02056
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02062
Name: ER01935_3B_prokka|PROKKA_02062
Description: ER01935_3B_prokka|PROKKA_02062
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02067
Name: ER01935_3B_prokka|PROKKA_02067
Description: ER01935_3B_prokka|PROKKA_02067
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02083
Name: ER01935_3B_prokka|PROKKA_02083
Description: ER01935_3B_prokka|PROKKA_02083
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02085
Name: ER01935_3B_prokka|PROKKA_02085
Description: ER01935_3B_prokka|PROKKA_02085
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02135
Name: ER01935_3B_prokka|PROKKA_02135
Description: ER01935_3B_prokka|PROKKA_02135
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02260
Name: ER01935_3B_prokka|PROKKA_02260
Description: ER01935_3B_prokka|PROKKA_02260
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02273
Name: ER01935_3B_prokka|PROKKA_02273
Description: ER01935_3B_prokka|PROKKA_02273
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02305
Name: ER01935_3B_prokka|PROKKA_02305
Description: ER01935_3B_prokka|PROKKA_02305
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02450
Name: ER01935_3B_prokka|PROKKA_02450
Description: ER01935_3B_prokka|PROKKA_02450
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02459
Name: ER01935_3B_prokka|PROKKA_02459
Description: ER01935_3B_prokka|PROKKA_02459
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02523
Name: ER01935_3B_prokka|PROKKA_02523
Description: ER01935_3B_prokka|PROKKA_02523
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02631
Name: ER01935_3B_prokka|PROKKA_02631
Description: ER01935_3B_prokka|PROKKA_02631
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02669
Name: ER01935_3B_prokka|PROKKA_02669
Description: ER01935_3B_prokka|PROKKA_02669
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER01935_3B_prokka|PROKKA_02753
Name: ER01935_3B_prokka|PROKKA_02753
Description: ER01935_3B_prokka|PROKKA_02753
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_00181
Name: ER02087_3A_prokka|PROKKA_00181
Description: ER02087_3A_prokka|PROKKA_00181
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_00305
Name: ER02087_3A_prokka|PROKKA_00305
Description: ER02087_3A_prokka|PROKKA_00305
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_00322
Name: ER02087_3A_prokka|PROKKA_00322
Description: ER02087_3A_prokka|PROKKA_00322
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_00488
Name: ER02087_3A_prokka|PROKKA_00488
Description: ER02087_3A_prokka|PROKKA_00488
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_00718
Name: ER02087_3A_prokka|PROKKA_00718
Description: ER02087_3A_prokka|PROKKA_00718
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_00742
Name: ER02087_3A_prokka|PROKKA_00742
Description: ER02087_3A_prokka|PROKKA_00742
Number of features: 0
Seq('MSNIYKSYLIAVLCFTILAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_00752
Name: ER02087_3A_prokka|PROKKA_00752
Description: ER02087_3A_prokka|PROKKA_00752
Number of features: 0
Seq('MITKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_00761
Name: ER02087_3A_prokka|PROKKA_00761
Description: ER02087_3A_prokka|PROKKA_00761
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSESEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_00773
Name: ER02087_3A_prokka|PROKKA_00773
Description: ER02087_3A_prokka|PROKKA_00773
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_00808
Name: ER02087_3A_prokka|PROKKA_00808
Description: ER02087_3A_prokka|PROKKA_00808
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_00914
Name: ER02087_3A_prokka|PROKKA_00914
Description: ER02087_3A_prokka|PROKKA_00914
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_00954
Name: ER02087_3A_prokka|PROKKA_00954
Description: ER02087_3A_prokka|PROKKA_00954
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01037
Name: ER02087_3A_prokka|PROKKA_01037
Description: ER02087_3A_prokka|PROKKA_01037
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01049
Name: ER02087_3A_prokka|PROKKA_01049
Description: ER02087_3A_prokka|PROKKA_01049
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01050
Name: ER02087_3A_prokka|PROKKA_01050
Description: ER02087_3A_prokka|PROKKA_01050
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01185
Name: ER02087_3A_prokka|PROKKA_01185
Description: ER02087_3A_prokka|PROKKA_01185
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01189
Name: ER02087_3A_prokka|PROKKA_01189
Description: ER02087_3A_prokka|PROKKA_01189
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01213
Name: ER02087_3A_prokka|PROKKA_01213
Description: ER02087_3A_prokka|PROKKA_01213
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01269
Name: ER02087_3A_prokka|PROKKA_01269
Description: ER02087_3A_prokka|PROKKA_01269
Number of features: 0
Seq('MSGVASKAFLTLIENNIPFYQTTTSEISISYVIDDFNGQQAVEKIYDAFNI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01308
Name: ER02087_3A_prokka|PROKKA_01308
Description: ER02087_3A_prokka|PROKKA_01308
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01320
Name: ER02087_3A_prokka|PROKKA_01320
Description: ER02087_3A_prokka|PROKKA_01320
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01367
Name: ER02087_3A_prokka|PROKKA_01367
Description: ER02087_3A_prokka|PROKKA_01367
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01375
Name: ER02087_3A_prokka|PROKKA_01375
Description: ER02087_3A_prokka|PROKKA_01375
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01391
Name: ER02087_3A_prokka|PROKKA_01391
Description: ER02087_3A_prokka|PROKKA_01391
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01396
Name: ER02087_3A_prokka|PROKKA_01396
Description: ER02087_3A_prokka|PROKKA_01396
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSESEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01405
Name: ER02087_3A_prokka|PROKKA_01405
Description: ER02087_3A_prokka|PROKKA_01405
Number of features: 0
Seq('MITKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01415
Name: ER02087_3A_prokka|PROKKA_01415
Description: ER02087_3A_prokka|PROKKA_01415
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01426
Name: ER02087_3A_prokka|PROKKA_01426
Description: ER02087_3A_prokka|PROKKA_01426
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01453
Name: ER02087_3A_prokka|PROKKA_01453
Description: ER02087_3A_prokka|PROKKA_01453
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01456
Name: ER02087_3A_prokka|PROKKA_01456
Description: ER02087_3A_prokka|PROKKA_01456
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01491
Name: ER02087_3A_prokka|PROKKA_01491
Description: ER02087_3A_prokka|PROKKA_01491
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01563
Name: ER02087_3A_prokka|PROKKA_01563
Description: ER02087_3A_prokka|PROKKA_01563
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01728
Name: ER02087_3A_prokka|PROKKA_01728
Description: ER02087_3A_prokka|PROKKA_01728
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01743
Name: ER02087_3A_prokka|PROKKA_01743
Description: ER02087_3A_prokka|PROKKA_01743
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01785
Name: ER02087_3A_prokka|PROKKA_01785
Description: ER02087_3A_prokka|PROKKA_01785
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01837
Name: ER02087_3A_prokka|PROKKA_01837
Description: ER02087_3A_prokka|PROKKA_01837
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01912
Name: ER02087_3A_prokka|PROKKA_01912
Description: ER02087_3A_prokka|PROKKA_01912
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01916
Name: ER02087_3A_prokka|PROKKA_01916
Description: ER02087_3A_prokka|PROKKA_01916
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01932
Name: ER02087_3A_prokka|PROKKA_01932
Description: ER02087_3A_prokka|PROKKA_01932
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01950
Name: ER02087_3A_prokka|PROKKA_01950
Description: ER02087_3A_prokka|PROKKA_01950
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01976
Name: ER02087_3A_prokka|PROKKA_01976
Description: ER02087_3A_prokka|PROKKA_01976
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_01978
Name: ER02087_3A_prokka|PROKKA_01978
Description: ER02087_3A_prokka|PROKKA_01978
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02028
Name: ER02087_3A_prokka|PROKKA_02028
Description: ER02087_3A_prokka|PROKKA_02028
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02153
Name: ER02087_3A_prokka|PROKKA_02153
Description: ER02087_3A_prokka|PROKKA_02153
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02166
Name: ER02087_3A_prokka|PROKKA_02166
Description: ER02087_3A_prokka|PROKKA_02166
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02197
Name: ER02087_3A_prokka|PROKKA_02197
Description: ER02087_3A_prokka|PROKKA_02197
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02350
Name: ER02087_3A_prokka|PROKKA_02350
Description: ER02087_3A_prokka|PROKKA_02350
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02414
Name: ER02087_3A_prokka|PROKKA_02414
Description: ER02087_3A_prokka|PROKKA_02414
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02522
Name: ER02087_3A_prokka|PROKKA_02522
Description: ER02087_3A_prokka|PROKKA_02522
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02560
Name: ER02087_3A_prokka|PROKKA_02560
Description: ER02087_3A_prokka|PROKKA_02560
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02645
Name: ER02087_3A_prokka|PROKKA_02645
Description: ER02087_3A_prokka|PROKKA_02645
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02675
Name: ER02087_3A_prokka|PROKKA_02675
Description: ER02087_3A_prokka|PROKKA_02675
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02684
Name: ER02087_3A_prokka|PROKKA_02684
Description: ER02087_3A_prokka|PROKKA_02684
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02698
Name: ER02087_3A_prokka|PROKKA_02698
Description: ER02087_3A_prokka|PROKKA_02698
Number of features: 0
Seq('MKTGPLKCPKCNQDLYIKKVRYPISDIETLC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02702
Name: ER02087_3A_prokka|PROKKA_02702
Description: ER02087_3A_prokka|PROKKA_02702
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02706
Name: ER02087_3A_prokka|PROKKA_02706
Description: ER02087_3A_prokka|PROKKA_02706
Number of features: 0
Seq('MQYNTTRYIDENQDNKTLKDMMKNGKQRPWREKKVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02711
Name: ER02087_3A_prokka|PROKKA_02711
Description: ER02087_3A_prokka|PROKKA_02711
Number of features: 0
Seq('MNYFRYKQFDKDVITVAVGYYLRYALSYRDISEILRERGIYVHHSTIYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02087_3A_prokka|PROKKA_02712
Name: ER02087_3A_prokka|PROKKA_02712
Description: ER02087_3A_prokka|PROKKA_02712
Number of features: 0
Seq('MQDNHTKYIDGNQDNETLKDVTKSGKQRPWREKKIDNLRFCCKVRNIV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00014
Name: ER02170_3B_prokka|PROKKA_00014
Description: ER02170_3B_prokka|PROKKA_00014
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00061
Name: ER02170_3B_prokka|PROKKA_00061
Description: ER02170_3B_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00070
Name: ER02170_3B_prokka|PROKKA_00070
Description: ER02170_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00150
Name: ER02170_3B_prokka|PROKKA_00150
Description: ER02170_3B_prokka|PROKKA_00150
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00248
Name: ER02170_3B_prokka|PROKKA_00248
Description: ER02170_3B_prokka|PROKKA_00248
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00300
Name: ER02170_3B_prokka|PROKKA_00300
Description: ER02170_3B_prokka|PROKKA_00300
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00398
Name: ER02170_3B_prokka|PROKKA_00398
Description: ER02170_3B_prokka|PROKKA_00398
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00436
Name: ER02170_3B_prokka|PROKKA_00436
Description: ER02170_3B_prokka|PROKKA_00436
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00566
Name: ER02170_3B_prokka|PROKKA_00566
Description: ER02170_3B_prokka|PROKKA_00566
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00602
Name: ER02170_3B_prokka|PROKKA_00602
Description: ER02170_3B_prokka|PROKKA_00602
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00623
Name: ER02170_3B_prokka|PROKKA_00623
Description: ER02170_3B_prokka|PROKKA_00623
Number of features: 0
Seq('MNLKAPYAGLRDNLLLTKTGEVWAYYRVRSESISTANYDAKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00822
Name: ER02170_3B_prokka|PROKKA_00822
Description: ER02170_3B_prokka|PROKKA_00822
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00866
Name: ER02170_3B_prokka|PROKKA_00866
Description: ER02170_3B_prokka|PROKKA_00866
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_00974
Name: ER02170_3B_prokka|PROKKA_00974
Description: ER02170_3B_prokka|PROKKA_00974
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01013
Name: ER02170_3B_prokka|PROKKA_01013
Description: ER02170_3B_prokka|PROKKA_01013
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01093
Name: ER02170_3B_prokka|PROKKA_01093
Description: ER02170_3B_prokka|PROKKA_01093
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01106
Name: ER02170_3B_prokka|PROKKA_01106
Description: ER02170_3B_prokka|PROKKA_01106
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01107
Name: ER02170_3B_prokka|PROKKA_01107
Description: ER02170_3B_prokka|PROKKA_01107
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01242
Name: ER02170_3B_prokka|PROKKA_01242
Description: ER02170_3B_prokka|PROKKA_01242
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01246
Name: ER02170_3B_prokka|PROKKA_01246
Description: ER02170_3B_prokka|PROKKA_01246
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01250
Name: ER02170_3B_prokka|PROKKA_01250
Description: ER02170_3B_prokka|PROKKA_01250
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01252
Name: ER02170_3B_prokka|PROKKA_01252
Description: ER02170_3B_prokka|PROKKA_01252
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01276
Name: ER02170_3B_prokka|PROKKA_01276
Description: ER02170_3B_prokka|PROKKA_01276
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01370
Name: ER02170_3B_prokka|PROKKA_01370
Description: ER02170_3B_prokka|PROKKA_01370
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01382
Name: ER02170_3B_prokka|PROKKA_01382
Description: ER02170_3B_prokka|PROKKA_01382
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01430
Name: ER02170_3B_prokka|PROKKA_01430
Description: ER02170_3B_prokka|PROKKA_01430
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01438
Name: ER02170_3B_prokka|PROKKA_01438
Description: ER02170_3B_prokka|PROKKA_01438
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01458
Name: ER02170_3B_prokka|PROKKA_01458
Description: ER02170_3B_prokka|PROKKA_01458
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01486
Name: ER02170_3B_prokka|PROKKA_01486
Description: ER02170_3B_prokka|PROKKA_01486
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01514
Name: ER02170_3B_prokka|PROKKA_01514
Description: ER02170_3B_prokka|PROKKA_01514
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01551
Name: ER02170_3B_prokka|PROKKA_01551
Description: ER02170_3B_prokka|PROKKA_01551
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01622
Name: ER02170_3B_prokka|PROKKA_01622
Description: ER02170_3B_prokka|PROKKA_01622
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01647
Name: ER02170_3B_prokka|PROKKA_01647
Description: ER02170_3B_prokka|PROKKA_01647
Number of features: 0
Seq('MRVYNTEFEMQQDLNELGQNLQLKSENAYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01788
Name: ER02170_3B_prokka|PROKKA_01788
Description: ER02170_3B_prokka|PROKKA_01788
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01795
Name: ER02170_3B_prokka|PROKKA_01795
Description: ER02170_3B_prokka|PROKKA_01795
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01814
Name: ER02170_3B_prokka|PROKKA_01814
Description: ER02170_3B_prokka|PROKKA_01814
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01849
Name: ER02170_3B_prokka|PROKKA_01849
Description: ER02170_3B_prokka|PROKKA_01849
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01901
Name: ER02170_3B_prokka|PROKKA_01901
Description: ER02170_3B_prokka|PROKKA_01901
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01973
Name: ER02170_3B_prokka|PROKKA_01973
Description: ER02170_3B_prokka|PROKKA_01973
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01977
Name: ER02170_3B_prokka|PROKKA_01977
Description: ER02170_3B_prokka|PROKKA_01977
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_01993
Name: ER02170_3B_prokka|PROKKA_01993
Description: ER02170_3B_prokka|PROKKA_01993
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_02013
Name: ER02170_3B_prokka|PROKKA_02013
Description: ER02170_3B_prokka|PROKKA_02013
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_02032
Name: ER02170_3B_prokka|PROKKA_02032
Description: ER02170_3B_prokka|PROKKA_02032
Number of features: 0
Seq('MKQLVGIPESMLIPLIARAKEYENEKPIIKDALSKKYLMV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_02044
Name: ER02170_3B_prokka|PROKKA_02044
Description: ER02170_3B_prokka|PROKKA_02044
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_02046
Name: ER02170_3B_prokka|PROKKA_02046
Description: ER02170_3B_prokka|PROKKA_02046
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_02095
Name: ER02170_3B_prokka|PROKKA_02095
Description: ER02170_3B_prokka|PROKKA_02095
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_02215
Name: ER02170_3B_prokka|PROKKA_02215
Description: ER02170_3B_prokka|PROKKA_02215
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_02239
Name: ER02170_3B_prokka|PROKKA_02239
Description: ER02170_3B_prokka|PROKKA_02239
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_02270
Name: ER02170_3B_prokka|PROKKA_02270
Description: ER02170_3B_prokka|PROKKA_02270
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_02425
Name: ER02170_3B_prokka|PROKKA_02425
Description: ER02170_3B_prokka|PROKKA_02425
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_02637
Name: ER02170_3B_prokka|PROKKA_02637
Description: ER02170_3B_prokka|PROKKA_02637
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02170_3B_prokka|PROKKA_02724
Name: ER02170_3B_prokka|PROKKA_02724
Description: ER02170_3B_prokka|PROKKA_02724
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00029
Name: ER02262_3B_prokka|PROKKA_00029
Description: ER02262_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00038
Name: ER02262_3B_prokka|PROKKA_00038
Description: ER02262_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00059
Name: ER02262_3B_prokka|PROKKA_00059
Description: ER02262_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00150
Name: ER02262_3B_prokka|PROKKA_00150
Description: ER02262_3B_prokka|PROKKA_00150
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00249
Name: ER02262_3B_prokka|PROKKA_00249
Description: ER02262_3B_prokka|PROKKA_00249
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00301
Name: ER02262_3B_prokka|PROKKA_00301
Description: ER02262_3B_prokka|PROKKA_00301
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00399
Name: ER02262_3B_prokka|PROKKA_00399
Description: ER02262_3B_prokka|PROKKA_00399
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00438
Name: ER02262_3B_prokka|PROKKA_00438
Description: ER02262_3B_prokka|PROKKA_00438
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00568
Name: ER02262_3B_prokka|PROKKA_00568
Description: ER02262_3B_prokka|PROKKA_00568
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00604
Name: ER02262_3B_prokka|PROKKA_00604
Description: ER02262_3B_prokka|PROKKA_00604
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00770
Name: ER02262_3B_prokka|PROKKA_00770
Description: ER02262_3B_prokka|PROKKA_00770
Number of features: 0
Seq('MTKKERQKTIDNIEKEMKQAAKDLDFEKATELRDMLFELKAEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00822
Name: ER02262_3B_prokka|PROKKA_00822
Description: ER02262_3B_prokka|PROKKA_00822
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00853
Name: ER02262_3B_prokka|PROKKA_00853
Description: ER02262_3B_prokka|PROKKA_00853
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00857
Name: ER02262_3B_prokka|PROKKA_00857
Description: ER02262_3B_prokka|PROKKA_00857
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00873
Name: ER02262_3B_prokka|PROKKA_00873
Description: ER02262_3B_prokka|PROKKA_00873
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00904
Name: ER02262_3B_prokka|PROKKA_00904
Description: ER02262_3B_prokka|PROKKA_00904
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00905
Name: ER02262_3B_prokka|PROKKA_00905
Description: ER02262_3B_prokka|PROKKA_00905
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_00919
Name: ER02262_3B_prokka|PROKKA_00919
Description: ER02262_3B_prokka|PROKKA_00919
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01027
Name: ER02262_3B_prokka|PROKKA_01027
Description: ER02262_3B_prokka|PROKKA_01027
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01066
Name: ER02262_3B_prokka|PROKKA_01066
Description: ER02262_3B_prokka|PROKKA_01066
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01146
Name: ER02262_3B_prokka|PROKKA_01146
Description: ER02262_3B_prokka|PROKKA_01146
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01159
Name: ER02262_3B_prokka|PROKKA_01159
Description: ER02262_3B_prokka|PROKKA_01159
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01160
Name: ER02262_3B_prokka|PROKKA_01160
Description: ER02262_3B_prokka|PROKKA_01160
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01296
Name: ER02262_3B_prokka|PROKKA_01296
Description: ER02262_3B_prokka|PROKKA_01296
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01300
Name: ER02262_3B_prokka|PROKKA_01300
Description: ER02262_3B_prokka|PROKKA_01300
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKNIKKMDIIM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01302
Name: ER02262_3B_prokka|PROKKA_01302
Description: ER02262_3B_prokka|PROKKA_01302
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01304
Name: ER02262_3B_prokka|PROKKA_01304
Description: ER02262_3B_prokka|PROKKA_01304
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01328
Name: ER02262_3B_prokka|PROKKA_01328
Description: ER02262_3B_prokka|PROKKA_01328
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01423
Name: ER02262_3B_prokka|PROKKA_01423
Description: ER02262_3B_prokka|PROKKA_01423
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01435
Name: ER02262_3B_prokka|PROKKA_01435
Description: ER02262_3B_prokka|PROKKA_01435
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01484
Name: ER02262_3B_prokka|PROKKA_01484
Description: ER02262_3B_prokka|PROKKA_01484
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01493
Name: ER02262_3B_prokka|PROKKA_01493
Description: ER02262_3B_prokka|PROKKA_01493
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01513
Name: ER02262_3B_prokka|PROKKA_01513
Description: ER02262_3B_prokka|PROKKA_01513
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01541
Name: ER02262_3B_prokka|PROKKA_01541
Description: ER02262_3B_prokka|PROKKA_01541
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01568
Name: ER02262_3B_prokka|PROKKA_01568
Description: ER02262_3B_prokka|PROKKA_01568
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01606
Name: ER02262_3B_prokka|PROKKA_01606
Description: ER02262_3B_prokka|PROKKA_01606
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01677
Name: ER02262_3B_prokka|PROKKA_01677
Description: ER02262_3B_prokka|PROKKA_01677
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01843
Name: ER02262_3B_prokka|PROKKA_01843
Description: ER02262_3B_prokka|PROKKA_01843
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01851
Name: ER02262_3B_prokka|PROKKA_01851
Description: ER02262_3B_prokka|PROKKA_01851
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01870
Name: ER02262_3B_prokka|PROKKA_01870
Description: ER02262_3B_prokka|PROKKA_01870
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01905
Name: ER02262_3B_prokka|PROKKA_01905
Description: ER02262_3B_prokka|PROKKA_01905
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_01958
Name: ER02262_3B_prokka|PROKKA_01958
Description: ER02262_3B_prokka|PROKKA_01958
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02030
Name: ER02262_3B_prokka|PROKKA_02030
Description: ER02262_3B_prokka|PROKKA_02030
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02034
Name: ER02262_3B_prokka|PROKKA_02034
Description: ER02262_3B_prokka|PROKKA_02034
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02050
Name: ER02262_3B_prokka|PROKKA_02050
Description: ER02262_3B_prokka|PROKKA_02050
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02070
Name: ER02262_3B_prokka|PROKKA_02070
Description: ER02262_3B_prokka|PROKKA_02070
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02101
Name: ER02262_3B_prokka|PROKKA_02101
Description: ER02262_3B_prokka|PROKKA_02101
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02103
Name: ER02262_3B_prokka|PROKKA_02103
Description: ER02262_3B_prokka|PROKKA_02103
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02152
Name: ER02262_3B_prokka|PROKKA_02152
Description: ER02262_3B_prokka|PROKKA_02152
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02272
Name: ER02262_3B_prokka|PROKKA_02272
Description: ER02262_3B_prokka|PROKKA_02272
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02297
Name: ER02262_3B_prokka|PROKKA_02297
Description: ER02262_3B_prokka|PROKKA_02297
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02328
Name: ER02262_3B_prokka|PROKKA_02328
Description: ER02262_3B_prokka|PROKKA_02328
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02482
Name: ER02262_3B_prokka|PROKKA_02482
Description: ER02262_3B_prokka|PROKKA_02482
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02488
Name: ER02262_3B_prokka|PROKKA_02488
Description: ER02262_3B_prokka|PROKKA_02488
Number of features: 0
Seq('MDVTHAIKRSTHYGNSYLDGHRVHNAFVNRNYTVKYEVNWKTHEIKVKGQN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02695
Name: ER02262_3B_prokka|PROKKA_02695
Description: ER02262_3B_prokka|PROKKA_02695
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02782
Name: ER02262_3B_prokka|PROKKA_02782
Description: ER02262_3B_prokka|PROKKA_02782
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02262_3B_prokka|PROKKA_02813
Name: ER02262_3B_prokka|PROKKA_02813
Description: ER02262_3B_prokka|PROKKA_02813
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00028
Name: ER02360_3B_prokka|PROKKA_00028
Description: ER02360_3B_prokka|PROKKA_00028
Number of features: 0
Seq('MTHQSEYILEWEILRQLVKLGCERVNIYNVRLEMNDYLKGLGVLKHD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00042
Name: ER02360_3B_prokka|PROKKA_00042
Description: ER02360_3B_prokka|PROKKA_00042
Number of features: 0
Seq('MSKALREFKQFIKKNVDDLSNYEIKLAKRS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00051
Name: ER02360_3B_prokka|PROKKA_00051
Description: ER02360_3B_prokka|PROKKA_00051
Number of features: 0
Seq('MRNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00058
Name: ER02360_3B_prokka|PROKKA_00058
Description: ER02360_3B_prokka|PROKKA_00058
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00067
Name: ER02360_3B_prokka|PROKKA_00067
Description: ER02360_3B_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00080
Name: ER02360_3B_prokka|PROKKA_00080
Description: ER02360_3B_prokka|PROKKA_00080
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00083
Name: ER02360_3B_prokka|PROKKA_00083
Description: ER02360_3B_prokka|PROKKA_00083
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00248
Name: ER02360_3B_prokka|PROKKA_00248
Description: ER02360_3B_prokka|PROKKA_00248
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00323
Name: ER02360_3B_prokka|PROKKA_00323
Description: ER02360_3B_prokka|PROKKA_00323
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00329
Name: ER02360_3B_prokka|PROKKA_00329
Description: ER02360_3B_prokka|PROKKA_00329
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00431
Name: ER02360_3B_prokka|PROKKA_00431
Description: ER02360_3B_prokka|PROKKA_00431
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00449
Name: ER02360_3B_prokka|PROKKA_00449
Description: ER02360_3B_prokka|PROKKA_00449
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00614
Name: ER02360_3B_prokka|PROKKA_00614
Description: ER02360_3B_prokka|PROKKA_00614
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00650
Name: ER02360_3B_prokka|PROKKA_00650
Description: ER02360_3B_prokka|PROKKA_00650
Number of features: 0
Seq('MNKVTINPQIQLTYQIEGKGDPIILLHGLDGNLAGFEDLQHQLAHHIKYLLTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00867
Name: ER02360_3B_prokka|PROKKA_00867
Description: ER02360_3B_prokka|PROKKA_00867
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_00894
Name: ER02360_3B_prokka|PROKKA_00894
Description: ER02360_3B_prokka|PROKKA_00894
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01002
Name: ER02360_3B_prokka|PROKKA_01002
Description: ER02360_3B_prokka|PROKKA_01002
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01042
Name: ER02360_3B_prokka|PROKKA_01042
Description: ER02360_3B_prokka|PROKKA_01042
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01093
Name: ER02360_3B_prokka|PROKKA_01093
Description: ER02360_3B_prokka|PROKKA_01093
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01100
Name: ER02360_3B_prokka|PROKKA_01100
Description: ER02360_3B_prokka|PROKKA_01100
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQALINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01101
Name: ER02360_3B_prokka|PROKKA_01101
Description: ER02360_3B_prokka|PROKKA_01101
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYGE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01121
Name: ER02360_3B_prokka|PROKKA_01121
Description: ER02360_3B_prokka|PROKKA_01121
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01186
Name: ER02360_3B_prokka|PROKKA_01186
Description: ER02360_3B_prokka|PROKKA_01186
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01198
Name: ER02360_3B_prokka|PROKKA_01198
Description: ER02360_3B_prokka|PROKKA_01198
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01199
Name: ER02360_3B_prokka|PROKKA_01199
Description: ER02360_3B_prokka|PROKKA_01199
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01334
Name: ER02360_3B_prokka|PROKKA_01334
Description: ER02360_3B_prokka|PROKKA_01334
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01338
Name: ER02360_3B_prokka|PROKKA_01338
Description: ER02360_3B_prokka|PROKKA_01338
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01361
Name: ER02360_3B_prokka|PROKKA_01361
Description: ER02360_3B_prokka|PROKKA_01361
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01456
Name: ER02360_3B_prokka|PROKKA_01456
Description: ER02360_3B_prokka|PROKKA_01456
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01468
Name: ER02360_3B_prokka|PROKKA_01468
Description: ER02360_3B_prokka|PROKKA_01468
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01535
Name: ER02360_3B_prokka|PROKKA_01535
Description: ER02360_3B_prokka|PROKKA_01535
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01538
Name: ER02360_3B_prokka|PROKKA_01538
Description: ER02360_3B_prokka|PROKKA_01538
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01573
Name: ER02360_3B_prokka|PROKKA_01573
Description: ER02360_3B_prokka|PROKKA_01573
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01646
Name: ER02360_3B_prokka|PROKKA_01646
Description: ER02360_3B_prokka|PROKKA_01646
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01815
Name: ER02360_3B_prokka|PROKKA_01815
Description: ER02360_3B_prokka|PROKKA_01815
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01830
Name: ER02360_3B_prokka|PROKKA_01830
Description: ER02360_3B_prokka|PROKKA_01830
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01872
Name: ER02360_3B_prokka|PROKKA_01872
Description: ER02360_3B_prokka|PROKKA_01872
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01924
Name: ER02360_3B_prokka|PROKKA_01924
Description: ER02360_3B_prokka|PROKKA_01924
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_01999
Name: ER02360_3B_prokka|PROKKA_01999
Description: ER02360_3B_prokka|PROKKA_01999
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02003
Name: ER02360_3B_prokka|PROKKA_02003
Description: ER02360_3B_prokka|PROKKA_02003
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02019
Name: ER02360_3B_prokka|PROKKA_02019
Description: ER02360_3B_prokka|PROKKA_02019
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02037
Name: ER02360_3B_prokka|PROKKA_02037
Description: ER02360_3B_prokka|PROKKA_02037
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02076
Name: ER02360_3B_prokka|PROKKA_02076
Description: ER02360_3B_prokka|PROKKA_02076
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02087
Name: ER02360_3B_prokka|PROKKA_02087
Description: ER02360_3B_prokka|PROKKA_02087
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02089
Name: ER02360_3B_prokka|PROKKA_02089
Description: ER02360_3B_prokka|PROKKA_02089
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02139
Name: ER02360_3B_prokka|PROKKA_02139
Description: ER02360_3B_prokka|PROKKA_02139
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02265
Name: ER02360_3B_prokka|PROKKA_02265
Description: ER02360_3B_prokka|PROKKA_02265
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02278
Name: ER02360_3B_prokka|PROKKA_02278
Description: ER02360_3B_prokka|PROKKA_02278
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02309
Name: ER02360_3B_prokka|PROKKA_02309
Description: ER02360_3B_prokka|PROKKA_02309
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02463
Name: ER02360_3B_prokka|PROKKA_02463
Description: ER02360_3B_prokka|PROKKA_02463
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02527
Name: ER02360_3B_prokka|PROKKA_02527
Description: ER02360_3B_prokka|PROKKA_02527
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02642
Name: ER02360_3B_prokka|PROKKA_02642
Description: ER02360_3B_prokka|PROKKA_02642
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02655
Name: ER02360_3B_prokka|PROKKA_02655
Description: ER02360_3B_prokka|PROKKA_02655
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02657
Name: ER02360_3B_prokka|PROKKA_02657
Description: ER02360_3B_prokka|PROKKA_02657
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02660
Name: ER02360_3B_prokka|PROKKA_02660
Description: ER02360_3B_prokka|PROKKA_02660
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02667
Name: ER02360_3B_prokka|PROKKA_02667
Description: ER02360_3B_prokka|PROKKA_02667
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02705
Name: ER02360_3B_prokka|PROKKA_02705
Description: ER02360_3B_prokka|PROKKA_02705
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02360_3B_prokka|PROKKA_02789
Name: ER02360_3B_prokka|PROKKA_02789
Description: ER02360_3B_prokka|PROKKA_02789
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00031
Name: ER02443_3B_prokka|PROKKA_00031
Description: ER02443_3B_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00040
Name: ER02443_3B_prokka|PROKKA_00040
Description: ER02443_3B_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00066
Name: ER02443_3B_prokka|PROKKA_00066
Description: ER02443_3B_prokka|PROKKA_00066
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00155
Name: ER02443_3B_prokka|PROKKA_00155
Description: ER02443_3B_prokka|PROKKA_00155
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00253
Name: ER02443_3B_prokka|PROKKA_00253
Description: ER02443_3B_prokka|PROKKA_00253
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00305
Name: ER02443_3B_prokka|PROKKA_00305
Description: ER02443_3B_prokka|PROKKA_00305
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00403
Name: ER02443_3B_prokka|PROKKA_00403
Description: ER02443_3B_prokka|PROKKA_00403
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00441
Name: ER02443_3B_prokka|PROKKA_00441
Description: ER02443_3B_prokka|PROKKA_00441
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00571
Name: ER02443_3B_prokka|PROKKA_00571
Description: ER02443_3B_prokka|PROKKA_00571
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00607
Name: ER02443_3B_prokka|PROKKA_00607
Description: ER02443_3B_prokka|PROKKA_00607
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00825
Name: ER02443_3B_prokka|PROKKA_00825
Description: ER02443_3B_prokka|PROKKA_00825
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00869
Name: ER02443_3B_prokka|PROKKA_00869
Description: ER02443_3B_prokka|PROKKA_00869
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_00977
Name: ER02443_3B_prokka|PROKKA_00977
Description: ER02443_3B_prokka|PROKKA_00977
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01016
Name: ER02443_3B_prokka|PROKKA_01016
Description: ER02443_3B_prokka|PROKKA_01016
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01096
Name: ER02443_3B_prokka|PROKKA_01096
Description: ER02443_3B_prokka|PROKKA_01096
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01109
Name: ER02443_3B_prokka|PROKKA_01109
Description: ER02443_3B_prokka|PROKKA_01109
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01110
Name: ER02443_3B_prokka|PROKKA_01110
Description: ER02443_3B_prokka|PROKKA_01110
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01245
Name: ER02443_3B_prokka|PROKKA_01245
Description: ER02443_3B_prokka|PROKKA_01245
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01249
Name: ER02443_3B_prokka|PROKKA_01249
Description: ER02443_3B_prokka|PROKKA_01249
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01253
Name: ER02443_3B_prokka|PROKKA_01253
Description: ER02443_3B_prokka|PROKKA_01253
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01255
Name: ER02443_3B_prokka|PROKKA_01255
Description: ER02443_3B_prokka|PROKKA_01255
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01279
Name: ER02443_3B_prokka|PROKKA_01279
Description: ER02443_3B_prokka|PROKKA_01279
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01375
Name: ER02443_3B_prokka|PROKKA_01375
Description: ER02443_3B_prokka|PROKKA_01375
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01387
Name: ER02443_3B_prokka|PROKKA_01387
Description: ER02443_3B_prokka|PROKKA_01387
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01435
Name: ER02443_3B_prokka|PROKKA_01435
Description: ER02443_3B_prokka|PROKKA_01435
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01443
Name: ER02443_3B_prokka|PROKKA_01443
Description: ER02443_3B_prokka|PROKKA_01443
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01463
Name: ER02443_3B_prokka|PROKKA_01463
Description: ER02443_3B_prokka|PROKKA_01463
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01491
Name: ER02443_3B_prokka|PROKKA_01491
Description: ER02443_3B_prokka|PROKKA_01491
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01518
Name: ER02443_3B_prokka|PROKKA_01518
Description: ER02443_3B_prokka|PROKKA_01518
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01555
Name: ER02443_3B_prokka|PROKKA_01555
Description: ER02443_3B_prokka|PROKKA_01555
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01626
Name: ER02443_3B_prokka|PROKKA_01626
Description: ER02443_3B_prokka|PROKKA_01626
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01791
Name: ER02443_3B_prokka|PROKKA_01791
Description: ER02443_3B_prokka|PROKKA_01791
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01798
Name: ER02443_3B_prokka|PROKKA_01798
Description: ER02443_3B_prokka|PROKKA_01798
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01817
Name: ER02443_3B_prokka|PROKKA_01817
Description: ER02443_3B_prokka|PROKKA_01817
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01852
Name: ER02443_3B_prokka|PROKKA_01852
Description: ER02443_3B_prokka|PROKKA_01852
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01904
Name: ER02443_3B_prokka|PROKKA_01904
Description: ER02443_3B_prokka|PROKKA_01904
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01975
Name: ER02443_3B_prokka|PROKKA_01975
Description: ER02443_3B_prokka|PROKKA_01975
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01979
Name: ER02443_3B_prokka|PROKKA_01979
Description: ER02443_3B_prokka|PROKKA_01979
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_01995
Name: ER02443_3B_prokka|PROKKA_01995
Description: ER02443_3B_prokka|PROKKA_01995
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_02015
Name: ER02443_3B_prokka|PROKKA_02015
Description: ER02443_3B_prokka|PROKKA_02015
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_02045
Name: ER02443_3B_prokka|PROKKA_02045
Description: ER02443_3B_prokka|PROKKA_02045
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_02047
Name: ER02443_3B_prokka|PROKKA_02047
Description: ER02443_3B_prokka|PROKKA_02047
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_02096
Name: ER02443_3B_prokka|PROKKA_02096
Description: ER02443_3B_prokka|PROKKA_02096
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_02216
Name: ER02443_3B_prokka|PROKKA_02216
Description: ER02443_3B_prokka|PROKKA_02216
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_02240
Name: ER02443_3B_prokka|PROKKA_02240
Description: ER02443_3B_prokka|PROKKA_02240
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_02271
Name: ER02443_3B_prokka|PROKKA_02271
Description: ER02443_3B_prokka|PROKKA_02271
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_02427
Name: ER02443_3B_prokka|PROKKA_02427
Description: ER02443_3B_prokka|PROKKA_02427
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_02636
Name: ER02443_3B_prokka|PROKKA_02636
Description: ER02443_3B_prokka|PROKKA_02636
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_02723
Name: ER02443_3B_prokka|PROKKA_02723
Description: ER02443_3B_prokka|PROKKA_02723
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02443_3B_prokka|PROKKA_02737
Name: ER02443_3B_prokka|PROKKA_02737
Description: ER02443_3B_prokka|PROKKA_02737
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00029
Name: ER02495_3B_prokka|PROKKA_00029
Description: ER02495_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00038
Name: ER02495_3B_prokka|PROKKA_00038
Description: ER02495_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00059
Name: ER02495_3B_prokka|PROKKA_00059
Description: ER02495_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00147
Name: ER02495_3B_prokka|PROKKA_00147
Description: ER02495_3B_prokka|PROKKA_00147
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00246
Name: ER02495_3B_prokka|PROKKA_00246
Description: ER02495_3B_prokka|PROKKA_00246
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00298
Name: ER02495_3B_prokka|PROKKA_00298
Description: ER02495_3B_prokka|PROKKA_00298
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00396
Name: ER02495_3B_prokka|PROKKA_00396
Description: ER02495_3B_prokka|PROKKA_00396
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00434
Name: ER02495_3B_prokka|PROKKA_00434
Description: ER02495_3B_prokka|PROKKA_00434
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00564
Name: ER02495_3B_prokka|PROKKA_00564
Description: ER02495_3B_prokka|PROKKA_00564
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00600
Name: ER02495_3B_prokka|PROKKA_00600
Description: ER02495_3B_prokka|PROKKA_00600
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00819
Name: ER02495_3B_prokka|PROKKA_00819
Description: ER02495_3B_prokka|PROKKA_00819
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00863
Name: ER02495_3B_prokka|PROKKA_00863
Description: ER02495_3B_prokka|PROKKA_00863
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_00971
Name: ER02495_3B_prokka|PROKKA_00971
Description: ER02495_3B_prokka|PROKKA_00971
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01010
Name: ER02495_3B_prokka|PROKKA_01010
Description: ER02495_3B_prokka|PROKKA_01010
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01090
Name: ER02495_3B_prokka|PROKKA_01090
Description: ER02495_3B_prokka|PROKKA_01090
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01103
Name: ER02495_3B_prokka|PROKKA_01103
Description: ER02495_3B_prokka|PROKKA_01103
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01104
Name: ER02495_3B_prokka|PROKKA_01104
Description: ER02495_3B_prokka|PROKKA_01104
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01239
Name: ER02495_3B_prokka|PROKKA_01239
Description: ER02495_3B_prokka|PROKKA_01239
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01243
Name: ER02495_3B_prokka|PROKKA_01243
Description: ER02495_3B_prokka|PROKKA_01243
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01247
Name: ER02495_3B_prokka|PROKKA_01247
Description: ER02495_3B_prokka|PROKKA_01247
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01249
Name: ER02495_3B_prokka|PROKKA_01249
Description: ER02495_3B_prokka|PROKKA_01249
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01273
Name: ER02495_3B_prokka|PROKKA_01273
Description: ER02495_3B_prokka|PROKKA_01273
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01367
Name: ER02495_3B_prokka|PROKKA_01367
Description: ER02495_3B_prokka|PROKKA_01367
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01379
Name: ER02495_3B_prokka|PROKKA_01379
Description: ER02495_3B_prokka|PROKKA_01379
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01428
Name: ER02495_3B_prokka|PROKKA_01428
Description: ER02495_3B_prokka|PROKKA_01428
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01436
Name: ER02495_3B_prokka|PROKKA_01436
Description: ER02495_3B_prokka|PROKKA_01436
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01456
Name: ER02495_3B_prokka|PROKKA_01456
Description: ER02495_3B_prokka|PROKKA_01456
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01484
Name: ER02495_3B_prokka|PROKKA_01484
Description: ER02495_3B_prokka|PROKKA_01484
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01511
Name: ER02495_3B_prokka|PROKKA_01511
Description: ER02495_3B_prokka|PROKKA_01511
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01548
Name: ER02495_3B_prokka|PROKKA_01548
Description: ER02495_3B_prokka|PROKKA_01548
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01619
Name: ER02495_3B_prokka|PROKKA_01619
Description: ER02495_3B_prokka|PROKKA_01619
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01784
Name: ER02495_3B_prokka|PROKKA_01784
Description: ER02495_3B_prokka|PROKKA_01784
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01791
Name: ER02495_3B_prokka|PROKKA_01791
Description: ER02495_3B_prokka|PROKKA_01791
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01810
Name: ER02495_3B_prokka|PROKKA_01810
Description: ER02495_3B_prokka|PROKKA_01810
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01845
Name: ER02495_3B_prokka|PROKKA_01845
Description: ER02495_3B_prokka|PROKKA_01845
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01897
Name: ER02495_3B_prokka|PROKKA_01897
Description: ER02495_3B_prokka|PROKKA_01897
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01969
Name: ER02495_3B_prokka|PROKKA_01969
Description: ER02495_3B_prokka|PROKKA_01969
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01973
Name: ER02495_3B_prokka|PROKKA_01973
Description: ER02495_3B_prokka|PROKKA_01973
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_01989
Name: ER02495_3B_prokka|PROKKA_01989
Description: ER02495_3B_prokka|PROKKA_01989
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_02009
Name: ER02495_3B_prokka|PROKKA_02009
Description: ER02495_3B_prokka|PROKKA_02009
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_02039
Name: ER02495_3B_prokka|PROKKA_02039
Description: ER02495_3B_prokka|PROKKA_02039
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_02041
Name: ER02495_3B_prokka|PROKKA_02041
Description: ER02495_3B_prokka|PROKKA_02041
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_02090
Name: ER02495_3B_prokka|PROKKA_02090
Description: ER02495_3B_prokka|PROKKA_02090
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_02210
Name: ER02495_3B_prokka|PROKKA_02210
Description: ER02495_3B_prokka|PROKKA_02210
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_02234
Name: ER02495_3B_prokka|PROKKA_02234
Description: ER02495_3B_prokka|PROKKA_02234
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_02265
Name: ER02495_3B_prokka|PROKKA_02265
Description: ER02495_3B_prokka|PROKKA_02265
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_02420
Name: ER02495_3B_prokka|PROKKA_02420
Description: ER02495_3B_prokka|PROKKA_02420
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_02631
Name: ER02495_3B_prokka|PROKKA_02631
Description: ER02495_3B_prokka|PROKKA_02631
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_02718
Name: ER02495_3B_prokka|PROKKA_02718
Description: ER02495_3B_prokka|PROKKA_02718
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02495_3B_prokka|PROKKA_02736
Name: ER02495_3B_prokka|PROKKA_02736
Description: ER02495_3B_prokka|PROKKA_02736
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00008
Name: ER02524_3B_prokka|PROKKA_00008
Description: ER02524_3B_prokka|PROKKA_00008
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00050
Name: ER02524_3B_prokka|PROKKA_00050
Description: ER02524_3B_prokka|PROKKA_00050
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00059
Name: ER02524_3B_prokka|PROKKA_00059
Description: ER02524_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00080
Name: ER02524_3B_prokka|PROKKA_00080
Description: ER02524_3B_prokka|PROKKA_00080
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00168
Name: ER02524_3B_prokka|PROKKA_00168
Description: ER02524_3B_prokka|PROKKA_00168
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00267
Name: ER02524_3B_prokka|PROKKA_00267
Description: ER02524_3B_prokka|PROKKA_00267
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00319
Name: ER02524_3B_prokka|PROKKA_00319
Description: ER02524_3B_prokka|PROKKA_00319
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00417
Name: ER02524_3B_prokka|PROKKA_00417
Description: ER02524_3B_prokka|PROKKA_00417
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00455
Name: ER02524_3B_prokka|PROKKA_00455
Description: ER02524_3B_prokka|PROKKA_00455
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00585
Name: ER02524_3B_prokka|PROKKA_00585
Description: ER02524_3B_prokka|PROKKA_00585
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00621
Name: ER02524_3B_prokka|PROKKA_00621
Description: ER02524_3B_prokka|PROKKA_00621
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00840
Name: ER02524_3B_prokka|PROKKA_00840
Description: ER02524_3B_prokka|PROKKA_00840
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00884
Name: ER02524_3B_prokka|PROKKA_00884
Description: ER02524_3B_prokka|PROKKA_00884
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_00992
Name: ER02524_3B_prokka|PROKKA_00992
Description: ER02524_3B_prokka|PROKKA_00992
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01031
Name: ER02524_3B_prokka|PROKKA_01031
Description: ER02524_3B_prokka|PROKKA_01031
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01111
Name: ER02524_3B_prokka|PROKKA_01111
Description: ER02524_3B_prokka|PROKKA_01111
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01124
Name: ER02524_3B_prokka|PROKKA_01124
Description: ER02524_3B_prokka|PROKKA_01124
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01125
Name: ER02524_3B_prokka|PROKKA_01125
Description: ER02524_3B_prokka|PROKKA_01125
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01260
Name: ER02524_3B_prokka|PROKKA_01260
Description: ER02524_3B_prokka|PROKKA_01260
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01264
Name: ER02524_3B_prokka|PROKKA_01264
Description: ER02524_3B_prokka|PROKKA_01264
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01268
Name: ER02524_3B_prokka|PROKKA_01268
Description: ER02524_3B_prokka|PROKKA_01268
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01270
Name: ER02524_3B_prokka|PROKKA_01270
Description: ER02524_3B_prokka|PROKKA_01270
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01294
Name: ER02524_3B_prokka|PROKKA_01294
Description: ER02524_3B_prokka|PROKKA_01294
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01388
Name: ER02524_3B_prokka|PROKKA_01388
Description: ER02524_3B_prokka|PROKKA_01388
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01400
Name: ER02524_3B_prokka|PROKKA_01400
Description: ER02524_3B_prokka|PROKKA_01400
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01449
Name: ER02524_3B_prokka|PROKKA_01449
Description: ER02524_3B_prokka|PROKKA_01449
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01457
Name: ER02524_3B_prokka|PROKKA_01457
Description: ER02524_3B_prokka|PROKKA_01457
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01477
Name: ER02524_3B_prokka|PROKKA_01477
Description: ER02524_3B_prokka|PROKKA_01477
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01505
Name: ER02524_3B_prokka|PROKKA_01505
Description: ER02524_3B_prokka|PROKKA_01505
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01532
Name: ER02524_3B_prokka|PROKKA_01532
Description: ER02524_3B_prokka|PROKKA_01532
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01569
Name: ER02524_3B_prokka|PROKKA_01569
Description: ER02524_3B_prokka|PROKKA_01569
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01640
Name: ER02524_3B_prokka|PROKKA_01640
Description: ER02524_3B_prokka|PROKKA_01640
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01805
Name: ER02524_3B_prokka|PROKKA_01805
Description: ER02524_3B_prokka|PROKKA_01805
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01812
Name: ER02524_3B_prokka|PROKKA_01812
Description: ER02524_3B_prokka|PROKKA_01812
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01831
Name: ER02524_3B_prokka|PROKKA_01831
Description: ER02524_3B_prokka|PROKKA_01831
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01866
Name: ER02524_3B_prokka|PROKKA_01866
Description: ER02524_3B_prokka|PROKKA_01866
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01918
Name: ER02524_3B_prokka|PROKKA_01918
Description: ER02524_3B_prokka|PROKKA_01918
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01990
Name: ER02524_3B_prokka|PROKKA_01990
Description: ER02524_3B_prokka|PROKKA_01990
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_01994
Name: ER02524_3B_prokka|PROKKA_01994
Description: ER02524_3B_prokka|PROKKA_01994
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_02010
Name: ER02524_3B_prokka|PROKKA_02010
Description: ER02524_3B_prokka|PROKKA_02010
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_02030
Name: ER02524_3B_prokka|PROKKA_02030
Description: ER02524_3B_prokka|PROKKA_02030
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_02060
Name: ER02524_3B_prokka|PROKKA_02060
Description: ER02524_3B_prokka|PROKKA_02060
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_02062
Name: ER02524_3B_prokka|PROKKA_02062
Description: ER02524_3B_prokka|PROKKA_02062
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_02111
Name: ER02524_3B_prokka|PROKKA_02111
Description: ER02524_3B_prokka|PROKKA_02111
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_02231
Name: ER02524_3B_prokka|PROKKA_02231
Description: ER02524_3B_prokka|PROKKA_02231
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_02255
Name: ER02524_3B_prokka|PROKKA_02255
Description: ER02524_3B_prokka|PROKKA_02255
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_02286
Name: ER02524_3B_prokka|PROKKA_02286
Description: ER02524_3B_prokka|PROKKA_02286
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_02441
Name: ER02524_3B_prokka|PROKKA_02441
Description: ER02524_3B_prokka|PROKKA_02441
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_02650
Name: ER02524_3B_prokka|PROKKA_02650
Description: ER02524_3B_prokka|PROKKA_02650
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02524_3B_prokka|PROKKA_02737
Name: ER02524_3B_prokka|PROKKA_02737
Description: ER02524_3B_prokka|PROKKA_02737
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00003
Name: ER02578_3B_prokka|PROKKA_00003
Description: ER02578_3B_prokka|PROKKA_00003
Number of features: 0
Seq('MMKLNLFINANETESYIDIHAPKMNDTFKVLLMQSMI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00013
Name: ER02578_3B_prokka|PROKKA_00013
Description: ER02578_3B_prokka|PROKKA_00013
Number of features: 0
Seq('MDDLRVFFPNAKNEDWEVITAGQRVQVIKDTEDSKGNLQFGTESLRQMMAH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00021
Name: ER02578_3B_prokka|PROKKA_00021
Description: ER02578_3B_prokka|PROKKA_00021
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00022
Name: ER02578_3B_prokka|PROKKA_00022
Description: ER02578_3B_prokka|PROKKA_00022
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00054
Name: ER02578_3B_prokka|PROKKA_00054
Description: ER02578_3B_prokka|PROKKA_00054
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00082
Name: ER02578_3B_prokka|PROKKA_00082
Description: ER02578_3B_prokka|PROKKA_00082
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00104
Name: ER02578_3B_prokka|PROKKA_00104
Description: ER02578_3B_prokka|PROKKA_00104
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00109
Name: ER02578_3B_prokka|PROKKA_00109
Description: ER02578_3B_prokka|PROKKA_00109
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00183
Name: ER02578_3B_prokka|PROKKA_00183
Description: ER02578_3B_prokka|PROKKA_00183
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00187
Name: ER02578_3B_prokka|PROKKA_00187
Description: ER02578_3B_prokka|PROKKA_00187
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00203
Name: ER02578_3B_prokka|PROKKA_00203
Description: ER02578_3B_prokka|PROKKA_00203
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00221
Name: ER02578_3B_prokka|PROKKA_00221
Description: ER02578_3B_prokka|PROKKA_00221
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00224
Name: ER02578_3B_prokka|PROKKA_00224
Description: ER02578_3B_prokka|PROKKA_00224
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00231
Name: ER02578_3B_prokka|PROKKA_00231
Description: ER02578_3B_prokka|PROKKA_00231
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00233
Name: ER02578_3B_prokka|PROKKA_00233
Description: ER02578_3B_prokka|PROKKA_00233
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00247
Name: ER02578_3B_prokka|PROKKA_00247
Description: ER02578_3B_prokka|PROKKA_00247
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00249
Name: ER02578_3B_prokka|PROKKA_00249
Description: ER02578_3B_prokka|PROKKA_00249
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00302
Name: ER02578_3B_prokka|PROKKA_00302
Description: ER02578_3B_prokka|PROKKA_00302
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00410
Name: ER02578_3B_prokka|PROKKA_00410
Description: ER02578_3B_prokka|PROKKA_00410
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00418
Name: ER02578_3B_prokka|PROKKA_00418
Description: ER02578_3B_prokka|PROKKA_00418
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00437
Name: ER02578_3B_prokka|PROKKA_00437
Description: ER02578_3B_prokka|PROKKA_00437
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00452
Name: ER02578_3B_prokka|PROKKA_00452
Description: ER02578_3B_prokka|PROKKA_00452
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00460
Name: ER02578_3B_prokka|PROKKA_00460
Description: ER02578_3B_prokka|PROKKA_00460
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00465
Name: ER02578_3B_prokka|PROKKA_00465
Description: ER02578_3B_prokka|PROKKA_00465
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00492
Name: ER02578_3B_prokka|PROKKA_00492
Description: ER02578_3B_prokka|PROKKA_00492
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00495
Name: ER02578_3B_prokka|PROKKA_00495
Description: ER02578_3B_prokka|PROKKA_00495
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00530
Name: ER02578_3B_prokka|PROKKA_00530
Description: ER02578_3B_prokka|PROKKA_00530
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00604
Name: ER02578_3B_prokka|PROKKA_00604
Description: ER02578_3B_prokka|PROKKA_00604
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00773
Name: ER02578_3B_prokka|PROKKA_00773
Description: ER02578_3B_prokka|PROKKA_00773
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00787
Name: ER02578_3B_prokka|PROKKA_00787
Description: ER02578_3B_prokka|PROKKA_00787
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00829
Name: ER02578_3B_prokka|PROKKA_00829
Description: ER02578_3B_prokka|PROKKA_00829
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00881
Name: ER02578_3B_prokka|PROKKA_00881
Description: ER02578_3B_prokka|PROKKA_00881
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00883
Name: ER02578_3B_prokka|PROKKA_00883
Description: ER02578_3B_prokka|PROKKA_00883
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00884
Name: ER02578_3B_prokka|PROKKA_00884
Description: ER02578_3B_prokka|PROKKA_00884
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00914
Name: ER02578_3B_prokka|PROKKA_00914
Description: ER02578_3B_prokka|PROKKA_00914
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00930
Name: ER02578_3B_prokka|PROKKA_00930
Description: ER02578_3B_prokka|PROKKA_00930
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00934
Name: ER02578_3B_prokka|PROKKA_00934
Description: ER02578_3B_prokka|PROKKA_00934
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_00965
Name: ER02578_3B_prokka|PROKKA_00965
Description: ER02578_3B_prokka|PROKKA_00965
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01194
Name: ER02578_3B_prokka|PROKKA_01194
Description: ER02578_3B_prokka|PROKKA_01194
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01360
Name: ER02578_3B_prokka|PROKKA_01360
Description: ER02578_3B_prokka|PROKKA_01360
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01377
Name: ER02578_3B_prokka|PROKKA_01377
Description: ER02578_3B_prokka|PROKKA_01377
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01502
Name: ER02578_3B_prokka|PROKKA_01502
Description: ER02578_3B_prokka|PROKKA_01502
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01670
Name: ER02578_3B_prokka|PROKKA_01670
Description: ER02578_3B_prokka|PROKKA_01670
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01688
Name: ER02578_3B_prokka|PROKKA_01688
Description: ER02578_3B_prokka|PROKKA_01688
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01709
Name: ER02578_3B_prokka|PROKKA_01709
Description: ER02578_3B_prokka|PROKKA_01709
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01713
Name: ER02578_3B_prokka|PROKKA_01713
Description: ER02578_3B_prokka|PROKKA_01713
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01716
Name: ER02578_3B_prokka|PROKKA_01716
Description: ER02578_3B_prokka|PROKKA_01716
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01755
Name: ER02578_3B_prokka|PROKKA_01755
Description: ER02578_3B_prokka|PROKKA_01755
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01839
Name: ER02578_3B_prokka|PROKKA_01839
Description: ER02578_3B_prokka|PROKKA_01839
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01877
Name: ER02578_3B_prokka|PROKKA_01877
Description: ER02578_3B_prokka|PROKKA_01877
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_01985
Name: ER02578_3B_prokka|PROKKA_01985
Description: ER02578_3B_prokka|PROKKA_01985
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02049
Name: ER02578_3B_prokka|PROKKA_02049
Description: ER02578_3B_prokka|PROKKA_02049
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02058
Name: ER02578_3B_prokka|PROKKA_02058
Description: ER02578_3B_prokka|PROKKA_02058
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02204
Name: ER02578_3B_prokka|PROKKA_02204
Description: ER02578_3B_prokka|PROKKA_02204
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02236
Name: ER02578_3B_prokka|PROKKA_02236
Description: ER02578_3B_prokka|PROKKA_02236
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02267
Name: ER02578_3B_prokka|PROKKA_02267
Description: ER02578_3B_prokka|PROKKA_02267
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02274
Name: ER02578_3B_prokka|PROKKA_02274
Description: ER02578_3B_prokka|PROKKA_02274
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02279
Name: ER02578_3B_prokka|PROKKA_02279
Description: ER02578_3B_prokka|PROKKA_02279
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02287
Name: ER02578_3B_prokka|PROKKA_02287
Description: ER02578_3B_prokka|PROKKA_02287
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02297
Name: ER02578_3B_prokka|PROKKA_02297
Description: ER02578_3B_prokka|PROKKA_02297
Number of features: 0
Seq('MAKKVDKVVKLQIPAGKANPAPPVGPALGQAGVNIMGFCKEFMHVLKIKQV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02302
Name: ER02578_3B_prokka|PROKKA_02302
Description: ER02578_3B_prokka|PROKKA_02302
Number of features: 0
Seq('MSRLVSDKCDFYIKIPMVGHVNSLNASVAASLMMYEVFRKRHDVGEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02306
Name: ER02578_3B_prokka|PROKKA_02306
Description: ER02578_3B_prokka|PROKKA_02306
Number of features: 0
Seq('MEKTSWPTKEELFKYTVIVVSTVIFFLVFFYALDLGITALKNLLFG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02316
Name: ER02578_3B_prokka|PROKKA_02316
Description: ER02578_3B_prokka|PROKKA_02316
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02324
Name: ER02578_3B_prokka|PROKKA_02324
Description: ER02578_3B_prokka|PROKKA_02324
Number of features: 0
Seq('MIDQFNGEIPQTHKELESLAGVGRKTANVVMSVAFDEPSLAVDTHVERVSKTLRY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02329
Name: ER02578_3B_prokka|PROKKA_02329
Description: ER02578_3B_prokka|PROKKA_02329
Number of features: 0
Seq('MDKYQLKARPVVIRRELLDHYSDLGLDEQDLVHFA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02340
Name: ER02578_3B_prokka|PROKKA_02340
Description: ER02578_3B_prokka|PROKKA_02340
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02400
Name: ER02578_3B_prokka|PROKKA_02400
Description: ER02578_3B_prokka|PROKKA_02400
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02418
Name: ER02578_3B_prokka|PROKKA_02418
Description: ER02578_3B_prokka|PROKKA_02418
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02439
Name: ER02578_3B_prokka|PROKKA_02439
Description: ER02578_3B_prokka|PROKKA_02439
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02443
Name: ER02578_3B_prokka|PROKKA_02443
Description: ER02578_3B_prokka|PROKKA_02443
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02446
Name: ER02578_3B_prokka|PROKKA_02446
Description: ER02578_3B_prokka|PROKKA_02446
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02485
Name: ER02578_3B_prokka|PROKKA_02485
Description: ER02578_3B_prokka|PROKKA_02485
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02569
Name: ER02578_3B_prokka|PROKKA_02569
Description: ER02578_3B_prokka|PROKKA_02569
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02607
Name: ER02578_3B_prokka|PROKKA_02607
Description: ER02578_3B_prokka|PROKKA_02607
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02715
Name: ER02578_3B_prokka|PROKKA_02715
Description: ER02578_3B_prokka|PROKKA_02715
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02779
Name: ER02578_3B_prokka|PROKKA_02779
Description: ER02578_3B_prokka|PROKKA_02779
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02788
Name: ER02578_3B_prokka|PROKKA_02788
Description: ER02578_3B_prokka|PROKKA_02788
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02934
Name: ER02578_3B_prokka|PROKKA_02934
Description: ER02578_3B_prokka|PROKKA_02934
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02966
Name: ER02578_3B_prokka|PROKKA_02966
Description: ER02578_3B_prokka|PROKKA_02966
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_02997
Name: ER02578_3B_prokka|PROKKA_02997
Description: ER02578_3B_prokka|PROKKA_02997
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03004
Name: ER02578_3B_prokka|PROKKA_03004
Description: ER02578_3B_prokka|PROKKA_03004
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03009
Name: ER02578_3B_prokka|PROKKA_03009
Description: ER02578_3B_prokka|PROKKA_03009
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03017
Name: ER02578_3B_prokka|PROKKA_03017
Description: ER02578_3B_prokka|PROKKA_03017
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03082
Name: ER02578_3B_prokka|PROKKA_03082
Description: ER02578_3B_prokka|PROKKA_03082
Number of features: 0
Seq('MEGNVITAEEVKTVGSLPSHDGLVSMLLSVLQAPVRNFAYAVKAIGEQKEENAE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03112
Name: ER02578_3B_prokka|PROKKA_03112
Description: ER02578_3B_prokka|PROKKA_03112
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03159
Name: ER02578_3B_prokka|PROKKA_03159
Description: ER02578_3B_prokka|PROKKA_03159
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03171
Name: ER02578_3B_prokka|PROKKA_03171
Description: ER02578_3B_prokka|PROKKA_03171
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03264
Name: ER02578_3B_prokka|PROKKA_03264
Description: ER02578_3B_prokka|PROKKA_03264
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03288
Name: ER02578_3B_prokka|PROKKA_03288
Description: ER02578_3B_prokka|PROKKA_03288
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03292
Name: ER02578_3B_prokka|PROKKA_03292
Description: ER02578_3B_prokka|PROKKA_03292
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03429
Name: ER02578_3B_prokka|PROKKA_03429
Description: ER02578_3B_prokka|PROKKA_03429
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03430
Name: ER02578_3B_prokka|PROKKA_03430
Description: ER02578_3B_prokka|PROKKA_03430
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03442
Name: ER02578_3B_prokka|PROKKA_03442
Description: ER02578_3B_prokka|PROKKA_03442
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03524
Name: ER02578_3B_prokka|PROKKA_03524
Description: ER02578_3B_prokka|PROKKA_03524
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03525
Name: ER02578_3B_prokka|PROKKA_03525
Description: ER02578_3B_prokka|PROKKA_03525
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03542
Name: ER02578_3B_prokka|PROKKA_03542
Description: ER02578_3B_prokka|PROKKA_03542
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03565
Name: ER02578_3B_prokka|PROKKA_03565
Description: ER02578_3B_prokka|PROKKA_03565
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03670
Name: ER02578_3B_prokka|PROKKA_03670
Description: ER02578_3B_prokka|PROKKA_03670
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03685
Name: ER02578_3B_prokka|PROKKA_03685
Description: ER02578_3B_prokka|PROKKA_03685
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03686
Name: ER02578_3B_prokka|PROKKA_03686
Description: ER02578_3B_prokka|PROKKA_03686
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03694
Name: ER02578_3B_prokka|PROKKA_03694
Description: ER02578_3B_prokka|PROKKA_03694
Number of features: 0
Seq('MEKIKMIYPTFKDIKTFYVWVAIKMTKLSGT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03697
Name: ER02578_3B_prokka|PROKKA_03697
Description: ER02578_3B_prokka|PROKKA_03697
Number of features: 0
Seq('MIYPTFKDIKTFYVWGCYKNDQIKWYVDMGVIDKEEYALITGEKYPETKDEKSQV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03708
Name: ER02578_3B_prokka|PROKKA_03708
Description: ER02578_3B_prokka|PROKKA_03708
Number of features: 0
Seq('MNKKLLTKTLIASALVLTTVGSGFSFFFKL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02578_3B_prokka|PROKKA_03727
Name: ER02578_3B_prokka|PROKKA_03727
Description: ER02578_3B_prokka|PROKKA_03727
Number of features: 0
Seq('MKEPQIEKSQLSDTQQNQIKKVIHQEPYKIIFKH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00033
Name: ER02603_3B_prokka|PROKKA_00033
Description: ER02603_3B_prokka|PROKKA_00033
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00062
Name: ER02603_3B_prokka|PROKKA_00062
Description: ER02603_3B_prokka|PROKKA_00062
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00140
Name: ER02603_3B_prokka|PROKKA_00140
Description: ER02603_3B_prokka|PROKKA_00140
Number of features: 0
Seq('MLGDNREVSKDSRAFGLIDEDQIVGKVSFRFWPFSEFKHNFNPENTKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00176
Name: ER02603_3B_prokka|PROKKA_00176
Description: ER02603_3B_prokka|PROKKA_00176
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00293
Name: ER02603_3B_prokka|PROKKA_00293
Description: ER02603_3B_prokka|PROKKA_00293
Number of features: 0
Seq('MIVQQERDLSDYIAKKTNVKHESPQAFYFVNGEMVWNRDHGDINVSSLAQAEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00388
Name: ER02603_3B_prokka|PROKKA_00388
Description: ER02603_3B_prokka|PROKKA_00388
Number of features: 0
Seq('MPKIILVSHSKEIASGTKSLLKQMAGDVDIIPIGDYQMVQLELHLISSKKF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00448
Name: ER02603_3B_prokka|PROKKA_00448
Description: ER02603_3B_prokka|PROKKA_00448
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00484
Name: ER02603_3B_prokka|PROKKA_00484
Description: ER02603_3B_prokka|PROKKA_00484
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00544
Name: ER02603_3B_prokka|PROKKA_00544
Description: ER02603_3B_prokka|PROKKA_00544
Number of features: 0
Seq('MKIGVLALQGAVREHIRHIELSGHEGIAVKKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00557
Name: ER02603_3B_prokka|PROKKA_00557
Description: ER02603_3B_prokka|PROKKA_00557
Number of features: 0
Seq('MIDLPKLSVPHPRMNERAFVLIPLNDIAANVVEPRSKLKVKDLVFVDDSVKRYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00617
Name: ER02603_3B_prokka|PROKKA_00617
Description: ER02603_3B_prokka|PROKKA_00617
Number of features: 0
Seq('MNKKTKLIHGGTQQTIIQVPLQHQFIKQVHIYKMILVIYVKDMNILVLRIQQEVL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00620
Name: ER02603_3B_prokka|PROKKA_00620
Description: ER02603_3B_prokka|PROKKA_00620
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00660
Name: ER02603_3B_prokka|PROKKA_00660
Description: ER02603_3B_prokka|PROKKA_00660
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00760
Name: ER02603_3B_prokka|PROKKA_00760
Description: ER02603_3B_prokka|PROKKA_00760
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00814
Name: ER02603_3B_prokka|PROKKA_00814
Description: ER02603_3B_prokka|PROKKA_00814
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_00913
Name: ER02603_3B_prokka|PROKKA_00913
Description: ER02603_3B_prokka|PROKKA_00913
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01004
Name: ER02603_3B_prokka|PROKKA_01004
Description: ER02603_3B_prokka|PROKKA_01004
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01017
Name: ER02603_3B_prokka|PROKKA_01017
Description: ER02603_3B_prokka|PROKKA_01017
Number of features: 0
Seq('MELKLLNKLDDDQLDLEFLQDNGLKGNVQGPMTLKEPLKSYIQKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01026
Name: ER02603_3B_prokka|PROKKA_01026
Description: ER02603_3B_prokka|PROKKA_01026
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01035
Name: ER02603_3B_prokka|PROKKA_01035
Description: ER02603_3B_prokka|PROKKA_01035
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01064
Name: ER02603_3B_prokka|PROKKA_01064
Description: ER02603_3B_prokka|PROKKA_01064
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01153
Name: ER02603_3B_prokka|PROKKA_01153
Description: ER02603_3B_prokka|PROKKA_01153
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01366
Name: ER02603_3B_prokka|PROKKA_01366
Description: ER02603_3B_prokka|PROKKA_01366
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01493
Name: ER02603_3B_prokka|PROKKA_01493
Description: ER02603_3B_prokka|PROKKA_01493
Number of features: 0
Seq('MPAQFTETEMLVQYDYLVEDLLKSLGIPYVREDRKVNKAFRHIGHSHD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01496
Name: ER02603_3B_prokka|PROKKA_01496
Description: ER02603_3B_prokka|PROKKA_01496
Number of features: 0
Seq('MAQNPRVTRDDVNVADLVISNAVIIDYDKVVKADIGIKNGYIFAIGNAATQI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01525
Name: ER02603_3B_prokka|PROKKA_01525
Description: ER02603_3B_prokka|PROKKA_01525
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01556
Name: ER02603_3B_prokka|PROKKA_01556
Description: ER02603_3B_prokka|PROKKA_01556
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01582
Name: ER02603_3B_prokka|PROKKA_01582
Description: ER02603_3B_prokka|PROKKA_01582
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01704
Name: ER02603_3B_prokka|PROKKA_01704
Description: ER02603_3B_prokka|PROKKA_01704
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01754
Name: ER02603_3B_prokka|PROKKA_01754
Description: ER02603_3B_prokka|PROKKA_01754
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01756
Name: ER02603_3B_prokka|PROKKA_01756
Description: ER02603_3B_prokka|PROKKA_01756
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01789
Name: ER02603_3B_prokka|PROKKA_01789
Description: ER02603_3B_prokka|PROKKA_01789
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01809
Name: ER02603_3B_prokka|PROKKA_01809
Description: ER02603_3B_prokka|PROKKA_01809
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01825
Name: ER02603_3B_prokka|PROKKA_01825
Description: ER02603_3B_prokka|PROKKA_01825
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01830
Name: ER02603_3B_prokka|PROKKA_01830
Description: ER02603_3B_prokka|PROKKA_01830
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01902
Name: ER02603_3B_prokka|PROKKA_01902
Description: ER02603_3B_prokka|PROKKA_01902
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01955
Name: ER02603_3B_prokka|PROKKA_01955
Description: ER02603_3B_prokka|PROKKA_01955
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_01991
Name: ER02603_3B_prokka|PROKKA_01991
Description: ER02603_3B_prokka|PROKKA_01991
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02012
Name: ER02603_3B_prokka|PROKKA_02012
Description: ER02603_3B_prokka|PROKKA_02012
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02020
Name: ER02603_3B_prokka|PROKKA_02020
Description: ER02603_3B_prokka|PROKKA_02020
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02189
Name: ER02603_3B_prokka|PROKKA_02189
Description: ER02603_3B_prokka|PROKKA_02189
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02263
Name: ER02603_3B_prokka|PROKKA_02263
Description: ER02603_3B_prokka|PROKKA_02263
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02305
Name: ER02603_3B_prokka|PROKKA_02305
Description: ER02603_3B_prokka|PROKKA_02305
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02332
Name: ER02603_3B_prokka|PROKKA_02332
Description: ER02603_3B_prokka|PROKKA_02332
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02359
Name: ER02603_3B_prokka|PROKKA_02359
Description: ER02603_3B_prokka|PROKKA_02359
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02379
Name: ER02603_3B_prokka|PROKKA_02379
Description: ER02603_3B_prokka|PROKKA_02379
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02387
Name: ER02603_3B_prokka|PROKKA_02387
Description: ER02603_3B_prokka|PROKKA_02387
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02437
Name: ER02603_3B_prokka|PROKKA_02437
Description: ER02603_3B_prokka|PROKKA_02437
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02451
Name: ER02603_3B_prokka|PROKKA_02451
Description: ER02603_3B_prokka|PROKKA_02451
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02547
Name: ER02603_3B_prokka|PROKKA_02547
Description: ER02603_3B_prokka|PROKKA_02547
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02571
Name: ER02603_3B_prokka|PROKKA_02571
Description: ER02603_3B_prokka|PROKKA_02571
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02573
Name: ER02603_3B_prokka|PROKKA_02573
Description: ER02603_3B_prokka|PROKKA_02573
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02577
Name: ER02603_3B_prokka|PROKKA_02577
Description: ER02603_3B_prokka|PROKKA_02577
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02581
Name: ER02603_3B_prokka|PROKKA_02581
Description: ER02603_3B_prokka|PROKKA_02581
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02730
Name: ER02603_3B_prokka|PROKKA_02730
Description: ER02603_3B_prokka|PROKKA_02730
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02731
Name: ER02603_3B_prokka|PROKKA_02731
Description: ER02603_3B_prokka|PROKKA_02731
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02807
Name: ER02603_3B_prokka|PROKKA_02807
Description: ER02603_3B_prokka|PROKKA_02807
Number of features: 0
Seq('MRNTNKFLLIPYLLWMVIFIIVPVVLLIYFSFLDINGHFSFTNYQQIFTTNI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02828
Name: ER02603_3B_prokka|PROKKA_02828
Description: ER02603_3B_prokka|PROKKA_02828
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3B_prokka|PROKKA_02829
Name: ER02603_3B_prokka|PROKKA_02829
Description: ER02603_3B_prokka|PROKKA_02829
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00029
Name: ER02603_3C_prokka|PROKKA_00029
Description: ER02603_3C_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00038
Name: ER02603_3C_prokka|PROKKA_00038
Description: ER02603_3C_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00059
Name: ER02603_3C_prokka|PROKKA_00059
Description: ER02603_3C_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00148
Name: ER02603_3C_prokka|PROKKA_00148
Description: ER02603_3C_prokka|PROKKA_00148
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00247
Name: ER02603_3C_prokka|PROKKA_00247
Description: ER02603_3C_prokka|PROKKA_00247
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00299
Name: ER02603_3C_prokka|PROKKA_00299
Description: ER02603_3C_prokka|PROKKA_00299
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00397
Name: ER02603_3C_prokka|PROKKA_00397
Description: ER02603_3C_prokka|PROKKA_00397
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00435
Name: ER02603_3C_prokka|PROKKA_00435
Description: ER02603_3C_prokka|PROKKA_00435
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00565
Name: ER02603_3C_prokka|PROKKA_00565
Description: ER02603_3C_prokka|PROKKA_00565
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00601
Name: ER02603_3C_prokka|PROKKA_00601
Description: ER02603_3C_prokka|PROKKA_00601
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00820
Name: ER02603_3C_prokka|PROKKA_00820
Description: ER02603_3C_prokka|PROKKA_00820
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00864
Name: ER02603_3C_prokka|PROKKA_00864
Description: ER02603_3C_prokka|PROKKA_00864
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_00973
Name: ER02603_3C_prokka|PROKKA_00973
Description: ER02603_3C_prokka|PROKKA_00973
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01012
Name: ER02603_3C_prokka|PROKKA_01012
Description: ER02603_3C_prokka|PROKKA_01012
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01092
Name: ER02603_3C_prokka|PROKKA_01092
Description: ER02603_3C_prokka|PROKKA_01092
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01105
Name: ER02603_3C_prokka|PROKKA_01105
Description: ER02603_3C_prokka|PROKKA_01105
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01106
Name: ER02603_3C_prokka|PROKKA_01106
Description: ER02603_3C_prokka|PROKKA_01106
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01241
Name: ER02603_3C_prokka|PROKKA_01241
Description: ER02603_3C_prokka|PROKKA_01241
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01245
Name: ER02603_3C_prokka|PROKKA_01245
Description: ER02603_3C_prokka|PROKKA_01245
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01249
Name: ER02603_3C_prokka|PROKKA_01249
Description: ER02603_3C_prokka|PROKKA_01249
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01251
Name: ER02603_3C_prokka|PROKKA_01251
Description: ER02603_3C_prokka|PROKKA_01251
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01275
Name: ER02603_3C_prokka|PROKKA_01275
Description: ER02603_3C_prokka|PROKKA_01275
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01370
Name: ER02603_3C_prokka|PROKKA_01370
Description: ER02603_3C_prokka|PROKKA_01370
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01382
Name: ER02603_3C_prokka|PROKKA_01382
Description: ER02603_3C_prokka|PROKKA_01382
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01431
Name: ER02603_3C_prokka|PROKKA_01431
Description: ER02603_3C_prokka|PROKKA_01431
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01439
Name: ER02603_3C_prokka|PROKKA_01439
Description: ER02603_3C_prokka|PROKKA_01439
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01459
Name: ER02603_3C_prokka|PROKKA_01459
Description: ER02603_3C_prokka|PROKKA_01459
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01487
Name: ER02603_3C_prokka|PROKKA_01487
Description: ER02603_3C_prokka|PROKKA_01487
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01514
Name: ER02603_3C_prokka|PROKKA_01514
Description: ER02603_3C_prokka|PROKKA_01514
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01551
Name: ER02603_3C_prokka|PROKKA_01551
Description: ER02603_3C_prokka|PROKKA_01551
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01622
Name: ER02603_3C_prokka|PROKKA_01622
Description: ER02603_3C_prokka|PROKKA_01622
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01787
Name: ER02603_3C_prokka|PROKKA_01787
Description: ER02603_3C_prokka|PROKKA_01787
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01794
Name: ER02603_3C_prokka|PROKKA_01794
Description: ER02603_3C_prokka|PROKKA_01794
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01814
Name: ER02603_3C_prokka|PROKKA_01814
Description: ER02603_3C_prokka|PROKKA_01814
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01849
Name: ER02603_3C_prokka|PROKKA_01849
Description: ER02603_3C_prokka|PROKKA_01849
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01901
Name: ER02603_3C_prokka|PROKKA_01901
Description: ER02603_3C_prokka|PROKKA_01901
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01973
Name: ER02603_3C_prokka|PROKKA_01973
Description: ER02603_3C_prokka|PROKKA_01973
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01977
Name: ER02603_3C_prokka|PROKKA_01977
Description: ER02603_3C_prokka|PROKKA_01977
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_01993
Name: ER02603_3C_prokka|PROKKA_01993
Description: ER02603_3C_prokka|PROKKA_01993
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_02013
Name: ER02603_3C_prokka|PROKKA_02013
Description: ER02603_3C_prokka|PROKKA_02013
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_02043
Name: ER02603_3C_prokka|PROKKA_02043
Description: ER02603_3C_prokka|PROKKA_02043
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_02045
Name: ER02603_3C_prokka|PROKKA_02045
Description: ER02603_3C_prokka|PROKKA_02045
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_02094
Name: ER02603_3C_prokka|PROKKA_02094
Description: ER02603_3C_prokka|PROKKA_02094
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_02214
Name: ER02603_3C_prokka|PROKKA_02214
Description: ER02603_3C_prokka|PROKKA_02214
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_02239
Name: ER02603_3C_prokka|PROKKA_02239
Description: ER02603_3C_prokka|PROKKA_02239
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_02270
Name: ER02603_3C_prokka|PROKKA_02270
Description: ER02603_3C_prokka|PROKKA_02270
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_02425
Name: ER02603_3C_prokka|PROKKA_02425
Description: ER02603_3C_prokka|PROKKA_02425
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_02637
Name: ER02603_3C_prokka|PROKKA_02637
Description: ER02603_3C_prokka|PROKKA_02637
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_02725
Name: ER02603_3C_prokka|PROKKA_02725
Description: ER02603_3C_prokka|PROKKA_02725
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02603_3C_prokka|PROKKA_02733
Name: ER02603_3C_prokka|PROKKA_02733
Description: ER02603_3C_prokka|PROKKA_02733
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00016
Name: ER02611_3A_prokka|PROKKA_00016
Description: ER02611_3A_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00067
Name: ER02611_3A_prokka|PROKKA_00067
Description: ER02611_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00070
Name: ER02611_3A_prokka|PROKKA_00070
Description: ER02611_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00074
Name: ER02611_3A_prokka|PROKKA_00074
Description: ER02611_3A_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00095
Name: ER02611_3A_prokka|PROKKA_00095
Description: ER02611_3A_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00113
Name: ER02611_3A_prokka|PROKKA_00113
Description: ER02611_3A_prokka|PROKKA_00113
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00280
Name: ER02611_3A_prokka|PROKKA_00280
Description: ER02611_3A_prokka|PROKKA_00280
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00405
Name: ER02611_3A_prokka|PROKKA_00405
Description: ER02611_3A_prokka|PROKKA_00405
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00422
Name: ER02611_3A_prokka|PROKKA_00422
Description: ER02611_3A_prokka|PROKKA_00422
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00588
Name: ER02611_3A_prokka|PROKKA_00588
Description: ER02611_3A_prokka|PROKKA_00588
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00817
Name: ER02611_3A_prokka|PROKKA_00817
Description: ER02611_3A_prokka|PROKKA_00817
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00848
Name: ER02611_3A_prokka|PROKKA_00848
Description: ER02611_3A_prokka|PROKKA_00848
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00852
Name: ER02611_3A_prokka|PROKKA_00852
Description: ER02611_3A_prokka|PROKKA_00852
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00868
Name: ER02611_3A_prokka|PROKKA_00868
Description: ER02611_3A_prokka|PROKKA_00868
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00898
Name: ER02611_3A_prokka|PROKKA_00898
Description: ER02611_3A_prokka|PROKKA_00898
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00899
Name: ER02611_3A_prokka|PROKKA_00899
Description: ER02611_3A_prokka|PROKKA_00899
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00901
Name: ER02611_3A_prokka|PROKKA_00901
Description: ER02611_3A_prokka|PROKKA_00901
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00953
Name: ER02611_3A_prokka|PROKKA_00953
Description: ER02611_3A_prokka|PROKKA_00953
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_00995
Name: ER02611_3A_prokka|PROKKA_00995
Description: ER02611_3A_prokka|PROKKA_00995
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01009
Name: ER02611_3A_prokka|PROKKA_01009
Description: ER02611_3A_prokka|PROKKA_01009
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01178
Name: ER02611_3A_prokka|PROKKA_01178
Description: ER02611_3A_prokka|PROKKA_01178
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01252
Name: ER02611_3A_prokka|PROKKA_01252
Description: ER02611_3A_prokka|PROKKA_01252
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01287
Name: ER02611_3A_prokka|PROKKA_01287
Description: ER02611_3A_prokka|PROKKA_01287
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01290
Name: ER02611_3A_prokka|PROKKA_01290
Description: ER02611_3A_prokka|PROKKA_01290
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01317
Name: ER02611_3A_prokka|PROKKA_01317
Description: ER02611_3A_prokka|PROKKA_01317
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01322
Name: ER02611_3A_prokka|PROKKA_01322
Description: ER02611_3A_prokka|PROKKA_01322
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01330
Name: ER02611_3A_prokka|PROKKA_01330
Description: ER02611_3A_prokka|PROKKA_01330
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01345
Name: ER02611_3A_prokka|PROKKA_01345
Description: ER02611_3A_prokka|PROKKA_01345
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01364
Name: ER02611_3A_prokka|PROKKA_01364
Description: ER02611_3A_prokka|PROKKA_01364
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01372
Name: ER02611_3A_prokka|PROKKA_01372
Description: ER02611_3A_prokka|PROKKA_01372
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01420
Name: ER02611_3A_prokka|PROKKA_01420
Description: ER02611_3A_prokka|PROKKA_01420
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01432
Name: ER02611_3A_prokka|PROKKA_01432
Description: ER02611_3A_prokka|PROKKA_01432
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01525
Name: ER02611_3A_prokka|PROKKA_01525
Description: ER02611_3A_prokka|PROKKA_01525
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01549
Name: ER02611_3A_prokka|PROKKA_01549
Description: ER02611_3A_prokka|PROKKA_01549
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01553
Name: ER02611_3A_prokka|PROKKA_01553
Description: ER02611_3A_prokka|PROKKA_01553
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01689
Name: ER02611_3A_prokka|PROKKA_01689
Description: ER02611_3A_prokka|PROKKA_01689
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01690
Name: ER02611_3A_prokka|PROKKA_01690
Description: ER02611_3A_prokka|PROKKA_01690
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01702
Name: ER02611_3A_prokka|PROKKA_01702
Description: ER02611_3A_prokka|PROKKA_01702
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01784
Name: ER02611_3A_prokka|PROKKA_01784
Description: ER02611_3A_prokka|PROKKA_01784
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01785
Name: ER02611_3A_prokka|PROKKA_01785
Description: ER02611_3A_prokka|PROKKA_01785
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01802
Name: ER02611_3A_prokka|PROKKA_01802
Description: ER02611_3A_prokka|PROKKA_01802
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01825
Name: ER02611_3A_prokka|PROKKA_01825
Description: ER02611_3A_prokka|PROKKA_01825
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01930
Name: ER02611_3A_prokka|PROKKA_01930
Description: ER02611_3A_prokka|PROKKA_01930
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01945
Name: ER02611_3A_prokka|PROKKA_01945
Description: ER02611_3A_prokka|PROKKA_01945
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01946
Name: ER02611_3A_prokka|PROKKA_01946
Description: ER02611_3A_prokka|PROKKA_01946
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01977
Name: ER02611_3A_prokka|PROKKA_01977
Description: ER02611_3A_prokka|PROKKA_01977
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_01999
Name: ER02611_3A_prokka|PROKKA_01999
Description: ER02611_3A_prokka|PROKKA_01999
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02004
Name: ER02611_3A_prokka|PROKKA_02004
Description: ER02611_3A_prokka|PROKKA_02004
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02080
Name: ER02611_3A_prokka|PROKKA_02080
Description: ER02611_3A_prokka|PROKKA_02080
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02084
Name: ER02611_3A_prokka|PROKKA_02084
Description: ER02611_3A_prokka|PROKKA_02084
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02100
Name: ER02611_3A_prokka|PROKKA_02100
Description: ER02611_3A_prokka|PROKKA_02100
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02118
Name: ER02611_3A_prokka|PROKKA_02118
Description: ER02611_3A_prokka|PROKKA_02118
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02144
Name: ER02611_3A_prokka|PROKKA_02144
Description: ER02611_3A_prokka|PROKKA_02144
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02146
Name: ER02611_3A_prokka|PROKKA_02146
Description: ER02611_3A_prokka|PROKKA_02146
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02198
Name: ER02611_3A_prokka|PROKKA_02198
Description: ER02611_3A_prokka|PROKKA_02198
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02306
Name: ER02611_3A_prokka|PROKKA_02306
Description: ER02611_3A_prokka|PROKKA_02306
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02325
Name: ER02611_3A_prokka|PROKKA_02325
Description: ER02611_3A_prokka|PROKKA_02325
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02338
Name: ER02611_3A_prokka|PROKKA_02338
Description: ER02611_3A_prokka|PROKKA_02338
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02370
Name: ER02611_3A_prokka|PROKKA_02370
Description: ER02611_3A_prokka|PROKKA_02370
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02515
Name: ER02611_3A_prokka|PROKKA_02515
Description: ER02611_3A_prokka|PROKKA_02515
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02524
Name: ER02611_3A_prokka|PROKKA_02524
Description: ER02611_3A_prokka|PROKKA_02524
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02570
Name: ER02611_3A_prokka|PROKKA_02570
Description: ER02611_3A_prokka|PROKKA_02570
Number of features: 0
Seq('MKGAMAWPFLRLYILTLMFFSANAILNVFIPLRGHDLGATNTVIGIVMGHTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02589
Name: ER02611_3A_prokka|PROKKA_02589
Description: ER02611_3A_prokka|PROKKA_02589
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02697
Name: ER02611_3A_prokka|PROKKA_02697
Description: ER02611_3A_prokka|PROKKA_02697
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02735
Name: ER02611_3A_prokka|PROKKA_02735
Description: ER02611_3A_prokka|PROKKA_02735
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02611_3A_prokka|PROKKA_02819
Name: ER02611_3A_prokka|PROKKA_02819
Description: ER02611_3A_prokka|PROKKA_02819
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00056
Name: ER02612_3B_prokka|PROKKA_00056
Description: ER02612_3B_prokka|PROKKA_00056
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00074
Name: ER02612_3B_prokka|PROKKA_00074
Description: ER02612_3B_prokka|PROKKA_00074
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00242
Name: ER02612_3B_prokka|PROKKA_00242
Description: ER02612_3B_prokka|PROKKA_00242
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00366
Name: ER02612_3B_prokka|PROKKA_00366
Description: ER02612_3B_prokka|PROKKA_00366
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00383
Name: ER02612_3B_prokka|PROKKA_00383
Description: ER02612_3B_prokka|PROKKA_00383
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00549
Name: ER02612_3B_prokka|PROKKA_00549
Description: ER02612_3B_prokka|PROKKA_00549
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00778
Name: ER02612_3B_prokka|PROKKA_00778
Description: ER02612_3B_prokka|PROKKA_00778
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00809
Name: ER02612_3B_prokka|PROKKA_00809
Description: ER02612_3B_prokka|PROKKA_00809
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00813
Name: ER02612_3B_prokka|PROKKA_00813
Description: ER02612_3B_prokka|PROKKA_00813
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00829
Name: ER02612_3B_prokka|PROKKA_00829
Description: ER02612_3B_prokka|PROKKA_00829
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00860
Name: ER02612_3B_prokka|PROKKA_00860
Description: ER02612_3B_prokka|PROKKA_00860
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00861
Name: ER02612_3B_prokka|PROKKA_00861
Description: ER02612_3B_prokka|PROKKA_00861
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00876
Name: ER02612_3B_prokka|PROKKA_00876
Description: ER02612_3B_prokka|PROKKA_00876
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_00981
Name: ER02612_3B_prokka|PROKKA_00981
Description: ER02612_3B_prokka|PROKKA_00981
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01020
Name: ER02612_3B_prokka|PROKKA_01020
Description: ER02612_3B_prokka|PROKKA_01020
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01021
Name: ER02612_3B_prokka|PROKKA_01021
Description: ER02612_3B_prokka|PROKKA_01021
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01103
Name: ER02612_3B_prokka|PROKKA_01103
Description: ER02612_3B_prokka|PROKKA_01103
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01115
Name: ER02612_3B_prokka|PROKKA_01115
Description: ER02612_3B_prokka|PROKKA_01115
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01116
Name: ER02612_3B_prokka|PROKKA_01116
Description: ER02612_3B_prokka|PROKKA_01116
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01252
Name: ER02612_3B_prokka|PROKKA_01252
Description: ER02612_3B_prokka|PROKKA_01252
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01256
Name: ER02612_3B_prokka|PROKKA_01256
Description: ER02612_3B_prokka|PROKKA_01256
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01280
Name: ER02612_3B_prokka|PROKKA_01280
Description: ER02612_3B_prokka|PROKKA_01280
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01373
Name: ER02612_3B_prokka|PROKKA_01373
Description: ER02612_3B_prokka|PROKKA_01373
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01385
Name: ER02612_3B_prokka|PROKKA_01385
Description: ER02612_3B_prokka|PROKKA_01385
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01432
Name: ER02612_3B_prokka|PROKKA_01432
Description: ER02612_3B_prokka|PROKKA_01432
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01440
Name: ER02612_3B_prokka|PROKKA_01440
Description: ER02612_3B_prokka|PROKKA_01440
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01459
Name: ER02612_3B_prokka|PROKKA_01459
Description: ER02612_3B_prokka|PROKKA_01459
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01474
Name: ER02612_3B_prokka|PROKKA_01474
Description: ER02612_3B_prokka|PROKKA_01474
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01482
Name: ER02612_3B_prokka|PROKKA_01482
Description: ER02612_3B_prokka|PROKKA_01482
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01487
Name: ER02612_3B_prokka|PROKKA_01487
Description: ER02612_3B_prokka|PROKKA_01487
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01514
Name: ER02612_3B_prokka|PROKKA_01514
Description: ER02612_3B_prokka|PROKKA_01514
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01517
Name: ER02612_3B_prokka|PROKKA_01517
Description: ER02612_3B_prokka|PROKKA_01517
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01552
Name: ER02612_3B_prokka|PROKKA_01552
Description: ER02612_3B_prokka|PROKKA_01552
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01625
Name: ER02612_3B_prokka|PROKKA_01625
Description: ER02612_3B_prokka|PROKKA_01625
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01795
Name: ER02612_3B_prokka|PROKKA_01795
Description: ER02612_3B_prokka|PROKKA_01795
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01809
Name: ER02612_3B_prokka|PROKKA_01809
Description: ER02612_3B_prokka|PROKKA_01809
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01851
Name: ER02612_3B_prokka|PROKKA_01851
Description: ER02612_3B_prokka|PROKKA_01851
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01904
Name: ER02612_3B_prokka|PROKKA_01904
Description: ER02612_3B_prokka|PROKKA_01904
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01976
Name: ER02612_3B_prokka|PROKKA_01976
Description: ER02612_3B_prokka|PROKKA_01976
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01980
Name: ER02612_3B_prokka|PROKKA_01980
Description: ER02612_3B_prokka|PROKKA_01980
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_01996
Name: ER02612_3B_prokka|PROKKA_01996
Description: ER02612_3B_prokka|PROKKA_01996
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02014
Name: ER02612_3B_prokka|PROKKA_02014
Description: ER02612_3B_prokka|PROKKA_02014
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02024
Name: ER02612_3B_prokka|PROKKA_02024
Description: ER02612_3B_prokka|PROKKA_02024
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02040
Name: ER02612_3B_prokka|PROKKA_02040
Description: ER02612_3B_prokka|PROKKA_02040
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02042
Name: ER02612_3B_prokka|PROKKA_02042
Description: ER02612_3B_prokka|PROKKA_02042
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02092
Name: ER02612_3B_prokka|PROKKA_02092
Description: ER02612_3B_prokka|PROKKA_02092
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02217
Name: ER02612_3B_prokka|PROKKA_02217
Description: ER02612_3B_prokka|PROKKA_02217
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02230
Name: ER02612_3B_prokka|PROKKA_02230
Description: ER02612_3B_prokka|PROKKA_02230
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02261
Name: ER02612_3B_prokka|PROKKA_02261
Description: ER02612_3B_prokka|PROKKA_02261
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02406
Name: ER02612_3B_prokka|PROKKA_02406
Description: ER02612_3B_prokka|PROKKA_02406
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02415
Name: ER02612_3B_prokka|PROKKA_02415
Description: ER02612_3B_prokka|PROKKA_02415
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02479
Name: ER02612_3B_prokka|PROKKA_02479
Description: ER02612_3B_prokka|PROKKA_02479
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02588
Name: ER02612_3B_prokka|PROKKA_02588
Description: ER02612_3B_prokka|PROKKA_02588
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02626
Name: ER02612_3B_prokka|PROKKA_02626
Description: ER02612_3B_prokka|PROKKA_02626
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02710
Name: ER02612_3B_prokka|PROKKA_02710
Description: ER02612_3B_prokka|PROKKA_02710
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02712
Name: ER02612_3B_prokka|PROKKA_02712
Description: ER02612_3B_prokka|PROKKA_02712
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02716
Name: ER02612_3B_prokka|PROKKA_02716
Description: ER02612_3B_prokka|PROKKA_02716
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02612_3B_prokka|PROKKA_02727
Name: ER02612_3B_prokka|PROKKA_02727
Description: ER02612_3B_prokka|PROKKA_02727
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00048
Name: ER02637_3B_prokka|PROKKA_00048
Description: ER02637_3B_prokka|PROKKA_00048
Number of features: 0
Seq('MADIQKMLEQKEKLQEKIKEEKKKNMKNLEDGSSINLK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00059
Name: ER02637_3B_prokka|PROKKA_00059
Description: ER02637_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MKFGKTIAVVLASSVLLAGCTTDKKKLRHI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00072
Name: ER02637_3B_prokka|PROKKA_00072
Description: ER02637_3B_prokka|PROKKA_00072
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00073
Name: ER02637_3B_prokka|PROKKA_00073
Description: ER02637_3B_prokka|PROKKA_00073
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEDTCTEHMHKIP', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00091
Name: ER02637_3B_prokka|PROKKA_00091
Description: ER02637_3B_prokka|PROKKA_00091
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00115
Name: ER02637_3B_prokka|PROKKA_00115
Description: ER02637_3B_prokka|PROKKA_00115
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00142
Name: ER02637_3B_prokka|PROKKA_00142
Description: ER02637_3B_prokka|PROKKA_00142
Number of features: 0
Seq('MLHETWKERTPIKKVEVINTDAKNLQFLTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00164
Name: ER02637_3B_prokka|PROKKA_00164
Description: ER02637_3B_prokka|PROKKA_00164
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00181
Name: ER02637_3B_prokka|PROKKA_00181
Description: ER02637_3B_prokka|PROKKA_00181
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00228
Name: ER02637_3B_prokka|PROKKA_00228
Description: ER02637_3B_prokka|PROKKA_00228
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00236
Name: ER02637_3B_prokka|PROKKA_00236
Description: ER02637_3B_prokka|PROKKA_00236
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00255
Name: ER02637_3B_prokka|PROKKA_00255
Description: ER02637_3B_prokka|PROKKA_00255
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00264
Name: ER02637_3B_prokka|PROKKA_00264
Description: ER02637_3B_prokka|PROKKA_00264
Number of features: 0
Seq('MQHQAYINASVDIRIPTEVESVNYNQIDKEKRIWRTIYLIIQVNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00270
Name: ER02637_3B_prokka|PROKKA_00270
Description: ER02637_3B_prokka|PROKKA_00270
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00278
Name: ER02637_3B_prokka|PROKKA_00278
Description: ER02637_3B_prokka|PROKKA_00278
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00283
Name: ER02637_3B_prokka|PROKKA_00283
Description: ER02637_3B_prokka|PROKKA_00283
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00311
Name: ER02637_3B_prokka|PROKKA_00311
Description: ER02637_3B_prokka|PROKKA_00311
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00314
Name: ER02637_3B_prokka|PROKKA_00314
Description: ER02637_3B_prokka|PROKKA_00314
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00349
Name: ER02637_3B_prokka|PROKKA_00349
Description: ER02637_3B_prokka|PROKKA_00349
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00352
Name: ER02637_3B_prokka|PROKKA_00352
Description: ER02637_3B_prokka|PROKKA_00352
Number of features: 0
Seq('MAFELPKLPYAFDALEPHFDKETMEIHHDNIITRMLRN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00426
Name: ER02637_3B_prokka|PROKKA_00426
Description: ER02637_3B_prokka|PROKKA_00426
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKKMKIKRNKFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00609
Name: ER02637_3B_prokka|PROKKA_00609
Description: ER02637_3B_prokka|PROKKA_00609
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00623
Name: ER02637_3B_prokka|PROKKA_00623
Description: ER02637_3B_prokka|PROKKA_00623
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00625
Name: ER02637_3B_prokka|PROKKA_00625
Description: ER02637_3B_prokka|PROKKA_00625
Number of features: 0
Seq('MRRLLSLLLASTMILVACGNANNENKKKEDEKKSEVKKKLRKIMINQRTKRRIKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00633
Name: ER02637_3B_prokka|PROKKA_00633
Description: ER02637_3B_prokka|PROKKA_00633
Number of features: 0
Seq('MKKFKYSFILVFILLFNIKDLTYAQGDIGVGNLRNFYTNMII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00662
Name: ER02637_3B_prokka|PROKKA_00662
Description: ER02637_3B_prokka|PROKKA_00662
Number of features: 0
Seq('MVKFIHCSDLHLDSPFKSKSHISPKIFEDVQKVLMKVLKIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00672
Name: ER02637_3B_prokka|PROKKA_00672
Description: ER02637_3B_prokka|PROKKA_00672
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00723
Name: ER02637_3B_prokka|PROKKA_00723
Description: ER02637_3B_prokka|PROKKA_00723
Number of features: 0
Seq('MRKDLSNAGAHVVDESVVVDNNIVTSRVPDDLDDFNREIVKQLQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00725
Name: ER02637_3B_prokka|PROKKA_00725
Description: ER02637_3B_prokka|PROKKA_00725
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00727
Name: ER02637_3B_prokka|PROKKA_00727
Description: ER02637_3B_prokka|PROKKA_00727
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00728
Name: ER02637_3B_prokka|PROKKA_00728
Description: ER02637_3B_prokka|PROKKA_00728
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00742
Name: ER02637_3B_prokka|PROKKA_00742
Description: ER02637_3B_prokka|PROKKA_00742
Number of features: 0
Seq('MLLKGPLKIISVIFQLLFGKIGLIRNAITGLVTVFGILGGPITIVIV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00766
Name: ER02637_3B_prokka|PROKKA_00766
Description: ER02637_3B_prokka|PROKKA_00766
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00778
Name: ER02637_3B_prokka|PROKKA_00778
Description: ER02637_3B_prokka|PROKKA_00778
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00779
Name: ER02637_3B_prokka|PROKKA_00779
Description: ER02637_3B_prokka|PROKKA_00779
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00924
Name: ER02637_3B_prokka|PROKKA_00924
Description: ER02637_3B_prokka|PROKKA_00924
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00928
Name: ER02637_3B_prokka|PROKKA_00928
Description: ER02637_3B_prokka|PROKKA_00928
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00952
Name: ER02637_3B_prokka|PROKKA_00952
Description: ER02637_3B_prokka|PROKKA_00952
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_00957
Name: ER02637_3B_prokka|PROKKA_00957
Description: ER02637_3B_prokka|PROKKA_00957
Number of features: 0
Seq('MRELTKRQSEIYNYIKQVVQMKGYPPSVREIGEAVGLASSSTVHGHLSRLEEKDI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01034
Name: ER02637_3B_prokka|PROKKA_01034
Description: ER02637_3B_prokka|PROKKA_01034
Number of features: 0
Seq('MLLKGPLKIISVIFQLLFGKIGLIRNAITGLVTVFGILGGPITIVIV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01048
Name: ER02637_3B_prokka|PROKKA_01048
Description: ER02637_3B_prokka|PROKKA_01048
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01049
Name: ER02637_3B_prokka|PROKKA_01049
Description: ER02637_3B_prokka|PROKKA_01049
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01051
Name: ER02637_3B_prokka|PROKKA_01051
Description: ER02637_3B_prokka|PROKKA_01051
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01053
Name: ER02637_3B_prokka|PROKKA_01053
Description: ER02637_3B_prokka|PROKKA_01053
Number of features: 0
Seq('MRKDLSNAGAHVVDESVVVDNNIVTSRVPDDLDDFNREIVKQLQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01104
Name: ER02637_3B_prokka|PROKKA_01104
Description: ER02637_3B_prokka|PROKKA_01104
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01114
Name: ER02637_3B_prokka|PROKKA_01114
Description: ER02637_3B_prokka|PROKKA_01114
Number of features: 0
Seq('MVKFIHCSDLHLDSPFKSKSHISPKIFEDVQKVLMKVLKIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01143
Name: ER02637_3B_prokka|PROKKA_01143
Description: ER02637_3B_prokka|PROKKA_01143
Number of features: 0
Seq('MKKFKYSFILVFILLFNIKDLTYAQGDIGVGNLRNFYTNMII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01151
Name: ER02637_3B_prokka|PROKKA_01151
Description: ER02637_3B_prokka|PROKKA_01151
Number of features: 0
Seq('MRRLLSLLLASTMILVACGNANNENKKKEDEKKSEVKKKLRKIMINQRTKRRIKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01153
Name: ER02637_3B_prokka|PROKKA_01153
Description: ER02637_3B_prokka|PROKKA_01153
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01167
Name: ER02637_3B_prokka|PROKKA_01167
Description: ER02637_3B_prokka|PROKKA_01167
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01292
Name: ER02637_3B_prokka|PROKKA_01292
Description: ER02637_3B_prokka|PROKKA_01292
Number of features: 0
Seq('MSSRDIGEHVMNLLMHVDQVSYVRFASVYKEFKDVDQLLASMQGILSENKRSDA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01334
Name: ER02637_3B_prokka|PROKKA_01334
Description: ER02637_3B_prokka|PROKKA_01334
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01338
Name: ER02637_3B_prokka|PROKKA_01338
Description: ER02637_3B_prokka|PROKKA_01338
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01354
Name: ER02637_3B_prokka|PROKKA_01354
Description: ER02637_3B_prokka|PROKKA_01354
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01372
Name: ER02637_3B_prokka|PROKKA_01372
Description: ER02637_3B_prokka|PROKKA_01372
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01399
Name: ER02637_3B_prokka|PROKKA_01399
Description: ER02637_3B_prokka|PROKKA_01399
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01401
Name: ER02637_3B_prokka|PROKKA_01401
Description: ER02637_3B_prokka|PROKKA_01401
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01453
Name: ER02637_3B_prokka|PROKKA_01453
Description: ER02637_3B_prokka|PROKKA_01453
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01552
Name: ER02637_3B_prokka|PROKKA_01552
Description: ER02637_3B_prokka|PROKKA_01552
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01554
Name: ER02637_3B_prokka|PROKKA_01554
Description: ER02637_3B_prokka|PROKKA_01554
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01555
Name: ER02637_3B_prokka|PROKKA_01555
Description: ER02637_3B_prokka|PROKKA_01555
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01589
Name: ER02637_3B_prokka|PROKKA_01589
Description: ER02637_3B_prokka|PROKKA_01589
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01611
Name: ER02637_3B_prokka|PROKKA_01611
Description: ER02637_3B_prokka|PROKKA_01611
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01616
Name: ER02637_3B_prokka|PROKKA_01616
Description: ER02637_3B_prokka|PROKKA_01616
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01699
Name: ER02637_3B_prokka|PROKKA_01699
Description: ER02637_3B_prokka|PROKKA_01699
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01791
Name: ER02637_3B_prokka|PROKKA_01791
Description: ER02637_3B_prokka|PROKKA_01791
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01806
Name: ER02637_3B_prokka|PROKKA_01806
Description: ER02637_3B_prokka|PROKKA_01806
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01807
Name: ER02637_3B_prokka|PROKKA_01807
Description: ER02637_3B_prokka|PROKKA_01807
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01842
Name: ER02637_3B_prokka|PROKKA_01842
Description: ER02637_3B_prokka|PROKKA_01842
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01858
Name: ER02637_3B_prokka|PROKKA_01858
Description: ER02637_3B_prokka|PROKKA_01858
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01862
Name: ER02637_3B_prokka|PROKKA_01862
Description: ER02637_3B_prokka|PROKKA_01862
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01895
Name: ER02637_3B_prokka|PROKKA_01895
Description: ER02637_3B_prokka|PROKKA_01895
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_01974
Name: ER02637_3B_prokka|PROKKA_01974
Description: ER02637_3B_prokka|PROKKA_01974
Number of features: 0
Seq('MIAVNWNTQEDMTNMFWRQNISQMWVETEFKVSKDIASWKTLSEAEQDTFKKH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02056
Name: ER02637_3B_prokka|PROKKA_02056
Description: ER02637_3B_prokka|PROKKA_02056
Number of features: 0
Seq('MNVDMAIEMCNHRVLKVDAPIVEGSFIAAVKLSIGGSIDDALAEIKQSF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02132
Name: ER02637_3B_prokka|PROKKA_02132
Description: ER02637_3B_prokka|PROKKA_02132
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02224
Name: ER02637_3B_prokka|PROKKA_02224
Description: ER02637_3B_prokka|PROKKA_02224
Number of features: 0
Seq('MKIINTTRLPEALGPYSHATVVNGMVYTSGQIPLNVDGKIVSADVQAQTKQVLEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02304
Name: ER02637_3B_prokka|PROKKA_02304
Description: ER02637_3B_prokka|PROKKA_02304
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02322
Name: ER02637_3B_prokka|PROKKA_02322
Description: ER02637_3B_prokka|PROKKA_02322
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02351
Name: ER02637_3B_prokka|PROKKA_02351
Description: ER02637_3B_prokka|PROKKA_02351
Number of features: 0
Seq('MITNTFILGITGPTSLVVISIIALIIFGPKNYHNLVVLSVLL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02448
Name: ER02637_3B_prokka|PROKKA_02448
Description: ER02637_3B_prokka|PROKKA_02448
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02492
Name: ER02637_3B_prokka|PROKKA_02492
Description: ER02637_3B_prokka|PROKKA_02492
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02620
Name: ER02637_3B_prokka|PROKKA_02620
Description: ER02637_3B_prokka|PROKKA_02620
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02638
Name: ER02637_3B_prokka|PROKKA_02638
Description: ER02637_3B_prokka|PROKKA_02638
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02661
Name: ER02637_3B_prokka|PROKKA_02661
Description: ER02637_3B_prokka|PROKKA_02661
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02665
Name: ER02637_3B_prokka|PROKKA_02665
Description: ER02637_3B_prokka|PROKKA_02665
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02668
Name: ER02637_3B_prokka|PROKKA_02668
Description: ER02637_3B_prokka|PROKKA_02668
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02687
Name: ER02637_3B_prokka|PROKKA_02687
Description: ER02637_3B_prokka|PROKKA_02687
Number of features: 0
Seq('MGGTGLGLAISKEIVEAHNGRIWANSVEGQGTSIFITLPCEVIEDGDWDE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02709
Name: ER02637_3B_prokka|PROKKA_02709
Description: ER02637_3B_prokka|PROKKA_02709
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02794
Name: ER02637_3B_prokka|PROKKA_02794
Description: ER02637_3B_prokka|PROKKA_02794
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02823
Name: ER02637_3B_prokka|PROKKA_02823
Description: ER02637_3B_prokka|PROKKA_02823
Number of features: 0
Seq('MKTVSQLIDMKQKQTKISMVTAYDFPSAKQVEAAGIDMILVGIHLV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02833
Name: ER02637_3B_prokka|PROKKA_02833
Description: ER02637_3B_prokka|PROKKA_02833
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_02944
Name: ER02637_3B_prokka|PROKKA_02944
Description: ER02637_3B_prokka|PROKKA_02944
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_03012
Name: ER02637_3B_prokka|PROKKA_03012
Description: ER02637_3B_prokka|PROKKA_03012
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_03021
Name: ER02637_3B_prokka|PROKKA_03021
Description: ER02637_3B_prokka|PROKKA_03021
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_03170
Name: ER02637_3B_prokka|PROKKA_03170
Description: ER02637_3B_prokka|PROKKA_03170
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_03203
Name: ER02637_3B_prokka|PROKKA_03203
Description: ER02637_3B_prokka|PROKKA_03203
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_03217
Name: ER02637_3B_prokka|PROKKA_03217
Description: ER02637_3B_prokka|PROKKA_03217
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_03236
Name: ER02637_3B_prokka|PROKKA_03236
Description: ER02637_3B_prokka|PROKKA_03236
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3B_prokka|PROKKA_03303
Name: ER02637_3B_prokka|PROKKA_03303
Description: ER02637_3B_prokka|PROKKA_03303
Number of features: 0
Seq('MEMPLNLKRKYFQGFHNKFELKAEANGIDEYEYEYGVNGRFQRGFANTT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00039
Name: ER02637_3C_prokka|PROKKA_00039
Description: ER02637_3C_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00042
Name: ER02637_3C_prokka|PROKKA_00042
Description: ER02637_3C_prokka|PROKKA_00042
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00046
Name: ER02637_3C_prokka|PROKKA_00046
Description: ER02637_3C_prokka|PROKKA_00046
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00067
Name: ER02637_3C_prokka|PROKKA_00067
Description: ER02637_3C_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00085
Name: ER02637_3C_prokka|PROKKA_00085
Description: ER02637_3C_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00208
Name: ER02637_3C_prokka|PROKKA_00208
Description: ER02637_3C_prokka|PROKKA_00208
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00252
Name: ER02637_3C_prokka|PROKKA_00252
Description: ER02637_3C_prokka|PROKKA_00252
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00376
Name: ER02637_3C_prokka|PROKKA_00376
Description: ER02637_3C_prokka|PROKKA_00376
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00393
Name: ER02637_3C_prokka|PROKKA_00393
Description: ER02637_3C_prokka|PROKKA_00393
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00559
Name: ER02637_3C_prokka|PROKKA_00559
Description: ER02637_3C_prokka|PROKKA_00559
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00677
Name: ER02637_3C_prokka|PROKKA_00677
Description: ER02637_3C_prokka|PROKKA_00677
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00788
Name: ER02637_3C_prokka|PROKKA_00788
Description: ER02637_3C_prokka|PROKKA_00788
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00819
Name: ER02637_3C_prokka|PROKKA_00819
Description: ER02637_3C_prokka|PROKKA_00819
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00823
Name: ER02637_3C_prokka|PROKKA_00823
Description: ER02637_3C_prokka|PROKKA_00823
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00839
Name: ER02637_3C_prokka|PROKKA_00839
Description: ER02637_3C_prokka|PROKKA_00839
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00870
Name: ER02637_3C_prokka|PROKKA_00870
Description: ER02637_3C_prokka|PROKKA_00870
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00871
Name: ER02637_3C_prokka|PROKKA_00871
Description: ER02637_3C_prokka|PROKKA_00871
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00886
Name: ER02637_3C_prokka|PROKKA_00886
Description: ER02637_3C_prokka|PROKKA_00886
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_00992
Name: ER02637_3C_prokka|PROKKA_00992
Description: ER02637_3C_prokka|PROKKA_00992
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01031
Name: ER02637_3C_prokka|PROKKA_01031
Description: ER02637_3C_prokka|PROKKA_01031
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01032
Name: ER02637_3C_prokka|PROKKA_01032
Description: ER02637_3C_prokka|PROKKA_01032
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01114
Name: ER02637_3C_prokka|PROKKA_01114
Description: ER02637_3C_prokka|PROKKA_01114
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01126
Name: ER02637_3C_prokka|PROKKA_01126
Description: ER02637_3C_prokka|PROKKA_01126
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01127
Name: ER02637_3C_prokka|PROKKA_01127
Description: ER02637_3C_prokka|PROKKA_01127
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01263
Name: ER02637_3C_prokka|PROKKA_01263
Description: ER02637_3C_prokka|PROKKA_01263
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01267
Name: ER02637_3C_prokka|PROKKA_01267
Description: ER02637_3C_prokka|PROKKA_01267
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01291
Name: ER02637_3C_prokka|PROKKA_01291
Description: ER02637_3C_prokka|PROKKA_01291
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01385
Name: ER02637_3C_prokka|PROKKA_01385
Description: ER02637_3C_prokka|PROKKA_01385
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01397
Name: ER02637_3C_prokka|PROKKA_01397
Description: ER02637_3C_prokka|PROKKA_01397
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01444
Name: ER02637_3C_prokka|PROKKA_01444
Description: ER02637_3C_prokka|PROKKA_01444
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01452
Name: ER02637_3C_prokka|PROKKA_01452
Description: ER02637_3C_prokka|PROKKA_01452
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01471
Name: ER02637_3C_prokka|PROKKA_01471
Description: ER02637_3C_prokka|PROKKA_01471
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01486
Name: ER02637_3C_prokka|PROKKA_01486
Description: ER02637_3C_prokka|PROKKA_01486
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01494
Name: ER02637_3C_prokka|PROKKA_01494
Description: ER02637_3C_prokka|PROKKA_01494
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01499
Name: ER02637_3C_prokka|PROKKA_01499
Description: ER02637_3C_prokka|PROKKA_01499
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01526
Name: ER02637_3C_prokka|PROKKA_01526
Description: ER02637_3C_prokka|PROKKA_01526
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01529
Name: ER02637_3C_prokka|PROKKA_01529
Description: ER02637_3C_prokka|PROKKA_01529
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01564
Name: ER02637_3C_prokka|PROKKA_01564
Description: ER02637_3C_prokka|PROKKA_01564
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01638
Name: ER02637_3C_prokka|PROKKA_01638
Description: ER02637_3C_prokka|PROKKA_01638
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01807
Name: ER02637_3C_prokka|PROKKA_01807
Description: ER02637_3C_prokka|PROKKA_01807
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01821
Name: ER02637_3C_prokka|PROKKA_01821
Description: ER02637_3C_prokka|PROKKA_01821
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01863
Name: ER02637_3C_prokka|PROKKA_01863
Description: ER02637_3C_prokka|PROKKA_01863
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01915
Name: ER02637_3C_prokka|PROKKA_01915
Description: ER02637_3C_prokka|PROKKA_01915
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01917
Name: ER02637_3C_prokka|PROKKA_01917
Description: ER02637_3C_prokka|PROKKA_01917
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01918
Name: ER02637_3C_prokka|PROKKA_01918
Description: ER02637_3C_prokka|PROKKA_01918
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01948
Name: ER02637_3C_prokka|PROKKA_01948
Description: ER02637_3C_prokka|PROKKA_01948
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01970
Name: ER02637_3C_prokka|PROKKA_01970
Description: ER02637_3C_prokka|PROKKA_01970
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_01975
Name: ER02637_3C_prokka|PROKKA_01975
Description: ER02637_3C_prokka|PROKKA_01975
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02051
Name: ER02637_3C_prokka|PROKKA_02051
Description: ER02637_3C_prokka|PROKKA_02051
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02055
Name: ER02637_3C_prokka|PROKKA_02055
Description: ER02637_3C_prokka|PROKKA_02055
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02071
Name: ER02637_3C_prokka|PROKKA_02071
Description: ER02637_3C_prokka|PROKKA_02071
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02089
Name: ER02637_3C_prokka|PROKKA_02089
Description: ER02637_3C_prokka|PROKKA_02089
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02115
Name: ER02637_3C_prokka|PROKKA_02115
Description: ER02637_3C_prokka|PROKKA_02115
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02117
Name: ER02637_3C_prokka|PROKKA_02117
Description: ER02637_3C_prokka|PROKKA_02117
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02169
Name: ER02637_3C_prokka|PROKKA_02169
Description: ER02637_3C_prokka|PROKKA_02169
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02277
Name: ER02637_3C_prokka|PROKKA_02277
Description: ER02637_3C_prokka|PROKKA_02277
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02296
Name: ER02637_3C_prokka|PROKKA_02296
Description: ER02637_3C_prokka|PROKKA_02296
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02309
Name: ER02637_3C_prokka|PROKKA_02309
Description: ER02637_3C_prokka|PROKKA_02309
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02341
Name: ER02637_3C_prokka|PROKKA_02341
Description: ER02637_3C_prokka|PROKKA_02341
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02486
Name: ER02637_3C_prokka|PROKKA_02486
Description: ER02637_3C_prokka|PROKKA_02486
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02495
Name: ER02637_3C_prokka|PROKKA_02495
Description: ER02637_3C_prokka|PROKKA_02495
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02559
Name: ER02637_3C_prokka|PROKKA_02559
Description: ER02637_3C_prokka|PROKKA_02559
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02667
Name: ER02637_3C_prokka|PROKKA_02667
Description: ER02637_3C_prokka|PROKKA_02667
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02705
Name: ER02637_3C_prokka|PROKKA_02705
Description: ER02637_3C_prokka|PROKKA_02705
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02789
Name: ER02637_3C_prokka|PROKKA_02789
Description: ER02637_3C_prokka|PROKKA_02789
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02637_3C_prokka|PROKKA_02859
Name: ER02637_3C_prokka|PROKKA_02859
Description: ER02637_3C_prokka|PROKKA_02859
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00002
Name: ER02658_3B_prokka|PROKKA_00002
Description: ER02658_3B_prokka|PROKKA_00002
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALTEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00026
Name: ER02658_3B_prokka|PROKKA_00026
Description: ER02658_3B_prokka|PROKKA_00026
Number of features: 0
Seq('MKFREAFENFITSKYVLGVLVVLTVYQIIQMLK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00032
Name: ER02658_3B_prokka|PROKKA_00032
Description: ER02658_3B_prokka|PROKKA_00032
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00095
Name: ER02658_3B_prokka|PROKKA_00095
Description: ER02658_3B_prokka|PROKKA_00095
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00104
Name: ER02658_3B_prokka|PROKKA_00104
Description: ER02658_3B_prokka|PROKKA_00104
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00183
Name: ER02658_3B_prokka|PROKKA_00183
Description: ER02658_3B_prokka|PROKKA_00183
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00282
Name: ER02658_3B_prokka|PROKKA_00282
Description: ER02658_3B_prokka|PROKKA_00282
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00334
Name: ER02658_3B_prokka|PROKKA_00334
Description: ER02658_3B_prokka|PROKKA_00334
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00364
Name: ER02658_3B_prokka|PROKKA_00364
Description: ER02658_3B_prokka|PROKKA_00364
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKLDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00380
Name: ER02658_3B_prokka|PROKKA_00380
Description: ER02658_3B_prokka|PROKKA_00380
Number of features: 0
Seq('MVTKEFLKTKLECSDIYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00396
Name: ER02658_3B_prokka|PROKKA_00396
Description: ER02658_3B_prokka|PROKKA_00396
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00500
Name: ER02658_3B_prokka|PROKKA_00500
Description: ER02658_3B_prokka|PROKKA_00500
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00538
Name: ER02658_3B_prokka|PROKKA_00538
Description: ER02658_3B_prokka|PROKKA_00538
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00667
Name: ER02658_3B_prokka|PROKKA_00667
Description: ER02658_3B_prokka|PROKKA_00667
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00703
Name: ER02658_3B_prokka|PROKKA_00703
Description: ER02658_3B_prokka|PROKKA_00703
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00921
Name: ER02658_3B_prokka|PROKKA_00921
Description: ER02658_3B_prokka|PROKKA_00921
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_00965
Name: ER02658_3B_prokka|PROKKA_00965
Description: ER02658_3B_prokka|PROKKA_00965
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01074
Name: ER02658_3B_prokka|PROKKA_01074
Description: ER02658_3B_prokka|PROKKA_01074
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01113
Name: ER02658_3B_prokka|PROKKA_01113
Description: ER02658_3B_prokka|PROKKA_01113
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01199
Name: ER02658_3B_prokka|PROKKA_01199
Description: ER02658_3B_prokka|PROKKA_01199
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01212
Name: ER02658_3B_prokka|PROKKA_01212
Description: ER02658_3B_prokka|PROKKA_01212
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01213
Name: ER02658_3B_prokka|PROKKA_01213
Description: ER02658_3B_prokka|PROKKA_01213
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01349
Name: ER02658_3B_prokka|PROKKA_01349
Description: ER02658_3B_prokka|PROKKA_01349
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01353
Name: ER02658_3B_prokka|PROKKA_01353
Description: ER02658_3B_prokka|PROKKA_01353
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01357
Name: ER02658_3B_prokka|PROKKA_01357
Description: ER02658_3B_prokka|PROKKA_01357
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01359
Name: ER02658_3B_prokka|PROKKA_01359
Description: ER02658_3B_prokka|PROKKA_01359
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01383
Name: ER02658_3B_prokka|PROKKA_01383
Description: ER02658_3B_prokka|PROKKA_01383
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01478
Name: ER02658_3B_prokka|PROKKA_01478
Description: ER02658_3B_prokka|PROKKA_01478
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01490
Name: ER02658_3B_prokka|PROKKA_01490
Description: ER02658_3B_prokka|PROKKA_01490
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01539
Name: ER02658_3B_prokka|PROKKA_01539
Description: ER02658_3B_prokka|PROKKA_01539
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01547
Name: ER02658_3B_prokka|PROKKA_01547
Description: ER02658_3B_prokka|PROKKA_01547
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01567
Name: ER02658_3B_prokka|PROKKA_01567
Description: ER02658_3B_prokka|PROKKA_01567
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01595
Name: ER02658_3B_prokka|PROKKA_01595
Description: ER02658_3B_prokka|PROKKA_01595
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01622
Name: ER02658_3B_prokka|PROKKA_01622
Description: ER02658_3B_prokka|PROKKA_01622
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01659
Name: ER02658_3B_prokka|PROKKA_01659
Description: ER02658_3B_prokka|PROKKA_01659
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01730
Name: ER02658_3B_prokka|PROKKA_01730
Description: ER02658_3B_prokka|PROKKA_01730
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01895
Name: ER02658_3B_prokka|PROKKA_01895
Description: ER02658_3B_prokka|PROKKA_01895
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01902
Name: ER02658_3B_prokka|PROKKA_01902
Description: ER02658_3B_prokka|PROKKA_01902
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01921
Name: ER02658_3B_prokka|PROKKA_01921
Description: ER02658_3B_prokka|PROKKA_01921
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_01956
Name: ER02658_3B_prokka|PROKKA_01956
Description: ER02658_3B_prokka|PROKKA_01956
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_02008
Name: ER02658_3B_prokka|PROKKA_02008
Description: ER02658_3B_prokka|PROKKA_02008
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_02087
Name: ER02658_3B_prokka|PROKKA_02087
Description: ER02658_3B_prokka|PROKKA_02087
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_02089
Name: ER02658_3B_prokka|PROKKA_02089
Description: ER02658_3B_prokka|PROKKA_02089
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_02138
Name: ER02658_3B_prokka|PROKKA_02138
Description: ER02658_3B_prokka|PROKKA_02138
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_02273
Name: ER02658_3B_prokka|PROKKA_02273
Description: ER02658_3B_prokka|PROKKA_02273
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_02297
Name: ER02658_3B_prokka|PROKKA_02297
Description: ER02658_3B_prokka|PROKKA_02297
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_02328
Name: ER02658_3B_prokka|PROKKA_02328
Description: ER02658_3B_prokka|PROKKA_02328
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_02483
Name: ER02658_3B_prokka|PROKKA_02483
Description: ER02658_3B_prokka|PROKKA_02483
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_02612
Name: ER02658_3B_prokka|PROKKA_02612
Description: ER02658_3B_prokka|PROKKA_02612
Number of features: 0
Seq('MITVAVIDTGVDIYHNKLYKYINLSKSFC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_02694
Name: ER02658_3B_prokka|PROKKA_02694
Description: ER02658_3B_prokka|PROKKA_02694
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02658_3B_prokka|PROKKA_02782
Name: ER02658_3B_prokka|PROKKA_02782
Description: ER02658_3B_prokka|PROKKA_02782
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00030
Name: ER02693_3B_prokka|PROKKA_00030
Description: ER02693_3B_prokka|PROKKA_00030
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00034
Name: ER02693_3B_prokka|PROKKA_00034
Description: ER02693_3B_prokka|PROKKA_00034
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00043
Name: ER02693_3B_prokka|PROKKA_00043
Description: ER02693_3B_prokka|PROKKA_00043
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00056
Name: ER02693_3B_prokka|PROKKA_00056
Description: ER02693_3B_prokka|PROKKA_00056
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00059
Name: ER02693_3B_prokka|PROKKA_00059
Description: ER02693_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00224
Name: ER02693_3B_prokka|PROKKA_00224
Description: ER02693_3B_prokka|PROKKA_00224
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00320
Name: ER02693_3B_prokka|PROKKA_00320
Description: ER02693_3B_prokka|PROKKA_00320
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00326
Name: ER02693_3B_prokka|PROKKA_00326
Description: ER02693_3B_prokka|PROKKA_00326
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00373
Name: ER02693_3B_prokka|PROKKA_00373
Description: ER02693_3B_prokka|PROKKA_00373
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00391
Name: ER02693_3B_prokka|PROKKA_00391
Description: ER02693_3B_prokka|PROKKA_00391
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00556
Name: ER02693_3B_prokka|PROKKA_00556
Description: ER02693_3B_prokka|PROKKA_00556
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00808
Name: ER02693_3B_prokka|PROKKA_00808
Description: ER02693_3B_prokka|PROKKA_00808
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00835
Name: ER02693_3B_prokka|PROKKA_00835
Description: ER02693_3B_prokka|PROKKA_00835
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00944
Name: ER02693_3B_prokka|PROKKA_00944
Description: ER02693_3B_prokka|PROKKA_00944
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_00984
Name: ER02693_3B_prokka|PROKKA_00984
Description: ER02693_3B_prokka|PROKKA_00984
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01041
Name: ER02693_3B_prokka|PROKKA_01041
Description: ER02693_3B_prokka|PROKKA_01041
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01042
Name: ER02693_3B_prokka|PROKKA_01042
Description: ER02693_3B_prokka|PROKKA_01042
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01063
Name: ER02693_3B_prokka|PROKKA_01063
Description: ER02693_3B_prokka|PROKKA_01063
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01093
Name: ER02693_3B_prokka|PROKKA_01093
Description: ER02693_3B_prokka|PROKKA_01093
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01094
Name: ER02693_3B_prokka|PROKKA_01094
Description: ER02693_3B_prokka|PROKKA_01094
Number of features: 0
Seq('MTEQMYLILFLLSLSLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01129
Name: ER02693_3B_prokka|PROKKA_01129
Description: ER02693_3B_prokka|PROKKA_01129
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01141
Name: ER02693_3B_prokka|PROKKA_01141
Description: ER02693_3B_prokka|PROKKA_01141
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01142
Name: ER02693_3B_prokka|PROKKA_01142
Description: ER02693_3B_prokka|PROKKA_01142
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01278
Name: ER02693_3B_prokka|PROKKA_01278
Description: ER02693_3B_prokka|PROKKA_01278
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01282
Name: ER02693_3B_prokka|PROKKA_01282
Description: ER02693_3B_prokka|PROKKA_01282
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01306
Name: ER02693_3B_prokka|PROKKA_01306
Description: ER02693_3B_prokka|PROKKA_01306
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01400
Name: ER02693_3B_prokka|PROKKA_01400
Description: ER02693_3B_prokka|PROKKA_01400
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01412
Name: ER02693_3B_prokka|PROKKA_01412
Description: ER02693_3B_prokka|PROKKA_01412
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01479
Name: ER02693_3B_prokka|PROKKA_01479
Description: ER02693_3B_prokka|PROKKA_01479
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01482
Name: ER02693_3B_prokka|PROKKA_01482
Description: ER02693_3B_prokka|PROKKA_01482
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01517
Name: ER02693_3B_prokka|PROKKA_01517
Description: ER02693_3B_prokka|PROKKA_01517
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01590
Name: ER02693_3B_prokka|PROKKA_01590
Description: ER02693_3B_prokka|PROKKA_01590
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01754
Name: ER02693_3B_prokka|PROKKA_01754
Description: ER02693_3B_prokka|PROKKA_01754
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01769
Name: ER02693_3B_prokka|PROKKA_01769
Description: ER02693_3B_prokka|PROKKA_01769
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01811
Name: ER02693_3B_prokka|PROKKA_01811
Description: ER02693_3B_prokka|PROKKA_01811
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01863
Name: ER02693_3B_prokka|PROKKA_01863
Description: ER02693_3B_prokka|PROKKA_01863
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01938
Name: ER02693_3B_prokka|PROKKA_01938
Description: ER02693_3B_prokka|PROKKA_01938
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01942
Name: ER02693_3B_prokka|PROKKA_01942
Description: ER02693_3B_prokka|PROKKA_01942
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01958
Name: ER02693_3B_prokka|PROKKA_01958
Description: ER02693_3B_prokka|PROKKA_01958
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_01976
Name: ER02693_3B_prokka|PROKKA_01976
Description: ER02693_3B_prokka|PROKKA_01976
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02015
Name: ER02693_3B_prokka|PROKKA_02015
Description: ER02693_3B_prokka|PROKKA_02015
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02026
Name: ER02693_3B_prokka|PROKKA_02026
Description: ER02693_3B_prokka|PROKKA_02026
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02028
Name: ER02693_3B_prokka|PROKKA_02028
Description: ER02693_3B_prokka|PROKKA_02028
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02079
Name: ER02693_3B_prokka|PROKKA_02079
Description: ER02693_3B_prokka|PROKKA_02079
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKPKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02205
Name: ER02693_3B_prokka|PROKKA_02205
Description: ER02693_3B_prokka|PROKKA_02205
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02218
Name: ER02693_3B_prokka|PROKKA_02218
Description: ER02693_3B_prokka|PROKKA_02218
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02249
Name: ER02693_3B_prokka|PROKKA_02249
Description: ER02693_3B_prokka|PROKKA_02249
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02403
Name: ER02693_3B_prokka|PROKKA_02403
Description: ER02693_3B_prokka|PROKKA_02403
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02467
Name: ER02693_3B_prokka|PROKKA_02467
Description: ER02693_3B_prokka|PROKKA_02467
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02580
Name: ER02693_3B_prokka|PROKKA_02580
Description: ER02693_3B_prokka|PROKKA_02580
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02593
Name: ER02693_3B_prokka|PROKKA_02593
Description: ER02693_3B_prokka|PROKKA_02593
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02595
Name: ER02693_3B_prokka|PROKKA_02595
Description: ER02693_3B_prokka|PROKKA_02595
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02598
Name: ER02693_3B_prokka|PROKKA_02598
Description: ER02693_3B_prokka|PROKKA_02598
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02605
Name: ER02693_3B_prokka|PROKKA_02605
Description: ER02693_3B_prokka|PROKKA_02605
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02643
Name: ER02693_3B_prokka|PROKKA_02643
Description: ER02693_3B_prokka|PROKKA_02643
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02728
Name: ER02693_3B_prokka|PROKKA_02728
Description: ER02693_3B_prokka|PROKKA_02728
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02752
Name: ER02693_3B_prokka|PROKKA_02752
Description: ER02693_3B_prokka|PROKKA_02752
Number of features: 0
Seq('MKVTNTIRFEEEKKNLIDNVVNTLEEYKDVIDSELRTIRNTGSVAKLKIM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02693_3B_prokka|PROKKA_02780
Name: ER02693_3B_prokka|PROKKA_02780
Description: ER02693_3B_prokka|PROKKA_02780
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00024
Name: ER02703_3B_prokka|PROKKA_00024
Description: ER02703_3B_prokka|PROKKA_00024
Number of features: 0
Seq('MKVTNTIRFEEEKKNLIDNVVNTLEEYKDVIDSELRTIRNTNHLVMRNNLVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00066
Name: ER02703_3B_prokka|PROKKA_00066
Description: ER02703_3B_prokka|PROKKA_00066
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00075
Name: ER02703_3B_prokka|PROKKA_00075
Description: ER02703_3B_prokka|PROKKA_00075
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00096
Name: ER02703_3B_prokka|PROKKA_00096
Description: ER02703_3B_prokka|PROKKA_00096
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00185
Name: ER02703_3B_prokka|PROKKA_00185
Description: ER02703_3B_prokka|PROKKA_00185
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00189
Name: ER02703_3B_prokka|PROKKA_00189
Description: ER02703_3B_prokka|PROKKA_00189
Number of features: 0
Seq('MLTIPEKENRGSKEQEVAIMIDALADKGKKH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00284
Name: ER02703_3B_prokka|PROKKA_00284
Description: ER02703_3B_prokka|PROKKA_00284
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00336
Name: ER02703_3B_prokka|PROKKA_00336
Description: ER02703_3B_prokka|PROKKA_00336
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00434
Name: ER02703_3B_prokka|PROKKA_00434
Description: ER02703_3B_prokka|PROKKA_00434
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00468
Name: ER02703_3B_prokka|PROKKA_00468
Description: ER02703_3B_prokka|PROKKA_00468
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00598
Name: ER02703_3B_prokka|PROKKA_00598
Description: ER02703_3B_prokka|PROKKA_00598
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00634
Name: ER02703_3B_prokka|PROKKA_00634
Description: ER02703_3B_prokka|PROKKA_00634
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00853
Name: ER02703_3B_prokka|PROKKA_00853
Description: ER02703_3B_prokka|PROKKA_00853
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_00897
Name: ER02703_3B_prokka|PROKKA_00897
Description: ER02703_3B_prokka|PROKKA_00897
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01005
Name: ER02703_3B_prokka|PROKKA_01005
Description: ER02703_3B_prokka|PROKKA_01005
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01044
Name: ER02703_3B_prokka|PROKKA_01044
Description: ER02703_3B_prokka|PROKKA_01044
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01124
Name: ER02703_3B_prokka|PROKKA_01124
Description: ER02703_3B_prokka|PROKKA_01124
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01137
Name: ER02703_3B_prokka|PROKKA_01137
Description: ER02703_3B_prokka|PROKKA_01137
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01138
Name: ER02703_3B_prokka|PROKKA_01138
Description: ER02703_3B_prokka|PROKKA_01138
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01273
Name: ER02703_3B_prokka|PROKKA_01273
Description: ER02703_3B_prokka|PROKKA_01273
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01277
Name: ER02703_3B_prokka|PROKKA_01277
Description: ER02703_3B_prokka|PROKKA_01277
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01281
Name: ER02703_3B_prokka|PROKKA_01281
Description: ER02703_3B_prokka|PROKKA_01281
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01283
Name: ER02703_3B_prokka|PROKKA_01283
Description: ER02703_3B_prokka|PROKKA_01283
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01307
Name: ER02703_3B_prokka|PROKKA_01307
Description: ER02703_3B_prokka|PROKKA_01307
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01403
Name: ER02703_3B_prokka|PROKKA_01403
Description: ER02703_3B_prokka|PROKKA_01403
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01415
Name: ER02703_3B_prokka|PROKKA_01415
Description: ER02703_3B_prokka|PROKKA_01415
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01464
Name: ER02703_3B_prokka|PROKKA_01464
Description: ER02703_3B_prokka|PROKKA_01464
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01472
Name: ER02703_3B_prokka|PROKKA_01472
Description: ER02703_3B_prokka|PROKKA_01472
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01492
Name: ER02703_3B_prokka|PROKKA_01492
Description: ER02703_3B_prokka|PROKKA_01492
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01520
Name: ER02703_3B_prokka|PROKKA_01520
Description: ER02703_3B_prokka|PROKKA_01520
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01547
Name: ER02703_3B_prokka|PROKKA_01547
Description: ER02703_3B_prokka|PROKKA_01547
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01584
Name: ER02703_3B_prokka|PROKKA_01584
Description: ER02703_3B_prokka|PROKKA_01584
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01655
Name: ER02703_3B_prokka|PROKKA_01655
Description: ER02703_3B_prokka|PROKKA_01655
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01820
Name: ER02703_3B_prokka|PROKKA_01820
Description: ER02703_3B_prokka|PROKKA_01820
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01827
Name: ER02703_3B_prokka|PROKKA_01827
Description: ER02703_3B_prokka|PROKKA_01827
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01846
Name: ER02703_3B_prokka|PROKKA_01846
Description: ER02703_3B_prokka|PROKKA_01846
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01881
Name: ER02703_3B_prokka|PROKKA_01881
Description: ER02703_3B_prokka|PROKKA_01881
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_01933
Name: ER02703_3B_prokka|PROKKA_01933
Description: ER02703_3B_prokka|PROKKA_01933
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02005
Name: ER02703_3B_prokka|PROKKA_02005
Description: ER02703_3B_prokka|PROKKA_02005
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02009
Name: ER02703_3B_prokka|PROKKA_02009
Description: ER02703_3B_prokka|PROKKA_02009
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02025
Name: ER02703_3B_prokka|PROKKA_02025
Description: ER02703_3B_prokka|PROKKA_02025
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02045
Name: ER02703_3B_prokka|PROKKA_02045
Description: ER02703_3B_prokka|PROKKA_02045
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02075
Name: ER02703_3B_prokka|PROKKA_02075
Description: ER02703_3B_prokka|PROKKA_02075
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02077
Name: ER02703_3B_prokka|PROKKA_02077
Description: ER02703_3B_prokka|PROKKA_02077
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02126
Name: ER02703_3B_prokka|PROKKA_02126
Description: ER02703_3B_prokka|PROKKA_02126
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02246
Name: ER02703_3B_prokka|PROKKA_02246
Description: ER02703_3B_prokka|PROKKA_02246
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02270
Name: ER02703_3B_prokka|PROKKA_02270
Description: ER02703_3B_prokka|PROKKA_02270
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02301
Name: ER02703_3B_prokka|PROKKA_02301
Description: ER02703_3B_prokka|PROKKA_02301
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02457
Name: ER02703_3B_prokka|PROKKA_02457
Description: ER02703_3B_prokka|PROKKA_02457
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02666
Name: ER02703_3B_prokka|PROKKA_02666
Description: ER02703_3B_prokka|PROKKA_02666
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02703_3B_prokka|PROKKA_02753
Name: ER02703_3B_prokka|PROKKA_02753
Description: ER02703_3B_prokka|PROKKA_02753
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_00030
Name: ER02746_3B_prokka|PROKKA_00030
Description: ER02746_3B_prokka|PROKKA_00030
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_00039
Name: ER02746_3B_prokka|PROKKA_00039
Description: ER02746_3B_prokka|PROKKA_00039
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_00214
Name: ER02746_3B_prokka|PROKKA_00214
Description: ER02746_3B_prokka|PROKKA_00214
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_00338
Name: ER02746_3B_prokka|PROKKA_00338
Description: ER02746_3B_prokka|PROKKA_00338
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_00355
Name: ER02746_3B_prokka|PROKKA_00355
Description: ER02746_3B_prokka|PROKKA_00355
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_00522
Name: ER02746_3B_prokka|PROKKA_00522
Description: ER02746_3B_prokka|PROKKA_00522
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_00754
Name: ER02746_3B_prokka|PROKKA_00754
Description: ER02746_3B_prokka|PROKKA_00754
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGEVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_00835
Name: ER02746_3B_prokka|PROKKA_00835
Description: ER02746_3B_prokka|PROKKA_00835
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_00861
Name: ER02746_3B_prokka|PROKKA_00861
Description: ER02746_3B_prokka|PROKKA_00861
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLVIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_00967
Name: ER02746_3B_prokka|PROKKA_00967
Description: ER02746_3B_prokka|PROKKA_00967
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01007
Name: ER02746_3B_prokka|PROKKA_01007
Description: ER02746_3B_prokka|PROKKA_01007
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01087
Name: ER02746_3B_prokka|PROKKA_01087
Description: ER02746_3B_prokka|PROKKA_01087
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01099
Name: ER02746_3B_prokka|PROKKA_01099
Description: ER02746_3B_prokka|PROKKA_01099
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01100
Name: ER02746_3B_prokka|PROKKA_01100
Description: ER02746_3B_prokka|PROKKA_01100
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01235
Name: ER02746_3B_prokka|PROKKA_01235
Description: ER02746_3B_prokka|PROKKA_01235
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01239
Name: ER02746_3B_prokka|PROKKA_01239
Description: ER02746_3B_prokka|PROKKA_01239
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01263
Name: ER02746_3B_prokka|PROKKA_01263
Description: ER02746_3B_prokka|PROKKA_01263
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01370
Name: ER02746_3B_prokka|PROKKA_01370
Description: ER02746_3B_prokka|PROKKA_01370
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01434
Name: ER02746_3B_prokka|PROKKA_01434
Description: ER02746_3B_prokka|PROKKA_01434
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01437
Name: ER02746_3B_prokka|PROKKA_01437
Description: ER02746_3B_prokka|PROKKA_01437
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01472
Name: ER02746_3B_prokka|PROKKA_01472
Description: ER02746_3B_prokka|PROKKA_01472
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01544
Name: ER02746_3B_prokka|PROKKA_01544
Description: ER02746_3B_prokka|PROKKA_01544
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01708
Name: ER02746_3B_prokka|PROKKA_01708
Description: ER02746_3B_prokka|PROKKA_01708
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01723
Name: ER02746_3B_prokka|PROKKA_01723
Description: ER02746_3B_prokka|PROKKA_01723
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01766
Name: ER02746_3B_prokka|PROKKA_01766
Description: ER02746_3B_prokka|PROKKA_01766
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01818
Name: ER02746_3B_prokka|PROKKA_01818
Description: ER02746_3B_prokka|PROKKA_01818
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01890
Name: ER02746_3B_prokka|PROKKA_01890
Description: ER02746_3B_prokka|PROKKA_01890
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01894
Name: ER02746_3B_prokka|PROKKA_01894
Description: ER02746_3B_prokka|PROKKA_01894
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01911
Name: ER02746_3B_prokka|PROKKA_01911
Description: ER02746_3B_prokka|PROKKA_01911
Number of features: 0
Seq('MRIFIYDLIVLLFAFLISIYIIDDGVIINALGIFGMYKIIDSFSENIIKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01912
Name: ER02746_3B_prokka|PROKKA_01912
Description: ER02746_3B_prokka|PROKKA_01912
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEASSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01915
Name: ER02746_3B_prokka|PROKKA_01915
Description: ER02746_3B_prokka|PROKKA_01915
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSENEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01929
Name: ER02746_3B_prokka|PROKKA_01929
Description: ER02746_3B_prokka|PROKKA_01929
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01932
Name: ER02746_3B_prokka|PROKKA_01932
Description: ER02746_3B_prokka|PROKKA_01932
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01939
Name: ER02746_3B_prokka|PROKKA_01939
Description: ER02746_3B_prokka|PROKKA_01939
Number of features: 0
Seq('MNLKEVDINIEEWEMVEIPFYTEEELTYRLKNDLPITKSEFEEQESKNEFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01941
Name: ER02746_3B_prokka|PROKKA_01941
Description: ER02746_3B_prokka|PROKKA_01941
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01955
Name: ER02746_3B_prokka|PROKKA_01955
Description: ER02746_3B_prokka|PROKKA_01955
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_01957
Name: ER02746_3B_prokka|PROKKA_01957
Description: ER02746_3B_prokka|PROKKA_01957
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_02007
Name: ER02746_3B_prokka|PROKKA_02007
Description: ER02746_3B_prokka|PROKKA_02007
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_02132
Name: ER02746_3B_prokka|PROKKA_02132
Description: ER02746_3B_prokka|PROKKA_02132
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_02145
Name: ER02746_3B_prokka|PROKKA_02145
Description: ER02746_3B_prokka|PROKKA_02145
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_02176
Name: ER02746_3B_prokka|PROKKA_02176
Description: ER02746_3B_prokka|PROKKA_02176
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_02329
Name: ER02746_3B_prokka|PROKKA_02329
Description: ER02746_3B_prokka|PROKKA_02329
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_02393
Name: ER02746_3B_prokka|PROKKA_02393
Description: ER02746_3B_prokka|PROKKA_02393
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_02501
Name: ER02746_3B_prokka|PROKKA_02501
Description: ER02746_3B_prokka|PROKKA_02501
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_02539
Name: ER02746_3B_prokka|PROKKA_02539
Description: ER02746_3B_prokka|PROKKA_02539
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_02623
Name: ER02746_3B_prokka|PROKKA_02623
Description: ER02746_3B_prokka|PROKKA_02623
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_02632
Name: ER02746_3B_prokka|PROKKA_02632
Description: ER02746_3B_prokka|PROKKA_02632
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_02636
Name: ER02746_3B_prokka|PROKKA_02636
Description: ER02746_3B_prokka|PROKKA_02636
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02746_3B_prokka|PROKKA_02650
Name: ER02746_3B_prokka|PROKKA_02650
Description: ER02746_3B_prokka|PROKKA_02650
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00029
Name: ER02826_3A_prokka|PROKKA_00029
Description: ER02826_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00038
Name: ER02826_3A_prokka|PROKKA_00038
Description: ER02826_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00117
Name: ER02826_3A_prokka|PROKKA_00117
Description: ER02826_3A_prokka|PROKKA_00117
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00216
Name: ER02826_3A_prokka|PROKKA_00216
Description: ER02826_3A_prokka|PROKKA_00216
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00269
Name: ER02826_3A_prokka|PROKKA_00269
Description: ER02826_3A_prokka|PROKKA_00269
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00367
Name: ER02826_3A_prokka|PROKKA_00367
Description: ER02826_3A_prokka|PROKKA_00367
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00406
Name: ER02826_3A_prokka|PROKKA_00406
Description: ER02826_3A_prokka|PROKKA_00406
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00536
Name: ER02826_3A_prokka|PROKKA_00536
Description: ER02826_3A_prokka|PROKKA_00536
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00572
Name: ER02826_3A_prokka|PROKKA_00572
Description: ER02826_3A_prokka|PROKKA_00572
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00791
Name: ER02826_3A_prokka|PROKKA_00791
Description: ER02826_3A_prokka|PROKKA_00791
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00817
Name: ER02826_3A_prokka|PROKKA_00817
Description: ER02826_3A_prokka|PROKKA_00817
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00926
Name: ER02826_3A_prokka|PROKKA_00926
Description: ER02826_3A_prokka|PROKKA_00926
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_00965
Name: ER02826_3A_prokka|PROKKA_00965
Description: ER02826_3A_prokka|PROKKA_00965
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01045
Name: ER02826_3A_prokka|PROKKA_01045
Description: ER02826_3A_prokka|PROKKA_01045
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01058
Name: ER02826_3A_prokka|PROKKA_01058
Description: ER02826_3A_prokka|PROKKA_01058
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01059
Name: ER02826_3A_prokka|PROKKA_01059
Description: ER02826_3A_prokka|PROKKA_01059
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01194
Name: ER02826_3A_prokka|PROKKA_01194
Description: ER02826_3A_prokka|PROKKA_01194
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01198
Name: ER02826_3A_prokka|PROKKA_01198
Description: ER02826_3A_prokka|PROKKA_01198
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01202
Name: ER02826_3A_prokka|PROKKA_01202
Description: ER02826_3A_prokka|PROKKA_01202
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01204
Name: ER02826_3A_prokka|PROKKA_01204
Description: ER02826_3A_prokka|PROKKA_01204
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01228
Name: ER02826_3A_prokka|PROKKA_01228
Description: ER02826_3A_prokka|PROKKA_01228
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01232
Name: ER02826_3A_prokka|PROKKA_01232
Description: ER02826_3A_prokka|PROKKA_01232
Number of features: 0
Seq('MMTTDKPKDADILERVKDILNKKERKNNNGSLL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01309
Name: ER02826_3A_prokka|PROKKA_01309
Description: ER02826_3A_prokka|PROKKA_01309
Number of features: 0
Seq('MSSDTNSLAHTKWNCKYHIVFAPKYRRQVIYGKIKKRYRDYIASIM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01326
Name: ER02826_3A_prokka|PROKKA_01326
Description: ER02826_3A_prokka|PROKKA_01326
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01339
Name: ER02826_3A_prokka|PROKKA_01339
Description: ER02826_3A_prokka|PROKKA_01339
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01388
Name: ER02826_3A_prokka|PROKKA_01388
Description: ER02826_3A_prokka|PROKKA_01388
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01397
Name: ER02826_3A_prokka|PROKKA_01397
Description: ER02826_3A_prokka|PROKKA_01397
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01417
Name: ER02826_3A_prokka|PROKKA_01417
Description: ER02826_3A_prokka|PROKKA_01417
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01445
Name: ER02826_3A_prokka|PROKKA_01445
Description: ER02826_3A_prokka|PROKKA_01445
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01472
Name: ER02826_3A_prokka|PROKKA_01472
Description: ER02826_3A_prokka|PROKKA_01472
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01509
Name: ER02826_3A_prokka|PROKKA_01509
Description: ER02826_3A_prokka|PROKKA_01509
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01580
Name: ER02826_3A_prokka|PROKKA_01580
Description: ER02826_3A_prokka|PROKKA_01580
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01746
Name: ER02826_3A_prokka|PROKKA_01746
Description: ER02826_3A_prokka|PROKKA_01746
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01753
Name: ER02826_3A_prokka|PROKKA_01753
Description: ER02826_3A_prokka|PROKKA_01753
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01772
Name: ER02826_3A_prokka|PROKKA_01772
Description: ER02826_3A_prokka|PROKKA_01772
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01807
Name: ER02826_3A_prokka|PROKKA_01807
Description: ER02826_3A_prokka|PROKKA_01807
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01859
Name: ER02826_3A_prokka|PROKKA_01859
Description: ER02826_3A_prokka|PROKKA_01859
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01931
Name: ER02826_3A_prokka|PROKKA_01931
Description: ER02826_3A_prokka|PROKKA_01931
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01935
Name: ER02826_3A_prokka|PROKKA_01935
Description: ER02826_3A_prokka|PROKKA_01935
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01951
Name: ER02826_3A_prokka|PROKKA_01951
Description: ER02826_3A_prokka|PROKKA_01951
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_01971
Name: ER02826_3A_prokka|PROKKA_01971
Description: ER02826_3A_prokka|PROKKA_01971
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_02001
Name: ER02826_3A_prokka|PROKKA_02001
Description: ER02826_3A_prokka|PROKKA_02001
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_02003
Name: ER02826_3A_prokka|PROKKA_02003
Description: ER02826_3A_prokka|PROKKA_02003
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_02052
Name: ER02826_3A_prokka|PROKKA_02052
Description: ER02826_3A_prokka|PROKKA_02052
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_02172
Name: ER02826_3A_prokka|PROKKA_02172
Description: ER02826_3A_prokka|PROKKA_02172
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_02196
Name: ER02826_3A_prokka|PROKKA_02196
Description: ER02826_3A_prokka|PROKKA_02196
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_02227
Name: ER02826_3A_prokka|PROKKA_02227
Description: ER02826_3A_prokka|PROKKA_02227
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_02384
Name: ER02826_3A_prokka|PROKKA_02384
Description: ER02826_3A_prokka|PROKKA_02384
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_02595
Name: ER02826_3A_prokka|PROKKA_02595
Description: ER02826_3A_prokka|PROKKA_02595
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_02682
Name: ER02826_3A_prokka|PROKKA_02682
Description: ER02826_3A_prokka|PROKKA_02682
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02826_3A_prokka|PROKKA_02696
Name: ER02826_3A_prokka|PROKKA_02696
Description: ER02826_3A_prokka|PROKKA_02696
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00057
Name: ER02836_3A_prokka|PROKKA_00057
Description: ER02836_3A_prokka|PROKKA_00057
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00078
Name: ER02836_3A_prokka|PROKKA_00078
Description: ER02836_3A_prokka|PROKKA_00078
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00244
Name: ER02836_3A_prokka|PROKKA_00244
Description: ER02836_3A_prokka|PROKKA_00244
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00316
Name: ER02836_3A_prokka|PROKKA_00316
Description: ER02836_3A_prokka|PROKKA_00316
Number of features: 0
Seq('MKRLLSLLLASALILSACGSNDGDKKGESKKTEKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00321
Name: ER02836_3A_prokka|PROKKA_00321
Description: ER02836_3A_prokka|PROKKA_00321
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00327
Name: ER02836_3A_prokka|PROKKA_00327
Description: ER02836_3A_prokka|PROKKA_00327
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00351
Name: ER02836_3A_prokka|PROKKA_00351
Description: ER02836_3A_prokka|PROKKA_00351
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00434
Name: ER02836_3A_prokka|PROKKA_00434
Description: ER02836_3A_prokka|PROKKA_00434
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00451
Name: ER02836_3A_prokka|PROKKA_00451
Description: ER02836_3A_prokka|PROKKA_00451
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00618
Name: ER02836_3A_prokka|PROKKA_00618
Description: ER02836_3A_prokka|PROKKA_00618
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00877
Name: ER02836_3A_prokka|PROKKA_00877
Description: ER02836_3A_prokka|PROKKA_00877
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00908
Name: ER02836_3A_prokka|PROKKA_00908
Description: ER02836_3A_prokka|PROKKA_00908
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00912
Name: ER02836_3A_prokka|PROKKA_00912
Description: ER02836_3A_prokka|PROKKA_00912
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00928
Name: ER02836_3A_prokka|PROKKA_00928
Description: ER02836_3A_prokka|PROKKA_00928
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00959
Name: ER02836_3A_prokka|PROKKA_00959
Description: ER02836_3A_prokka|PROKKA_00959
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00960
Name: ER02836_3A_prokka|PROKKA_00960
Description: ER02836_3A_prokka|PROKKA_00960
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_00974
Name: ER02836_3A_prokka|PROKKA_00974
Description: ER02836_3A_prokka|PROKKA_00974
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01079
Name: ER02836_3A_prokka|PROKKA_01079
Description: ER02836_3A_prokka|PROKKA_01079
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01119
Name: ER02836_3A_prokka|PROKKA_01119
Description: ER02836_3A_prokka|PROKKA_01119
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01179
Name: ER02836_3A_prokka|PROKKA_01179
Description: ER02836_3A_prokka|PROKKA_01179
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01180
Name: ER02836_3A_prokka|PROKKA_01180
Description: ER02836_3A_prokka|PROKKA_01180
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYGE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01197
Name: ER02836_3A_prokka|PROKKA_01197
Description: ER02836_3A_prokka|PROKKA_01197
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDLKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01290
Name: ER02836_3A_prokka|PROKKA_01290
Description: ER02836_3A_prokka|PROKKA_01290
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01293
Name: ER02836_3A_prokka|PROKKA_01293
Description: ER02836_3A_prokka|PROKKA_01293
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01296
Name: ER02836_3A_prokka|PROKKA_01296
Description: ER02836_3A_prokka|PROKKA_01296
Number of features: 0
Seq('MNLGNVKETISIIYLIEIVSFLMYLSKFSTHDIFNDFLSLVKLKFSTFIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01362
Name: ER02836_3A_prokka|PROKKA_01362
Description: ER02836_3A_prokka|PROKKA_01362
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01374
Name: ER02836_3A_prokka|PROKKA_01374
Description: ER02836_3A_prokka|PROKKA_01374
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01470
Name: ER02836_3A_prokka|PROKKA_01470
Description: ER02836_3A_prokka|PROKKA_01470
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01494
Name: ER02836_3A_prokka|PROKKA_01494
Description: ER02836_3A_prokka|PROKKA_01494
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01498
Name: ER02836_3A_prokka|PROKKA_01498
Description: ER02836_3A_prokka|PROKKA_01498
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01635
Name: ER02836_3A_prokka|PROKKA_01635
Description: ER02836_3A_prokka|PROKKA_01635
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01636
Name: ER02836_3A_prokka|PROKKA_01636
Description: ER02836_3A_prokka|PROKKA_01636
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01648
Name: ER02836_3A_prokka|PROKKA_01648
Description: ER02836_3A_prokka|PROKKA_01648
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01657
Name: ER02836_3A_prokka|PROKKA_01657
Description: ER02836_3A_prokka|PROKKA_01657
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01730
Name: ER02836_3A_prokka|PROKKA_01730
Description: ER02836_3A_prokka|PROKKA_01730
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01900
Name: ER02836_3A_prokka|PROKKA_01900
Description: ER02836_3A_prokka|PROKKA_01900
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01923
Name: ER02836_3A_prokka|PROKKA_01923
Description: ER02836_3A_prokka|PROKKA_01923
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_01966
Name: ER02836_3A_prokka|PROKKA_01966
Description: ER02836_3A_prokka|PROKKA_01966
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02018
Name: ER02836_3A_prokka|PROKKA_02018
Description: ER02836_3A_prokka|PROKKA_02018
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02094
Name: ER02836_3A_prokka|PROKKA_02094
Description: ER02836_3A_prokka|PROKKA_02094
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02098
Name: ER02836_3A_prokka|PROKKA_02098
Description: ER02836_3A_prokka|PROKKA_02098
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02114
Name: ER02836_3A_prokka|PROKKA_02114
Description: ER02836_3A_prokka|PROKKA_02114
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02134
Name: ER02836_3A_prokka|PROKKA_02134
Description: ER02836_3A_prokka|PROKKA_02134
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02160
Name: ER02836_3A_prokka|PROKKA_02160
Description: ER02836_3A_prokka|PROKKA_02160
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02162
Name: ER02836_3A_prokka|PROKKA_02162
Description: ER02836_3A_prokka|PROKKA_02162
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02212
Name: ER02836_3A_prokka|PROKKA_02212
Description: ER02836_3A_prokka|PROKKA_02212
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02213
Name: ER02836_3A_prokka|PROKKA_02213
Description: ER02836_3A_prokka|PROKKA_02213
Number of features: 0
Seq('MIHQNTIYTAGIETEEQVSQLTERISNMIGVHQVNIKYNRWSSNCIV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02338
Name: ER02836_3A_prokka|PROKKA_02338
Description: ER02836_3A_prokka|PROKKA_02338
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02351
Name: ER02836_3A_prokka|PROKKA_02351
Description: ER02836_3A_prokka|PROKKA_02351
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02382
Name: ER02836_3A_prokka|PROKKA_02382
Description: ER02836_3A_prokka|PROKKA_02382
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02538
Name: ER02836_3A_prokka|PROKKA_02538
Description: ER02836_3A_prokka|PROKKA_02538
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02602
Name: ER02836_3A_prokka|PROKKA_02602
Description: ER02836_3A_prokka|PROKKA_02602
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02645
Name: ER02836_3A_prokka|PROKKA_02645
Description: ER02836_3A_prokka|PROKKA_02645
Number of features: 0
Seq('MSNMNQTIMDAFHFRHATKQFDPQKKVSKEDFETI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02713
Name: ER02836_3A_prokka|PROKKA_02713
Description: ER02836_3A_prokka|PROKKA_02713
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02751
Name: ER02836_3A_prokka|PROKKA_02751
Description: ER02836_3A_prokka|PROKKA_02751
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02836_3A_prokka|PROKKA_02837
Name: ER02836_3A_prokka|PROKKA_02837
Description: ER02836_3A_prokka|PROKKA_02837
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00069
Name: ER02837_3A_prokka|PROKKA_00069
Description: ER02837_3A_prokka|PROKKA_00069
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00111
Name: ER02837_3A_prokka|PROKKA_00111
Description: ER02837_3A_prokka|PROKKA_00111
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00114
Name: ER02837_3A_prokka|PROKKA_00114
Description: ER02837_3A_prokka|PROKKA_00114
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00118
Name: ER02837_3A_prokka|PROKKA_00118
Description: ER02837_3A_prokka|PROKKA_00118
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00139
Name: ER02837_3A_prokka|PROKKA_00139
Description: ER02837_3A_prokka|PROKKA_00139
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00157
Name: ER02837_3A_prokka|PROKKA_00157
Description: ER02837_3A_prokka|PROKKA_00157
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00280
Name: ER02837_3A_prokka|PROKKA_00280
Description: ER02837_3A_prokka|PROKKA_00280
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00324
Name: ER02837_3A_prokka|PROKKA_00324
Description: ER02837_3A_prokka|PROKKA_00324
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00448
Name: ER02837_3A_prokka|PROKKA_00448
Description: ER02837_3A_prokka|PROKKA_00448
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00465
Name: ER02837_3A_prokka|PROKKA_00465
Description: ER02837_3A_prokka|PROKKA_00465
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00631
Name: ER02837_3A_prokka|PROKKA_00631
Description: ER02837_3A_prokka|PROKKA_00631
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00750
Name: ER02837_3A_prokka|PROKKA_00750
Description: ER02837_3A_prokka|PROKKA_00750
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00862
Name: ER02837_3A_prokka|PROKKA_00862
Description: ER02837_3A_prokka|PROKKA_00862
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00893
Name: ER02837_3A_prokka|PROKKA_00893
Description: ER02837_3A_prokka|PROKKA_00893
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00897
Name: ER02837_3A_prokka|PROKKA_00897
Description: ER02837_3A_prokka|PROKKA_00897
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00913
Name: ER02837_3A_prokka|PROKKA_00913
Description: ER02837_3A_prokka|PROKKA_00913
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00944
Name: ER02837_3A_prokka|PROKKA_00944
Description: ER02837_3A_prokka|PROKKA_00944
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00945
Name: ER02837_3A_prokka|PROKKA_00945
Description: ER02837_3A_prokka|PROKKA_00945
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_00960
Name: ER02837_3A_prokka|PROKKA_00960
Description: ER02837_3A_prokka|PROKKA_00960
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01066
Name: ER02837_3A_prokka|PROKKA_01066
Description: ER02837_3A_prokka|PROKKA_01066
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01105
Name: ER02837_3A_prokka|PROKKA_01105
Description: ER02837_3A_prokka|PROKKA_01105
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01106
Name: ER02837_3A_prokka|PROKKA_01106
Description: ER02837_3A_prokka|PROKKA_01106
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01189
Name: ER02837_3A_prokka|PROKKA_01189
Description: ER02837_3A_prokka|PROKKA_01189
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01201
Name: ER02837_3A_prokka|PROKKA_01201
Description: ER02837_3A_prokka|PROKKA_01201
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01202
Name: ER02837_3A_prokka|PROKKA_01202
Description: ER02837_3A_prokka|PROKKA_01202
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01338
Name: ER02837_3A_prokka|PROKKA_01338
Description: ER02837_3A_prokka|PROKKA_01338
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01342
Name: ER02837_3A_prokka|PROKKA_01342
Description: ER02837_3A_prokka|PROKKA_01342
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01366
Name: ER02837_3A_prokka|PROKKA_01366
Description: ER02837_3A_prokka|PROKKA_01366
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01460
Name: ER02837_3A_prokka|PROKKA_01460
Description: ER02837_3A_prokka|PROKKA_01460
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01472
Name: ER02837_3A_prokka|PROKKA_01472
Description: ER02837_3A_prokka|PROKKA_01472
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01519
Name: ER02837_3A_prokka|PROKKA_01519
Description: ER02837_3A_prokka|PROKKA_01519
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01528
Name: ER02837_3A_prokka|PROKKA_01528
Description: ER02837_3A_prokka|PROKKA_01528
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01547
Name: ER02837_3A_prokka|PROKKA_01547
Description: ER02837_3A_prokka|PROKKA_01547
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01562
Name: ER02837_3A_prokka|PROKKA_01562
Description: ER02837_3A_prokka|PROKKA_01562
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01570
Name: ER02837_3A_prokka|PROKKA_01570
Description: ER02837_3A_prokka|PROKKA_01570
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01575
Name: ER02837_3A_prokka|PROKKA_01575
Description: ER02837_3A_prokka|PROKKA_01575
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01602
Name: ER02837_3A_prokka|PROKKA_01602
Description: ER02837_3A_prokka|PROKKA_01602
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01605
Name: ER02837_3A_prokka|PROKKA_01605
Description: ER02837_3A_prokka|PROKKA_01605
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01640
Name: ER02837_3A_prokka|PROKKA_01640
Description: ER02837_3A_prokka|PROKKA_01640
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01714
Name: ER02837_3A_prokka|PROKKA_01714
Description: ER02837_3A_prokka|PROKKA_01714
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01884
Name: ER02837_3A_prokka|PROKKA_01884
Description: ER02837_3A_prokka|PROKKA_01884
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01898
Name: ER02837_3A_prokka|PROKKA_01898
Description: ER02837_3A_prokka|PROKKA_01898
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01940
Name: ER02837_3A_prokka|PROKKA_01940
Description: ER02837_3A_prokka|PROKKA_01940
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01992
Name: ER02837_3A_prokka|PROKKA_01992
Description: ER02837_3A_prokka|PROKKA_01992
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01994
Name: ER02837_3A_prokka|PROKKA_01994
Description: ER02837_3A_prokka|PROKKA_01994
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_01995
Name: ER02837_3A_prokka|PROKKA_01995
Description: ER02837_3A_prokka|PROKKA_01995
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02025
Name: ER02837_3A_prokka|PROKKA_02025
Description: ER02837_3A_prokka|PROKKA_02025
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02047
Name: ER02837_3A_prokka|PROKKA_02047
Description: ER02837_3A_prokka|PROKKA_02047
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02052
Name: ER02837_3A_prokka|PROKKA_02052
Description: ER02837_3A_prokka|PROKKA_02052
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02130
Name: ER02837_3A_prokka|PROKKA_02130
Description: ER02837_3A_prokka|PROKKA_02130
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02134
Name: ER02837_3A_prokka|PROKKA_02134
Description: ER02837_3A_prokka|PROKKA_02134
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02150
Name: ER02837_3A_prokka|PROKKA_02150
Description: ER02837_3A_prokka|PROKKA_02150
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02168
Name: ER02837_3A_prokka|PROKKA_02168
Description: ER02837_3A_prokka|PROKKA_02168
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02194
Name: ER02837_3A_prokka|PROKKA_02194
Description: ER02837_3A_prokka|PROKKA_02194
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02196
Name: ER02837_3A_prokka|PROKKA_02196
Description: ER02837_3A_prokka|PROKKA_02196
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02248
Name: ER02837_3A_prokka|PROKKA_02248
Description: ER02837_3A_prokka|PROKKA_02248
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02356
Name: ER02837_3A_prokka|PROKKA_02356
Description: ER02837_3A_prokka|PROKKA_02356
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02375
Name: ER02837_3A_prokka|PROKKA_02375
Description: ER02837_3A_prokka|PROKKA_02375
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02388
Name: ER02837_3A_prokka|PROKKA_02388
Description: ER02837_3A_prokka|PROKKA_02388
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02420
Name: ER02837_3A_prokka|PROKKA_02420
Description: ER02837_3A_prokka|PROKKA_02420
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02565
Name: ER02837_3A_prokka|PROKKA_02565
Description: ER02837_3A_prokka|PROKKA_02565
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02574
Name: ER02837_3A_prokka|PROKKA_02574
Description: ER02837_3A_prokka|PROKKA_02574
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02638
Name: ER02837_3A_prokka|PROKKA_02638
Description: ER02837_3A_prokka|PROKKA_02638
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02746
Name: ER02837_3A_prokka|PROKKA_02746
Description: ER02837_3A_prokka|PROKKA_02746
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02784
Name: ER02837_3A_prokka|PROKKA_02784
Description: ER02837_3A_prokka|PROKKA_02784
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02837_3A_prokka|PROKKA_02868
Name: ER02837_3A_prokka|PROKKA_02868
Description: ER02837_3A_prokka|PROKKA_02868
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00039
Name: ER02878_3A_prokka|PROKKA_00039
Description: ER02878_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00042
Name: ER02878_3A_prokka|PROKKA_00042
Description: ER02878_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00046
Name: ER02878_3A_prokka|PROKKA_00046
Description: ER02878_3A_prokka|PROKKA_00046
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00067
Name: ER02878_3A_prokka|PROKKA_00067
Description: ER02878_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00085
Name: ER02878_3A_prokka|PROKKA_00085
Description: ER02878_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00253
Name: ER02878_3A_prokka|PROKKA_00253
Description: ER02878_3A_prokka|PROKKA_00253
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00377
Name: ER02878_3A_prokka|PROKKA_00377
Description: ER02878_3A_prokka|PROKKA_00377
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00394
Name: ER02878_3A_prokka|PROKKA_00394
Description: ER02878_3A_prokka|PROKKA_00394
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00560
Name: ER02878_3A_prokka|PROKKA_00560
Description: ER02878_3A_prokka|PROKKA_00560
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00789
Name: ER02878_3A_prokka|PROKKA_00789
Description: ER02878_3A_prokka|PROKKA_00789
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00820
Name: ER02878_3A_prokka|PROKKA_00820
Description: ER02878_3A_prokka|PROKKA_00820
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00824
Name: ER02878_3A_prokka|PROKKA_00824
Description: ER02878_3A_prokka|PROKKA_00824
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00840
Name: ER02878_3A_prokka|PROKKA_00840
Description: ER02878_3A_prokka|PROKKA_00840
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00870
Name: ER02878_3A_prokka|PROKKA_00870
Description: ER02878_3A_prokka|PROKKA_00870
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00871
Name: ER02878_3A_prokka|PROKKA_00871
Description: ER02878_3A_prokka|PROKKA_00871
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00873
Name: ER02878_3A_prokka|PROKKA_00873
Description: ER02878_3A_prokka|PROKKA_00873
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00925
Name: ER02878_3A_prokka|PROKKA_00925
Description: ER02878_3A_prokka|PROKKA_00925
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00967
Name: ER02878_3A_prokka|PROKKA_00967
Description: ER02878_3A_prokka|PROKKA_00967
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00981
Name: ER02878_3A_prokka|PROKKA_00981
Description: ER02878_3A_prokka|PROKKA_00981
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_00992
Name: ER02878_3A_prokka|PROKKA_00992
Description: ER02878_3A_prokka|PROKKA_00992
Number of features: 0
Seq('MDFIKRKRMPIESFTHQFEEITYLSDDLQVKALMMTPHHEVNRIVVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01021
Name: ER02878_3A_prokka|PROKKA_01021
Description: ER02878_3A_prokka|PROKKA_01021
Number of features: 0
Seq('MIVHRITGDGPIDIMVGPMWSVNKWEVLNGIDAELARRNSYQGLRYKSKVKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01152
Name: ER02878_3A_prokka|PROKKA_01152
Description: ER02878_3A_prokka|PROKKA_01152
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01226
Name: ER02878_3A_prokka|PROKKA_01226
Description: ER02878_3A_prokka|PROKKA_01226
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01261
Name: ER02878_3A_prokka|PROKKA_01261
Description: ER02878_3A_prokka|PROKKA_01261
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01264
Name: ER02878_3A_prokka|PROKKA_01264
Description: ER02878_3A_prokka|PROKKA_01264
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01291
Name: ER02878_3A_prokka|PROKKA_01291
Description: ER02878_3A_prokka|PROKKA_01291
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01296
Name: ER02878_3A_prokka|PROKKA_01296
Description: ER02878_3A_prokka|PROKKA_01296
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01304
Name: ER02878_3A_prokka|PROKKA_01304
Description: ER02878_3A_prokka|PROKKA_01304
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01319
Name: ER02878_3A_prokka|PROKKA_01319
Description: ER02878_3A_prokka|PROKKA_01319
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01338
Name: ER02878_3A_prokka|PROKKA_01338
Description: ER02878_3A_prokka|PROKKA_01338
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01346
Name: ER02878_3A_prokka|PROKKA_01346
Description: ER02878_3A_prokka|PROKKA_01346
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01393
Name: ER02878_3A_prokka|PROKKA_01393
Description: ER02878_3A_prokka|PROKKA_01393
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01405
Name: ER02878_3A_prokka|PROKKA_01405
Description: ER02878_3A_prokka|PROKKA_01405
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01498
Name: ER02878_3A_prokka|PROKKA_01498
Description: ER02878_3A_prokka|PROKKA_01498
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01522
Name: ER02878_3A_prokka|PROKKA_01522
Description: ER02878_3A_prokka|PROKKA_01522
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01526
Name: ER02878_3A_prokka|PROKKA_01526
Description: ER02878_3A_prokka|PROKKA_01526
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01662
Name: ER02878_3A_prokka|PROKKA_01662
Description: ER02878_3A_prokka|PROKKA_01662
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01663
Name: ER02878_3A_prokka|PROKKA_01663
Description: ER02878_3A_prokka|PROKKA_01663
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01675
Name: ER02878_3A_prokka|PROKKA_01675
Description: ER02878_3A_prokka|PROKKA_01675
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01732
Name: ER02878_3A_prokka|PROKKA_01732
Description: ER02878_3A_prokka|PROKKA_01732
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01757
Name: ER02878_3A_prokka|PROKKA_01757
Description: ER02878_3A_prokka|PROKKA_01757
Number of features: 0
Seq('MITKEFLKTKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01761
Name: ER02878_3A_prokka|PROKKA_01761
Description: ER02878_3A_prokka|PROKKA_01761
Number of features: 0
Seq('MNRLRVIKIALLIVILAEEIRNVRNYKKAVGKPFSRY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01767
Name: ER02878_3A_prokka|PROKKA_01767
Description: ER02878_3A_prokka|PROKKA_01767
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFMYYKECFFKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01768
Name: ER02878_3A_prokka|PROKKA_01768
Description: ER02878_3A_prokka|PROKKA_01768
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01774
Name: ER02878_3A_prokka|PROKKA_01774
Description: ER02878_3A_prokka|PROKKA_01774
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01779
Name: ER02878_3A_prokka|PROKKA_01779
Description: ER02878_3A_prokka|PROKKA_01779
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01828
Name: ER02878_3A_prokka|PROKKA_01828
Description: ER02878_3A_prokka|PROKKA_01828
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01829
Name: ER02878_3A_prokka|PROKKA_01829
Description: ER02878_3A_prokka|PROKKA_01829
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01846
Name: ER02878_3A_prokka|PROKKA_01846
Description: ER02878_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01869
Name: ER02878_3A_prokka|PROKKA_01869
Description: ER02878_3A_prokka|PROKKA_01869
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01975
Name: ER02878_3A_prokka|PROKKA_01975
Description: ER02878_3A_prokka|PROKKA_01975
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01990
Name: ER02878_3A_prokka|PROKKA_01990
Description: ER02878_3A_prokka|PROKKA_01990
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_01991
Name: ER02878_3A_prokka|PROKKA_01991
Description: ER02878_3A_prokka|PROKKA_01991
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02022
Name: ER02878_3A_prokka|PROKKA_02022
Description: ER02878_3A_prokka|PROKKA_02022
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02044
Name: ER02878_3A_prokka|PROKKA_02044
Description: ER02878_3A_prokka|PROKKA_02044
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02049
Name: ER02878_3A_prokka|PROKKA_02049
Description: ER02878_3A_prokka|PROKKA_02049
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02125
Name: ER02878_3A_prokka|PROKKA_02125
Description: ER02878_3A_prokka|PROKKA_02125
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02129
Name: ER02878_3A_prokka|PROKKA_02129
Description: ER02878_3A_prokka|PROKKA_02129
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02145
Name: ER02878_3A_prokka|PROKKA_02145
Description: ER02878_3A_prokka|PROKKA_02145
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02163
Name: ER02878_3A_prokka|PROKKA_02163
Description: ER02878_3A_prokka|PROKKA_02163
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02189
Name: ER02878_3A_prokka|PROKKA_02189
Description: ER02878_3A_prokka|PROKKA_02189
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02191
Name: ER02878_3A_prokka|PROKKA_02191
Description: ER02878_3A_prokka|PROKKA_02191
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02243
Name: ER02878_3A_prokka|PROKKA_02243
Description: ER02878_3A_prokka|PROKKA_02243
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02351
Name: ER02878_3A_prokka|PROKKA_02351
Description: ER02878_3A_prokka|PROKKA_02351
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02370
Name: ER02878_3A_prokka|PROKKA_02370
Description: ER02878_3A_prokka|PROKKA_02370
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02383
Name: ER02878_3A_prokka|PROKKA_02383
Description: ER02878_3A_prokka|PROKKA_02383
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02415
Name: ER02878_3A_prokka|PROKKA_02415
Description: ER02878_3A_prokka|PROKKA_02415
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02563
Name: ER02878_3A_prokka|PROKKA_02563
Description: ER02878_3A_prokka|PROKKA_02563
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02572
Name: ER02878_3A_prokka|PROKKA_02572
Description: ER02878_3A_prokka|PROKKA_02572
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02637
Name: ER02878_3A_prokka|PROKKA_02637
Description: ER02878_3A_prokka|PROKKA_02637
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02745
Name: ER02878_3A_prokka|PROKKA_02745
Description: ER02878_3A_prokka|PROKKA_02745
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02783
Name: ER02878_3A_prokka|PROKKA_02783
Description: ER02878_3A_prokka|PROKKA_02783
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02868
Name: ER02878_3A_prokka|PROKKA_02868
Description: ER02878_3A_prokka|PROKKA_02868
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02878_3A_prokka|PROKKA_02884
Name: ER02878_3A_prokka|PROKKA_02884
Description: ER02878_3A_prokka|PROKKA_02884
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00016
Name: ER02886_3A_prokka|PROKKA_00016
Description: ER02886_3A_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00067
Name: ER02886_3A_prokka|PROKKA_00067
Description: ER02886_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00070
Name: ER02886_3A_prokka|PROKKA_00070
Description: ER02886_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00074
Name: ER02886_3A_prokka|PROKKA_00074
Description: ER02886_3A_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00095
Name: ER02886_3A_prokka|PROKKA_00095
Description: ER02886_3A_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00113
Name: ER02886_3A_prokka|PROKKA_00113
Description: ER02886_3A_prokka|PROKKA_00113
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00280
Name: ER02886_3A_prokka|PROKKA_00280
Description: ER02886_3A_prokka|PROKKA_00280
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00405
Name: ER02886_3A_prokka|PROKKA_00405
Description: ER02886_3A_prokka|PROKKA_00405
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00422
Name: ER02886_3A_prokka|PROKKA_00422
Description: ER02886_3A_prokka|PROKKA_00422
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00588
Name: ER02886_3A_prokka|PROKKA_00588
Description: ER02886_3A_prokka|PROKKA_00588
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00817
Name: ER02886_3A_prokka|PROKKA_00817
Description: ER02886_3A_prokka|PROKKA_00817
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00848
Name: ER02886_3A_prokka|PROKKA_00848
Description: ER02886_3A_prokka|PROKKA_00848
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00852
Name: ER02886_3A_prokka|PROKKA_00852
Description: ER02886_3A_prokka|PROKKA_00852
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00868
Name: ER02886_3A_prokka|PROKKA_00868
Description: ER02886_3A_prokka|PROKKA_00868
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00898
Name: ER02886_3A_prokka|PROKKA_00898
Description: ER02886_3A_prokka|PROKKA_00898
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00899
Name: ER02886_3A_prokka|PROKKA_00899
Description: ER02886_3A_prokka|PROKKA_00899
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00901
Name: ER02886_3A_prokka|PROKKA_00901
Description: ER02886_3A_prokka|PROKKA_00901
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00953
Name: ER02886_3A_prokka|PROKKA_00953
Description: ER02886_3A_prokka|PROKKA_00953
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_00995
Name: ER02886_3A_prokka|PROKKA_00995
Description: ER02886_3A_prokka|PROKKA_00995
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01009
Name: ER02886_3A_prokka|PROKKA_01009
Description: ER02886_3A_prokka|PROKKA_01009
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01178
Name: ER02886_3A_prokka|PROKKA_01178
Description: ER02886_3A_prokka|PROKKA_01178
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01252
Name: ER02886_3A_prokka|PROKKA_01252
Description: ER02886_3A_prokka|PROKKA_01252
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01287
Name: ER02886_3A_prokka|PROKKA_01287
Description: ER02886_3A_prokka|PROKKA_01287
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01290
Name: ER02886_3A_prokka|PROKKA_01290
Description: ER02886_3A_prokka|PROKKA_01290
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01317
Name: ER02886_3A_prokka|PROKKA_01317
Description: ER02886_3A_prokka|PROKKA_01317
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01322
Name: ER02886_3A_prokka|PROKKA_01322
Description: ER02886_3A_prokka|PROKKA_01322
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01330
Name: ER02886_3A_prokka|PROKKA_01330
Description: ER02886_3A_prokka|PROKKA_01330
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01345
Name: ER02886_3A_prokka|PROKKA_01345
Description: ER02886_3A_prokka|PROKKA_01345
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01364
Name: ER02886_3A_prokka|PROKKA_01364
Description: ER02886_3A_prokka|PROKKA_01364
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01372
Name: ER02886_3A_prokka|PROKKA_01372
Description: ER02886_3A_prokka|PROKKA_01372
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01419
Name: ER02886_3A_prokka|PROKKA_01419
Description: ER02886_3A_prokka|PROKKA_01419
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01431
Name: ER02886_3A_prokka|PROKKA_01431
Description: ER02886_3A_prokka|PROKKA_01431
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01498
Name: ER02886_3A_prokka|PROKKA_01498
Description: ER02886_3A_prokka|PROKKA_01498
Number of features: 0
Seq('MMPIVNVKLLEGRSDEQLKNLVSEVTDAVEKTTGQIDKQFTLL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01524
Name: ER02886_3A_prokka|PROKKA_01524
Description: ER02886_3A_prokka|PROKKA_01524
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01548
Name: ER02886_3A_prokka|PROKKA_01548
Description: ER02886_3A_prokka|PROKKA_01548
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01552
Name: ER02886_3A_prokka|PROKKA_01552
Description: ER02886_3A_prokka|PROKKA_01552
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01688
Name: ER02886_3A_prokka|PROKKA_01688
Description: ER02886_3A_prokka|PROKKA_01688
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01689
Name: ER02886_3A_prokka|PROKKA_01689
Description: ER02886_3A_prokka|PROKKA_01689
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01701
Name: ER02886_3A_prokka|PROKKA_01701
Description: ER02886_3A_prokka|PROKKA_01701
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01783
Name: ER02886_3A_prokka|PROKKA_01783
Description: ER02886_3A_prokka|PROKKA_01783
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01784
Name: ER02886_3A_prokka|PROKKA_01784
Description: ER02886_3A_prokka|PROKKA_01784
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01801
Name: ER02886_3A_prokka|PROKKA_01801
Description: ER02886_3A_prokka|PROKKA_01801
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01824
Name: ER02886_3A_prokka|PROKKA_01824
Description: ER02886_3A_prokka|PROKKA_01824
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01929
Name: ER02886_3A_prokka|PROKKA_01929
Description: ER02886_3A_prokka|PROKKA_01929
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01944
Name: ER02886_3A_prokka|PROKKA_01944
Description: ER02886_3A_prokka|PROKKA_01944
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01945
Name: ER02886_3A_prokka|PROKKA_01945
Description: ER02886_3A_prokka|PROKKA_01945
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01977
Name: ER02886_3A_prokka|PROKKA_01977
Description: ER02886_3A_prokka|PROKKA_01977
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_01999
Name: ER02886_3A_prokka|PROKKA_01999
Description: ER02886_3A_prokka|PROKKA_01999
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02004
Name: ER02886_3A_prokka|PROKKA_02004
Description: ER02886_3A_prokka|PROKKA_02004
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02078
Name: ER02886_3A_prokka|PROKKA_02078
Description: ER02886_3A_prokka|PROKKA_02078
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02082
Name: ER02886_3A_prokka|PROKKA_02082
Description: ER02886_3A_prokka|PROKKA_02082
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02098
Name: ER02886_3A_prokka|PROKKA_02098
Description: ER02886_3A_prokka|PROKKA_02098
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02118
Name: ER02886_3A_prokka|PROKKA_02118
Description: ER02886_3A_prokka|PROKKA_02118
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02143
Name: ER02886_3A_prokka|PROKKA_02143
Description: ER02886_3A_prokka|PROKKA_02143
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02145
Name: ER02886_3A_prokka|PROKKA_02145
Description: ER02886_3A_prokka|PROKKA_02145
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02197
Name: ER02886_3A_prokka|PROKKA_02197
Description: ER02886_3A_prokka|PROKKA_02197
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02305
Name: ER02886_3A_prokka|PROKKA_02305
Description: ER02886_3A_prokka|PROKKA_02305
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02324
Name: ER02886_3A_prokka|PROKKA_02324
Description: ER02886_3A_prokka|PROKKA_02324
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02337
Name: ER02886_3A_prokka|PROKKA_02337
Description: ER02886_3A_prokka|PROKKA_02337
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02369
Name: ER02886_3A_prokka|PROKKA_02369
Description: ER02886_3A_prokka|PROKKA_02369
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02514
Name: ER02886_3A_prokka|PROKKA_02514
Description: ER02886_3A_prokka|PROKKA_02514
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02523
Name: ER02886_3A_prokka|PROKKA_02523
Description: ER02886_3A_prokka|PROKKA_02523
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02587
Name: ER02886_3A_prokka|PROKKA_02587
Description: ER02886_3A_prokka|PROKKA_02587
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02695
Name: ER02886_3A_prokka|PROKKA_02695
Description: ER02886_3A_prokka|PROKKA_02695
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02733
Name: ER02886_3A_prokka|PROKKA_02733
Description: ER02886_3A_prokka|PROKKA_02733
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02886_3A_prokka|PROKKA_02817
Name: ER02886_3A_prokka|PROKKA_02817
Description: ER02886_3A_prokka|PROKKA_02817
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00003
Name: ER02919_3A_prokka|PROKKA_00003
Description: ER02919_3A_prokka|PROKKA_00003
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00017
Name: ER02919_3A_prokka|PROKKA_00017
Description: ER02919_3A_prokka|PROKKA_00017
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00021
Name: ER02919_3A_prokka|PROKKA_00021
Description: ER02919_3A_prokka|PROKKA_00021
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00083
Name: ER02919_3A_prokka|PROKKA_00083
Description: ER02919_3A_prokka|PROKKA_00083
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00102
Name: ER02919_3A_prokka|PROKKA_00102
Description: ER02919_3A_prokka|PROKKA_00102
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00267
Name: ER02919_3A_prokka|PROKKA_00267
Description: ER02919_3A_prokka|PROKKA_00267
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00395
Name: ER02919_3A_prokka|PROKKA_00395
Description: ER02919_3A_prokka|PROKKA_00395
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00412
Name: ER02919_3A_prokka|PROKKA_00412
Description: ER02919_3A_prokka|PROKKA_00412
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00579
Name: ER02919_3A_prokka|PROKKA_00579
Description: ER02919_3A_prokka|PROKKA_00579
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00648
Name: ER02919_3A_prokka|PROKKA_00648
Description: ER02919_3A_prokka|PROKKA_00648
Number of features: 0
Seq('MPKIILVSHSKEIASGTKSLLKQMAGDVDIIPIGDYQMVQLELHLISSKKF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00697
Name: ER02919_3A_prokka|PROKKA_00697
Description: ER02919_3A_prokka|PROKKA_00697
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00808
Name: ER02919_3A_prokka|PROKKA_00808
Description: ER02919_3A_prokka|PROKKA_00808
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00836
Name: ER02919_3A_prokka|PROKKA_00836
Description: ER02919_3A_prokka|PROKKA_00836
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00942
Name: ER02919_3A_prokka|PROKKA_00942
Description: ER02919_3A_prokka|PROKKA_00942
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_00982
Name: ER02919_3A_prokka|PROKKA_00982
Description: ER02919_3A_prokka|PROKKA_00982
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01031
Name: ER02919_3A_prokka|PROKKA_01031
Description: ER02919_3A_prokka|PROKKA_01031
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01035
Name: ER02919_3A_prokka|PROKKA_01035
Description: ER02919_3A_prokka|PROKKA_01035
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01040
Name: ER02919_3A_prokka|PROKKA_01040
Description: ER02919_3A_prokka|PROKKA_01040
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01041
Name: ER02919_3A_prokka|PROKKA_01041
Description: ER02919_3A_prokka|PROKKA_01041
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01049
Name: ER02919_3A_prokka|PROKKA_01049
Description: ER02919_3A_prokka|PROKKA_01049
Number of features: 0
Seq('MNRLRVIKIALLIVILAEEIRNVRNYKKAVGKPFSRY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01053
Name: ER02919_3A_prokka|PROKKA_01053
Description: ER02919_3A_prokka|PROKKA_01053
Number of features: 0
Seq('MITKEFLKTKLECSDMHAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01067
Name: ER02919_3A_prokka|PROKKA_01067
Description: ER02919_3A_prokka|PROKKA_01067
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGEVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01097
Name: ER02919_3A_prokka|PROKKA_01097
Description: ER02919_3A_prokka|PROKKA_01097
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01098
Name: ER02919_3A_prokka|PROKKA_01098
Description: ER02919_3A_prokka|PROKKA_01098
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01133
Name: ER02919_3A_prokka|PROKKA_01133
Description: ER02919_3A_prokka|PROKKA_01133
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01145
Name: ER02919_3A_prokka|PROKKA_01145
Description: ER02919_3A_prokka|PROKKA_01145
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01146
Name: ER02919_3A_prokka|PROKKA_01146
Description: ER02919_3A_prokka|PROKKA_01146
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01282
Name: ER02919_3A_prokka|PROKKA_01282
Description: ER02919_3A_prokka|PROKKA_01282
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01286
Name: ER02919_3A_prokka|PROKKA_01286
Description: ER02919_3A_prokka|PROKKA_01286
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01310
Name: ER02919_3A_prokka|PROKKA_01310
Description: ER02919_3A_prokka|PROKKA_01310
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01415
Name: ER02919_3A_prokka|PROKKA_01415
Description: ER02919_3A_prokka|PROKKA_01415
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01462
Name: ER02919_3A_prokka|PROKKA_01462
Description: ER02919_3A_prokka|PROKKA_01462
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01470
Name: ER02919_3A_prokka|PROKKA_01470
Description: ER02919_3A_prokka|PROKKA_01470
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01489
Name: ER02919_3A_prokka|PROKKA_01489
Description: ER02919_3A_prokka|PROKKA_01489
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEEPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01510
Name: ER02919_3A_prokka|PROKKA_01510
Description: ER02919_3A_prokka|PROKKA_01510
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01518
Name: ER02919_3A_prokka|PROKKA_01518
Description: ER02919_3A_prokka|PROKKA_01518
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01523
Name: ER02919_3A_prokka|PROKKA_01523
Description: ER02919_3A_prokka|PROKKA_01523
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01526
Name: ER02919_3A_prokka|PROKKA_01526
Description: ER02919_3A_prokka|PROKKA_01526
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASQKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01553
Name: ER02919_3A_prokka|PROKKA_01553
Description: ER02919_3A_prokka|PROKKA_01553
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01556
Name: ER02919_3A_prokka|PROKKA_01556
Description: ER02919_3A_prokka|PROKKA_01556
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01591
Name: ER02919_3A_prokka|PROKKA_01591
Description: ER02919_3A_prokka|PROKKA_01591
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01663
Name: ER02919_3A_prokka|PROKKA_01663
Description: ER02919_3A_prokka|PROKKA_01663
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01834
Name: ER02919_3A_prokka|PROKKA_01834
Description: ER02919_3A_prokka|PROKKA_01834
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01849
Name: ER02919_3A_prokka|PROKKA_01849
Description: ER02919_3A_prokka|PROKKA_01849
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01891
Name: ER02919_3A_prokka|PROKKA_01891
Description: ER02919_3A_prokka|PROKKA_01891
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01896
Name: ER02919_3A_prokka|PROKKA_01896
Description: ER02919_3A_prokka|PROKKA_01896
Number of features: 0
Seq('MPVIKINNLNKVFGDNEVLKDINLEINQGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_01944
Name: ER02919_3A_prokka|PROKKA_01944
Description: ER02919_3A_prokka|PROKKA_01944
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02018
Name: ER02919_3A_prokka|PROKKA_02018
Description: ER02919_3A_prokka|PROKKA_02018
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02022
Name: ER02919_3A_prokka|PROKKA_02022
Description: ER02919_3A_prokka|PROKKA_02022
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02038
Name: ER02919_3A_prokka|PROKKA_02038
Description: ER02919_3A_prokka|PROKKA_02038
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02056
Name: ER02919_3A_prokka|PROKKA_02056
Description: ER02919_3A_prokka|PROKKA_02056
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02072
Name: ER02919_3A_prokka|PROKKA_02072
Description: ER02919_3A_prokka|PROKKA_02072
Number of features: 0
Seq('MESPWFLGYWSGENHVDKKEEKLSALYEVDWKTHDVKFVKVLNDNEKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02083
Name: ER02919_3A_prokka|PROKKA_02083
Description: ER02919_3A_prokka|PROKKA_02083
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02085
Name: ER02919_3A_prokka|PROKKA_02085
Description: ER02919_3A_prokka|PROKKA_02085
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02135
Name: ER02919_3A_prokka|PROKKA_02135
Description: ER02919_3A_prokka|PROKKA_02135
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02261
Name: ER02919_3A_prokka|PROKKA_02261
Description: ER02919_3A_prokka|PROKKA_02261
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02275
Name: ER02919_3A_prokka|PROKKA_02275
Description: ER02919_3A_prokka|PROKKA_02275
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02306
Name: ER02919_3A_prokka|PROKKA_02306
Description: ER02919_3A_prokka|PROKKA_02306
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02460
Name: ER02919_3A_prokka|PROKKA_02460
Description: ER02919_3A_prokka|PROKKA_02460
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02524
Name: ER02919_3A_prokka|PROKKA_02524
Description: ER02919_3A_prokka|PROKKA_02524
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02632
Name: ER02919_3A_prokka|PROKKA_02632
Description: ER02919_3A_prokka|PROKKA_02632
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02671
Name: ER02919_3A_prokka|PROKKA_02671
Description: ER02919_3A_prokka|PROKKA_02671
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02919_3A_prokka|PROKKA_02755
Name: ER02919_3A_prokka|PROKKA_02755
Description: ER02919_3A_prokka|PROKKA_02755
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_00032
Name: ER02947_3A_prokka|PROKKA_00032
Description: ER02947_3A_prokka|PROKKA_00032
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_00041
Name: ER02947_3A_prokka|PROKKA_00041
Description: ER02947_3A_prokka|PROKKA_00041
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_00170
Name: ER02947_3A_prokka|PROKKA_00170
Description: ER02947_3A_prokka|PROKKA_00170
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_00214
Name: ER02947_3A_prokka|PROKKA_00214
Description: ER02947_3A_prokka|PROKKA_00214
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_00338
Name: ER02947_3A_prokka|PROKKA_00338
Description: ER02947_3A_prokka|PROKKA_00338
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_00355
Name: ER02947_3A_prokka|PROKKA_00355
Description: ER02947_3A_prokka|PROKKA_00355
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_00518
Name: ER02947_3A_prokka|PROKKA_00518
Description: ER02947_3A_prokka|PROKKA_00518
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_00636
Name: ER02947_3A_prokka|PROKKA_00636
Description: ER02947_3A_prokka|PROKKA_00636
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_00748
Name: ER02947_3A_prokka|PROKKA_00748
Description: ER02947_3A_prokka|PROKKA_00748
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_00774
Name: ER02947_3A_prokka|PROKKA_00774
Description: ER02947_3A_prokka|PROKKA_00774
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_00879
Name: ER02947_3A_prokka|PROKKA_00879
Description: ER02947_3A_prokka|PROKKA_00879
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_00919
Name: ER02947_3A_prokka|PROKKA_00919
Description: ER02947_3A_prokka|PROKKA_00919
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01001
Name: ER02947_3A_prokka|PROKKA_01001
Description: ER02947_3A_prokka|PROKKA_01001
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01013
Name: ER02947_3A_prokka|PROKKA_01013
Description: ER02947_3A_prokka|PROKKA_01013
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01014
Name: ER02947_3A_prokka|PROKKA_01014
Description: ER02947_3A_prokka|PROKKA_01014
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01149
Name: ER02947_3A_prokka|PROKKA_01149
Description: ER02947_3A_prokka|PROKKA_01149
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01153
Name: ER02947_3A_prokka|PROKKA_01153
Description: ER02947_3A_prokka|PROKKA_01153
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01177
Name: ER02947_3A_prokka|PROKKA_01177
Description: ER02947_3A_prokka|PROKKA_01177
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01271
Name: ER02947_3A_prokka|PROKKA_01271
Description: ER02947_3A_prokka|PROKKA_01271
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01283
Name: ER02947_3A_prokka|PROKKA_01283
Description: ER02947_3A_prokka|PROKKA_01283
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01350
Name: ER02947_3A_prokka|PROKKA_01350
Description: ER02947_3A_prokka|PROKKA_01350
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01353
Name: ER02947_3A_prokka|PROKKA_01353
Description: ER02947_3A_prokka|PROKKA_01353
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01388
Name: ER02947_3A_prokka|PROKKA_01388
Description: ER02947_3A_prokka|PROKKA_01388
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01460
Name: ER02947_3A_prokka|PROKKA_01460
Description: ER02947_3A_prokka|PROKKA_01460
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01509
Name: ER02947_3A_prokka|PROKKA_01509
Description: ER02947_3A_prokka|PROKKA_01509
Number of features: 0
Seq('MSKVQNESNNVVKRGLKDRHISMIAIGVVLVQVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01626
Name: ER02947_3A_prokka|PROKKA_01626
Description: ER02947_3A_prokka|PROKKA_01626
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01641
Name: ER02947_3A_prokka|PROKKA_01641
Description: ER02947_3A_prokka|PROKKA_01641
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01683
Name: ER02947_3A_prokka|PROKKA_01683
Description: ER02947_3A_prokka|PROKKA_01683
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01732
Name: ER02947_3A_prokka|PROKKA_01732
Description: ER02947_3A_prokka|PROKKA_01732
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01805
Name: ER02947_3A_prokka|PROKKA_01805
Description: ER02947_3A_prokka|PROKKA_01805
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01809
Name: ER02947_3A_prokka|PROKKA_01809
Description: ER02947_3A_prokka|PROKKA_01809
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01825
Name: ER02947_3A_prokka|PROKKA_01825
Description: ER02947_3A_prokka|PROKKA_01825
Number of features: 0
Seq('MKKFNVQITYTGMIEETIETESLEETELR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01839
Name: ER02947_3A_prokka|PROKKA_01839
Description: ER02947_3A_prokka|PROKKA_01839
Number of features: 0
Seq('MSNIYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01842
Name: ER02947_3A_prokka|PROKKA_01842
Description: ER02947_3A_prokka|PROKKA_01842
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01849
Name: ER02947_3A_prokka|PROKKA_01849
Description: ER02947_3A_prokka|PROKKA_01849
Number of features: 0
Seq('MNLKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01865
Name: ER02947_3A_prokka|PROKKA_01865
Description: ER02947_3A_prokka|PROKKA_01865
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01867
Name: ER02947_3A_prokka|PROKKA_01867
Description: ER02947_3A_prokka|PROKKA_01867
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_01917
Name: ER02947_3A_prokka|PROKKA_01917
Description: ER02947_3A_prokka|PROKKA_01917
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_02041
Name: ER02947_3A_prokka|PROKKA_02041
Description: ER02947_3A_prokka|PROKKA_02041
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_02054
Name: ER02947_3A_prokka|PROKKA_02054
Description: ER02947_3A_prokka|PROKKA_02054
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_02085
Name: ER02947_3A_prokka|PROKKA_02085
Description: ER02947_3A_prokka|PROKKA_02085
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_02240
Name: ER02947_3A_prokka|PROKKA_02240
Description: ER02947_3A_prokka|PROKKA_02240
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_02305
Name: ER02947_3A_prokka|PROKKA_02305
Description: ER02947_3A_prokka|PROKKA_02305
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_02413
Name: ER02947_3A_prokka|PROKKA_02413
Description: ER02947_3A_prokka|PROKKA_02413
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_02451
Name: ER02947_3A_prokka|PROKKA_02451
Description: ER02947_3A_prokka|PROKKA_02451
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_02525
Name: ER02947_3A_prokka|PROKKA_02525
Description: ER02947_3A_prokka|PROKKA_02525
Number of features: 0
Seq('MTILSVQHVSKTYGKKHTFQALKDINFDIQKGEFVAIMGLLDQVRQPY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_02538
Name: ER02947_3A_prokka|PROKKA_02538
Description: ER02947_3A_prokka|PROKKA_02538
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_02543
Name: ER02947_3A_prokka|PROKKA_02543
Description: ER02947_3A_prokka|PROKKA_02543
Number of features: 0
Seq('MQYNTTRYIDENQDNKTLKDMMKNGKQRPWREKKVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_02547
Name: ER02947_3A_prokka|PROKKA_02547
Description: ER02947_3A_prokka|PROKKA_02547
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02947_3A_prokka|PROKKA_02551
Name: ER02947_3A_prokka|PROKKA_02551
Description: ER02947_3A_prokka|PROKKA_02551
Number of features: 0
Seq('MKTGPLKCPKCNQDLYIKKVRYPISDIETLC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00031
Name: ER02969_3A_prokka|PROKKA_00031
Description: ER02969_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00040
Name: ER02969_3A_prokka|PROKKA_00040
Description: ER02969_3A_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00128
Name: ER02969_3A_prokka|PROKKA_00128
Description: ER02969_3A_prokka|PROKKA_00128
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00229
Name: ER02969_3A_prokka|PROKKA_00229
Description: ER02969_3A_prokka|PROKKA_00229
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00281
Name: ER02969_3A_prokka|PROKKA_00281
Description: ER02969_3A_prokka|PROKKA_00281
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00378
Name: ER02969_3A_prokka|PROKKA_00378
Description: ER02969_3A_prokka|PROKKA_00378
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00415
Name: ER02969_3A_prokka|PROKKA_00415
Description: ER02969_3A_prokka|PROKKA_00415
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00545
Name: ER02969_3A_prokka|PROKKA_00545
Description: ER02969_3A_prokka|PROKKA_00545
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00581
Name: ER02969_3A_prokka|PROKKA_00581
Description: ER02969_3A_prokka|PROKKA_00581
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00784
Name: ER02969_3A_prokka|PROKKA_00784
Description: ER02969_3A_prokka|PROKKA_00784
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00810
Name: ER02969_3A_prokka|PROKKA_00810
Description: ER02969_3A_prokka|PROKKA_00810
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00918
Name: ER02969_3A_prokka|PROKKA_00918
Description: ER02969_3A_prokka|PROKKA_00918
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_00958
Name: ER02969_3A_prokka|PROKKA_00958
Description: ER02969_3A_prokka|PROKKA_00958
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01038
Name: ER02969_3A_prokka|PROKKA_01038
Description: ER02969_3A_prokka|PROKKA_01038
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01050
Name: ER02969_3A_prokka|PROKKA_01050
Description: ER02969_3A_prokka|PROKKA_01050
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01051
Name: ER02969_3A_prokka|PROKKA_01051
Description: ER02969_3A_prokka|PROKKA_01051
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01186
Name: ER02969_3A_prokka|PROKKA_01186
Description: ER02969_3A_prokka|PROKKA_01186
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01190
Name: ER02969_3A_prokka|PROKKA_01190
Description: ER02969_3A_prokka|PROKKA_01190
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01194
Name: ER02969_3A_prokka|PROKKA_01194
Description: ER02969_3A_prokka|PROKKA_01194
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01196
Name: ER02969_3A_prokka|PROKKA_01196
Description: ER02969_3A_prokka|PROKKA_01196
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01220
Name: ER02969_3A_prokka|PROKKA_01220
Description: ER02969_3A_prokka|PROKKA_01220
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01315
Name: ER02969_3A_prokka|PROKKA_01315
Description: ER02969_3A_prokka|PROKKA_01315
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01327
Name: ER02969_3A_prokka|PROKKA_01327
Description: ER02969_3A_prokka|PROKKA_01327
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01374
Name: ER02969_3A_prokka|PROKKA_01374
Description: ER02969_3A_prokka|PROKKA_01374
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01382
Name: ER02969_3A_prokka|PROKKA_01382
Description: ER02969_3A_prokka|PROKKA_01382
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01402
Name: ER02969_3A_prokka|PROKKA_01402
Description: ER02969_3A_prokka|PROKKA_01402
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01416
Name: ER02969_3A_prokka|PROKKA_01416
Description: ER02969_3A_prokka|PROKKA_01416
Number of features: 0
Seq('MTIKELEEKFNISRYFVVKHDRDWETGEIIDTCIVLDEYADHINIEVEEVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01422
Name: ER02969_3A_prokka|PROKKA_01422
Description: ER02969_3A_prokka|PROKKA_01422
Number of features: 0
Seq('MSDTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYGE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01430
Name: ER02969_3A_prokka|PROKKA_01430
Description: ER02969_3A_prokka|PROKKA_01430
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01435
Name: ER02969_3A_prokka|PROKKA_01435
Description: ER02969_3A_prokka|PROKKA_01435
Number of features: 0
Seq('MVDKNKKQEATRSNPLNKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01461
Name: ER02969_3A_prokka|PROKKA_01461
Description: ER02969_3A_prokka|PROKKA_01461
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01498
Name: ER02969_3A_prokka|PROKKA_01498
Description: ER02969_3A_prokka|PROKKA_01498
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01569
Name: ER02969_3A_prokka|PROKKA_01569
Description: ER02969_3A_prokka|PROKKA_01569
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01741
Name: ER02969_3A_prokka|PROKKA_01741
Description: ER02969_3A_prokka|PROKKA_01741
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01760
Name: ER02969_3A_prokka|PROKKA_01760
Description: ER02969_3A_prokka|PROKKA_01760
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01795
Name: ER02969_3A_prokka|PROKKA_01795
Description: ER02969_3A_prokka|PROKKA_01795
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01846
Name: ER02969_3A_prokka|PROKKA_01846
Description: ER02969_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01919
Name: ER02969_3A_prokka|PROKKA_01919
Description: ER02969_3A_prokka|PROKKA_01919
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01929
Name: ER02969_3A_prokka|PROKKA_01929
Description: ER02969_3A_prokka|PROKKA_01929
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01940
Name: ER02969_3A_prokka|PROKKA_01940
Description: ER02969_3A_prokka|PROKKA_01940
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01958
Name: ER02969_3A_prokka|PROKKA_01958
Description: ER02969_3A_prokka|PROKKA_01958
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01962
Name: ER02969_3A_prokka|PROKKA_01962
Description: ER02969_3A_prokka|PROKKA_01962
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01968
Name: ER02969_3A_prokka|PROKKA_01968
Description: ER02969_3A_prokka|PROKKA_01968
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01971
Name: ER02969_3A_prokka|PROKKA_01971
Description: ER02969_3A_prokka|PROKKA_01971
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01978
Name: ER02969_3A_prokka|PROKKA_01978
Description: ER02969_3A_prokka|PROKKA_01978
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01980
Name: ER02969_3A_prokka|PROKKA_01980
Description: ER02969_3A_prokka|PROKKA_01980
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_01999
Name: ER02969_3A_prokka|PROKKA_01999
Description: ER02969_3A_prokka|PROKKA_01999
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_02001
Name: ER02969_3A_prokka|PROKKA_02001
Description: ER02969_3A_prokka|PROKKA_02001
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_02050
Name: ER02969_3A_prokka|PROKKA_02050
Description: ER02969_3A_prokka|PROKKA_02050
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_02170
Name: ER02969_3A_prokka|PROKKA_02170
Description: ER02969_3A_prokka|PROKKA_02170
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_02195
Name: ER02969_3A_prokka|PROKKA_02195
Description: ER02969_3A_prokka|PROKKA_02195
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_02226
Name: ER02969_3A_prokka|PROKKA_02226
Description: ER02969_3A_prokka|PROKKA_02226
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_02381
Name: ER02969_3A_prokka|PROKKA_02381
Description: ER02969_3A_prokka|PROKKA_02381
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_02589
Name: ER02969_3A_prokka|PROKKA_02589
Description: ER02969_3A_prokka|PROKKA_02589
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02969_3A_prokka|PROKKA_02676
Name: ER02969_3A_prokka|PROKKA_02676
Description: ER02969_3A_prokka|PROKKA_02676
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00056
Name: ER02972_3A_prokka|PROKKA_00056
Description: ER02972_3A_prokka|PROKKA_00056
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00074
Name: ER02972_3A_prokka|PROKKA_00074
Description: ER02972_3A_prokka|PROKKA_00074
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00239
Name: ER02972_3A_prokka|PROKKA_00239
Description: ER02972_3A_prokka|PROKKA_00239
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00364
Name: ER02972_3A_prokka|PROKKA_00364
Description: ER02972_3A_prokka|PROKKA_00364
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00381
Name: ER02972_3A_prokka|PROKKA_00381
Description: ER02972_3A_prokka|PROKKA_00381
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00548
Name: ER02972_3A_prokka|PROKKA_00548
Description: ER02972_3A_prokka|PROKKA_00548
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00776
Name: ER02972_3A_prokka|PROKKA_00776
Description: ER02972_3A_prokka|PROKKA_00776
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00807
Name: ER02972_3A_prokka|PROKKA_00807
Description: ER02972_3A_prokka|PROKKA_00807
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00811
Name: ER02972_3A_prokka|PROKKA_00811
Description: ER02972_3A_prokka|PROKKA_00811
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00827
Name: ER02972_3A_prokka|PROKKA_00827
Description: ER02972_3A_prokka|PROKKA_00827
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00846
Name: ER02972_3A_prokka|PROKKA_00846
Description: ER02972_3A_prokka|PROKKA_00846
Number of features: 0
Seq('MTIIVRPPKGNGAPVPVETTLVKKLMLTVY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00859
Name: ER02972_3A_prokka|PROKKA_00859
Description: ER02972_3A_prokka|PROKKA_00859
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00860
Name: ER02972_3A_prokka|PROKKA_00860
Description: ER02972_3A_prokka|PROKKA_00860
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00875
Name: ER02972_3A_prokka|PROKKA_00875
Description: ER02972_3A_prokka|PROKKA_00875
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_00981
Name: ER02972_3A_prokka|PROKKA_00981
Description: ER02972_3A_prokka|PROKKA_00981
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01020
Name: ER02972_3A_prokka|PROKKA_01020
Description: ER02972_3A_prokka|PROKKA_01020
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01021
Name: ER02972_3A_prokka|PROKKA_01021
Description: ER02972_3A_prokka|PROKKA_01021
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01103
Name: ER02972_3A_prokka|PROKKA_01103
Description: ER02972_3A_prokka|PROKKA_01103
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01116
Name: ER02972_3A_prokka|PROKKA_01116
Description: ER02972_3A_prokka|PROKKA_01116
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01117
Name: ER02972_3A_prokka|PROKKA_01117
Description: ER02972_3A_prokka|PROKKA_01117
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01253
Name: ER02972_3A_prokka|PROKKA_01253
Description: ER02972_3A_prokka|PROKKA_01253
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01257
Name: ER02972_3A_prokka|PROKKA_01257
Description: ER02972_3A_prokka|PROKKA_01257
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01281
Name: ER02972_3A_prokka|PROKKA_01281
Description: ER02972_3A_prokka|PROKKA_01281
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01386
Name: ER02972_3A_prokka|PROKKA_01386
Description: ER02972_3A_prokka|PROKKA_01386
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01453
Name: ER02972_3A_prokka|PROKKA_01453
Description: ER02972_3A_prokka|PROKKA_01453
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01456
Name: ER02972_3A_prokka|PROKKA_01456
Description: ER02972_3A_prokka|PROKKA_01456
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01491
Name: ER02972_3A_prokka|PROKKA_01491
Description: ER02972_3A_prokka|PROKKA_01491
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01563
Name: ER02972_3A_prokka|PROKKA_01563
Description: ER02972_3A_prokka|PROKKA_01563
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01732
Name: ER02972_3A_prokka|PROKKA_01732
Description: ER02972_3A_prokka|PROKKA_01732
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01747
Name: ER02972_3A_prokka|PROKKA_01747
Description: ER02972_3A_prokka|PROKKA_01747
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01789
Name: ER02972_3A_prokka|PROKKA_01789
Description: ER02972_3A_prokka|PROKKA_01789
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01841
Name: ER02972_3A_prokka|PROKKA_01841
Description: ER02972_3A_prokka|PROKKA_01841
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01915
Name: ER02972_3A_prokka|PROKKA_01915
Description: ER02972_3A_prokka|PROKKA_01915
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01919
Name: ER02972_3A_prokka|PROKKA_01919
Description: ER02972_3A_prokka|PROKKA_01919
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01935
Name: ER02972_3A_prokka|PROKKA_01935
Description: ER02972_3A_prokka|PROKKA_01935
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01953
Name: ER02972_3A_prokka|PROKKA_01953
Description: ER02972_3A_prokka|PROKKA_01953
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01979
Name: ER02972_3A_prokka|PROKKA_01979
Description: ER02972_3A_prokka|PROKKA_01979
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_01981
Name: ER02972_3A_prokka|PROKKA_01981
Description: ER02972_3A_prokka|PROKKA_01981
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02031
Name: ER02972_3A_prokka|PROKKA_02031
Description: ER02972_3A_prokka|PROKKA_02031
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02140
Name: ER02972_3A_prokka|PROKKA_02140
Description: ER02972_3A_prokka|PROKKA_02140
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02148
Name: ER02972_3A_prokka|PROKKA_02148
Description: ER02972_3A_prokka|PROKKA_02148
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02168
Name: ER02972_3A_prokka|PROKKA_02168
Description: ER02972_3A_prokka|PROKKA_02168
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02186
Name: ER02972_3A_prokka|PROKKA_02186
Description: ER02972_3A_prokka|PROKKA_02186
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02192
Name: ER02972_3A_prokka|PROKKA_02192
Description: ER02972_3A_prokka|PROKKA_02192
Number of features: 0
Seq('MLQKFRIAKEKSKLKLNLLKHANSNLETRNNPELLRAVAELLKEINR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02198
Name: ER02972_3A_prokka|PROKKA_02198
Description: ER02972_3A_prokka|PROKKA_02198
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02223
Name: ER02972_3A_prokka|PROKKA_02223
Description: ER02972_3A_prokka|PROKKA_02223
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02236
Name: ER02972_3A_prokka|PROKKA_02236
Description: ER02972_3A_prokka|PROKKA_02236
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02267
Name: ER02972_3A_prokka|PROKKA_02267
Description: ER02972_3A_prokka|PROKKA_02267
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02421
Name: ER02972_3A_prokka|PROKKA_02421
Description: ER02972_3A_prokka|PROKKA_02421
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02454
Name: ER02972_3A_prokka|PROKKA_02454
Description: ER02972_3A_prokka|PROKKA_02454
Number of features: 0
Seq('MGGCPSVTMDACALLQKFDFCNNISHFRHFFAMKQPIER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02486
Name: ER02972_3A_prokka|PROKKA_02486
Description: ER02972_3A_prokka|PROKKA_02486
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02595
Name: ER02972_3A_prokka|PROKKA_02595
Description: ER02972_3A_prokka|PROKKA_02595
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02635
Name: ER02972_3A_prokka|PROKKA_02635
Description: ER02972_3A_prokka|PROKKA_02635
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02719
Name: ER02972_3A_prokka|PROKKA_02719
Description: ER02972_3A_prokka|PROKKA_02719
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02720
Name: ER02972_3A_prokka|PROKKA_02720
Description: ER02972_3A_prokka|PROKKA_02720
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02734
Name: ER02972_3A_prokka|PROKKA_02734
Description: ER02972_3A_prokka|PROKKA_02734
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02972_3A_prokka|PROKKA_02745
Name: ER02972_3A_prokka|PROKKA_02745
Description: ER02972_3A_prokka|PROKKA_02745
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00031
Name: ER02988_3A_prokka|PROKKA_00031
Description: ER02988_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00040
Name: ER02988_3A_prokka|PROKKA_00040
Description: ER02988_3A_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00128
Name: ER02988_3A_prokka|PROKKA_00128
Description: ER02988_3A_prokka|PROKKA_00128
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00229
Name: ER02988_3A_prokka|PROKKA_00229
Description: ER02988_3A_prokka|PROKKA_00229
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00281
Name: ER02988_3A_prokka|PROKKA_00281
Description: ER02988_3A_prokka|PROKKA_00281
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00377
Name: ER02988_3A_prokka|PROKKA_00377
Description: ER02988_3A_prokka|PROKKA_00377
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00415
Name: ER02988_3A_prokka|PROKKA_00415
Description: ER02988_3A_prokka|PROKKA_00415
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00545
Name: ER02988_3A_prokka|PROKKA_00545
Description: ER02988_3A_prokka|PROKKA_00545
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00581
Name: ER02988_3A_prokka|PROKKA_00581
Description: ER02988_3A_prokka|PROKKA_00581
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00623
Name: ER02988_3A_prokka|PROKKA_00623
Description: ER02988_3A_prokka|PROKKA_00623
Number of features: 0
Seq('MMKKLINKKETFLTDMLEGLLIAHPELDLIANTVIVKKLRKNMV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00783
Name: ER02988_3A_prokka|PROKKA_00783
Description: ER02988_3A_prokka|PROKKA_00783
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00809
Name: ER02988_3A_prokka|PROKKA_00809
Description: ER02988_3A_prokka|PROKKA_00809
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00918
Name: ER02988_3A_prokka|PROKKA_00918
Description: ER02988_3A_prokka|PROKKA_00918
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00957
Name: ER02988_3A_prokka|PROKKA_00957
Description: ER02988_3A_prokka|PROKKA_00957
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_00958
Name: ER02988_3A_prokka|PROKKA_00958
Description: ER02988_3A_prokka|PROKKA_00958
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01012
Name: ER02988_3A_prokka|PROKKA_01012
Description: ER02988_3A_prokka|PROKKA_01012
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01018
Name: ER02988_3A_prokka|PROKKA_01018
Description: ER02988_3A_prokka|PROKKA_01018
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01019
Name: ER02988_3A_prokka|PROKKA_01019
Description: ER02988_3A_prokka|PROKKA_01019
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFMYYKECFFKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01025
Name: ER02988_3A_prokka|PROKKA_01025
Description: ER02988_3A_prokka|PROKKA_01025
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRNAMHAVKVEKILKSPFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01029
Name: ER02988_3A_prokka|PROKKA_01029
Description: ER02988_3A_prokka|PROKKA_01029
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01045
Name: ER02988_3A_prokka|PROKKA_01045
Description: ER02988_3A_prokka|PROKKA_01045
Number of features: 0
Seq('MMWFIIAIILIVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01108
Name: ER02988_3A_prokka|PROKKA_01108
Description: ER02988_3A_prokka|PROKKA_01108
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01120
Name: ER02988_3A_prokka|PROKKA_01120
Description: ER02988_3A_prokka|PROKKA_01120
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01121
Name: ER02988_3A_prokka|PROKKA_01121
Description: ER02988_3A_prokka|PROKKA_01121
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01256
Name: ER02988_3A_prokka|PROKKA_01256
Description: ER02988_3A_prokka|PROKKA_01256
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01260
Name: ER02988_3A_prokka|PROKKA_01260
Description: ER02988_3A_prokka|PROKKA_01260
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01264
Name: ER02988_3A_prokka|PROKKA_01264
Description: ER02988_3A_prokka|PROKKA_01264
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01266
Name: ER02988_3A_prokka|PROKKA_01266
Description: ER02988_3A_prokka|PROKKA_01266
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01290
Name: ER02988_3A_prokka|PROKKA_01290
Description: ER02988_3A_prokka|PROKKA_01290
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01385
Name: ER02988_3A_prokka|PROKKA_01385
Description: ER02988_3A_prokka|PROKKA_01385
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01397
Name: ER02988_3A_prokka|PROKKA_01397
Description: ER02988_3A_prokka|PROKKA_01397
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01463
Name: ER02988_3A_prokka|PROKKA_01463
Description: ER02988_3A_prokka|PROKKA_01463
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01500
Name: ER02988_3A_prokka|PROKKA_01500
Description: ER02988_3A_prokka|PROKKA_01500
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01572
Name: ER02988_3A_prokka|PROKKA_01572
Description: ER02988_3A_prokka|PROKKA_01572
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01746
Name: ER02988_3A_prokka|PROKKA_01746
Description: ER02988_3A_prokka|PROKKA_01746
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01765
Name: ER02988_3A_prokka|PROKKA_01765
Description: ER02988_3A_prokka|PROKKA_01765
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01800
Name: ER02988_3A_prokka|PROKKA_01800
Description: ER02988_3A_prokka|PROKKA_01800
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01851
Name: ER02988_3A_prokka|PROKKA_01851
Description: ER02988_3A_prokka|PROKKA_01851
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01923
Name: ER02988_3A_prokka|PROKKA_01923
Description: ER02988_3A_prokka|PROKKA_01923
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01933
Name: ER02988_3A_prokka|PROKKA_01933
Description: ER02988_3A_prokka|PROKKA_01933
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01944
Name: ER02988_3A_prokka|PROKKA_01944
Description: ER02988_3A_prokka|PROKKA_01944
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01962
Name: ER02988_3A_prokka|PROKKA_01962
Description: ER02988_3A_prokka|PROKKA_01962
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01966
Name: ER02988_3A_prokka|PROKKA_01966
Description: ER02988_3A_prokka|PROKKA_01966
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01972
Name: ER02988_3A_prokka|PROKKA_01972
Description: ER02988_3A_prokka|PROKKA_01972
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01975
Name: ER02988_3A_prokka|PROKKA_01975
Description: ER02988_3A_prokka|PROKKA_01975
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01982
Name: ER02988_3A_prokka|PROKKA_01982
Description: ER02988_3A_prokka|PROKKA_01982
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_01984
Name: ER02988_3A_prokka|PROKKA_01984
Description: ER02988_3A_prokka|PROKKA_01984
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_02003
Name: ER02988_3A_prokka|PROKKA_02003
Description: ER02988_3A_prokka|PROKKA_02003
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_02005
Name: ER02988_3A_prokka|PROKKA_02005
Description: ER02988_3A_prokka|PROKKA_02005
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_02054
Name: ER02988_3A_prokka|PROKKA_02054
Description: ER02988_3A_prokka|PROKKA_02054
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_02173
Name: ER02988_3A_prokka|PROKKA_02173
Description: ER02988_3A_prokka|PROKKA_02173
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_02197
Name: ER02988_3A_prokka|PROKKA_02197
Description: ER02988_3A_prokka|PROKKA_02197
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_02228
Name: ER02988_3A_prokka|PROKKA_02228
Description: ER02988_3A_prokka|PROKKA_02228
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_02383
Name: ER02988_3A_prokka|PROKKA_02383
Description: ER02988_3A_prokka|PROKKA_02383
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_02590
Name: ER02988_3A_prokka|PROKKA_02590
Description: ER02988_3A_prokka|PROKKA_02590
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02988_3A_prokka|PROKKA_02677
Name: ER02988_3A_prokka|PROKKA_02677
Description: ER02988_3A_prokka|PROKKA_02677
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00083
Name: ER02989_3A_prokka|PROKKA_00083
Description: ER02989_3A_prokka|PROKKA_00083
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00086
Name: ER02989_3A_prokka|PROKKA_00086
Description: ER02989_3A_prokka|PROKKA_00086
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00090
Name: ER02989_3A_prokka|PROKKA_00090
Description: ER02989_3A_prokka|PROKKA_00090
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00111
Name: ER02989_3A_prokka|PROKKA_00111
Description: ER02989_3A_prokka|PROKKA_00111
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00129
Name: ER02989_3A_prokka|PROKKA_00129
Description: ER02989_3A_prokka|PROKKA_00129
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00296
Name: ER02989_3A_prokka|PROKKA_00296
Description: ER02989_3A_prokka|PROKKA_00296
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00420
Name: ER02989_3A_prokka|PROKKA_00420
Description: ER02989_3A_prokka|PROKKA_00420
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00437
Name: ER02989_3A_prokka|PROKKA_00437
Description: ER02989_3A_prokka|PROKKA_00437
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00603
Name: ER02989_3A_prokka|PROKKA_00603
Description: ER02989_3A_prokka|PROKKA_00603
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00832
Name: ER02989_3A_prokka|PROKKA_00832
Description: ER02989_3A_prokka|PROKKA_00832
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00863
Name: ER02989_3A_prokka|PROKKA_00863
Description: ER02989_3A_prokka|PROKKA_00863
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00867
Name: ER02989_3A_prokka|PROKKA_00867
Description: ER02989_3A_prokka|PROKKA_00867
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00883
Name: ER02989_3A_prokka|PROKKA_00883
Description: ER02989_3A_prokka|PROKKA_00883
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00914
Name: ER02989_3A_prokka|PROKKA_00914
Description: ER02989_3A_prokka|PROKKA_00914
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00915
Name: ER02989_3A_prokka|PROKKA_00915
Description: ER02989_3A_prokka|PROKKA_00915
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_00930
Name: ER02989_3A_prokka|PROKKA_00930
Description: ER02989_3A_prokka|PROKKA_00930
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01035
Name: ER02989_3A_prokka|PROKKA_01035
Description: ER02989_3A_prokka|PROKKA_01035
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01074
Name: ER02989_3A_prokka|PROKKA_01074
Description: ER02989_3A_prokka|PROKKA_01074
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01075
Name: ER02989_3A_prokka|PROKKA_01075
Description: ER02989_3A_prokka|PROKKA_01075
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01157
Name: ER02989_3A_prokka|PROKKA_01157
Description: ER02989_3A_prokka|PROKKA_01157
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01169
Name: ER02989_3A_prokka|PROKKA_01169
Description: ER02989_3A_prokka|PROKKA_01169
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01170
Name: ER02989_3A_prokka|PROKKA_01170
Description: ER02989_3A_prokka|PROKKA_01170
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01306
Name: ER02989_3A_prokka|PROKKA_01306
Description: ER02989_3A_prokka|PROKKA_01306
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01310
Name: ER02989_3A_prokka|PROKKA_01310
Description: ER02989_3A_prokka|PROKKA_01310
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01334
Name: ER02989_3A_prokka|PROKKA_01334
Description: ER02989_3A_prokka|PROKKA_01334
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01427
Name: ER02989_3A_prokka|PROKKA_01427
Description: ER02989_3A_prokka|PROKKA_01427
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01439
Name: ER02989_3A_prokka|PROKKA_01439
Description: ER02989_3A_prokka|PROKKA_01439
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01486
Name: ER02989_3A_prokka|PROKKA_01486
Description: ER02989_3A_prokka|PROKKA_01486
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01494
Name: ER02989_3A_prokka|PROKKA_01494
Description: ER02989_3A_prokka|PROKKA_01494
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01513
Name: ER02989_3A_prokka|PROKKA_01513
Description: ER02989_3A_prokka|PROKKA_01513
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01527
Name: ER02989_3A_prokka|PROKKA_01527
Description: ER02989_3A_prokka|PROKKA_01527
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01535
Name: ER02989_3A_prokka|PROKKA_01535
Description: ER02989_3A_prokka|PROKKA_01535
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01540
Name: ER02989_3A_prokka|PROKKA_01540
Description: ER02989_3A_prokka|PROKKA_01540
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01567
Name: ER02989_3A_prokka|PROKKA_01567
Description: ER02989_3A_prokka|PROKKA_01567
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01570
Name: ER02989_3A_prokka|PROKKA_01570
Description: ER02989_3A_prokka|PROKKA_01570
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01605
Name: ER02989_3A_prokka|PROKKA_01605
Description: ER02989_3A_prokka|PROKKA_01605
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01679
Name: ER02989_3A_prokka|PROKKA_01679
Description: ER02989_3A_prokka|PROKKA_01679
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01848
Name: ER02989_3A_prokka|PROKKA_01848
Description: ER02989_3A_prokka|PROKKA_01848
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01862
Name: ER02989_3A_prokka|PROKKA_01862
Description: ER02989_3A_prokka|PROKKA_01862
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01904
Name: ER02989_3A_prokka|PROKKA_01904
Description: ER02989_3A_prokka|PROKKA_01904
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01956
Name: ER02989_3A_prokka|PROKKA_01956
Description: ER02989_3A_prokka|PROKKA_01956
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01958
Name: ER02989_3A_prokka|PROKKA_01958
Description: ER02989_3A_prokka|PROKKA_01958
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01959
Name: ER02989_3A_prokka|PROKKA_01959
Description: ER02989_3A_prokka|PROKKA_01959
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_01989
Name: ER02989_3A_prokka|PROKKA_01989
Description: ER02989_3A_prokka|PROKKA_01989
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02011
Name: ER02989_3A_prokka|PROKKA_02011
Description: ER02989_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02016
Name: ER02989_3A_prokka|PROKKA_02016
Description: ER02989_3A_prokka|PROKKA_02016
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02092
Name: ER02989_3A_prokka|PROKKA_02092
Description: ER02989_3A_prokka|PROKKA_02092
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02094
Name: ER02989_3A_prokka|PROKKA_02094
Description: ER02989_3A_prokka|PROKKA_02094
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02146
Name: ER02989_3A_prokka|PROKKA_02146
Description: ER02989_3A_prokka|PROKKA_02146
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02255
Name: ER02989_3A_prokka|PROKKA_02255
Description: ER02989_3A_prokka|PROKKA_02255
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02274
Name: ER02989_3A_prokka|PROKKA_02274
Description: ER02989_3A_prokka|PROKKA_02274
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02287
Name: ER02989_3A_prokka|PROKKA_02287
Description: ER02989_3A_prokka|PROKKA_02287
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02319
Name: ER02989_3A_prokka|PROKKA_02319
Description: ER02989_3A_prokka|PROKKA_02319
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02472
Name: ER02989_3A_prokka|PROKKA_02472
Description: ER02989_3A_prokka|PROKKA_02472
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02536
Name: ER02989_3A_prokka|PROKKA_02536
Description: ER02989_3A_prokka|PROKKA_02536
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02644
Name: ER02989_3A_prokka|PROKKA_02644
Description: ER02989_3A_prokka|PROKKA_02644
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02682
Name: ER02989_3A_prokka|PROKKA_02682
Description: ER02989_3A_prokka|PROKKA_02682
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02766
Name: ER02989_3A_prokka|PROKKA_02766
Description: ER02989_3A_prokka|PROKKA_02766
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER02989_3A_prokka|PROKKA_02782
Name: ER02989_3A_prokka|PROKKA_02782
Description: ER02989_3A_prokka|PROKKA_02782
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00030
Name: ER03023_3A_prokka|PROKKA_00030
Description: ER03023_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00061
Name: ER03023_3A_prokka|PROKKA_00061
Description: ER03023_3A_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00070
Name: ER03023_3A_prokka|PROKKA_00070
Description: ER03023_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00091
Name: ER03023_3A_prokka|PROKKA_00091
Description: ER03023_3A_prokka|PROKKA_00091
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00179
Name: ER03023_3A_prokka|PROKKA_00179
Description: ER03023_3A_prokka|PROKKA_00179
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00278
Name: ER03023_3A_prokka|PROKKA_00278
Description: ER03023_3A_prokka|PROKKA_00278
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00330
Name: ER03023_3A_prokka|PROKKA_00330
Description: ER03023_3A_prokka|PROKKA_00330
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00428
Name: ER03023_3A_prokka|PROKKA_00428
Description: ER03023_3A_prokka|PROKKA_00428
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00466
Name: ER03023_3A_prokka|PROKKA_00466
Description: ER03023_3A_prokka|PROKKA_00466
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00596
Name: ER03023_3A_prokka|PROKKA_00596
Description: ER03023_3A_prokka|PROKKA_00596
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00632
Name: ER03023_3A_prokka|PROKKA_00632
Description: ER03023_3A_prokka|PROKKA_00632
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00850
Name: ER03023_3A_prokka|PROKKA_00850
Description: ER03023_3A_prokka|PROKKA_00850
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00858
Name: ER03023_3A_prokka|PROKKA_00858
Description: ER03023_3A_prokka|PROKKA_00858
Number of features: 0
Seq('MKKLIVIILINIITLSVSNSASAQGDIGIDNLRNFYTKKTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_00894
Name: ER03023_3A_prokka|PROKKA_00894
Description: ER03023_3A_prokka|PROKKA_00894
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01002
Name: ER03023_3A_prokka|PROKKA_01002
Description: ER03023_3A_prokka|PROKKA_01002
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01041
Name: ER03023_3A_prokka|PROKKA_01041
Description: ER03023_3A_prokka|PROKKA_01041
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01121
Name: ER03023_3A_prokka|PROKKA_01121
Description: ER03023_3A_prokka|PROKKA_01121
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01134
Name: ER03023_3A_prokka|PROKKA_01134
Description: ER03023_3A_prokka|PROKKA_01134
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01135
Name: ER03023_3A_prokka|PROKKA_01135
Description: ER03023_3A_prokka|PROKKA_01135
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01179
Name: ER03023_3A_prokka|PROKKA_01179
Description: ER03023_3A_prokka|PROKKA_01179
Number of features: 0
Seq('MITAEKKKKNKFLPNFDKQSIYSLRFDEMQNWLVEQGNKNFERNRFLNGYIKKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01271
Name: ER03023_3A_prokka|PROKKA_01271
Description: ER03023_3A_prokka|PROKKA_01271
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01275
Name: ER03023_3A_prokka|PROKKA_01275
Description: ER03023_3A_prokka|PROKKA_01275
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01279
Name: ER03023_3A_prokka|PROKKA_01279
Description: ER03023_3A_prokka|PROKKA_01279
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01281
Name: ER03023_3A_prokka|PROKKA_01281
Description: ER03023_3A_prokka|PROKKA_01281
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01305
Name: ER03023_3A_prokka|PROKKA_01305
Description: ER03023_3A_prokka|PROKKA_01305
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01400
Name: ER03023_3A_prokka|PROKKA_01400
Description: ER03023_3A_prokka|PROKKA_01400
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01412
Name: ER03023_3A_prokka|PROKKA_01412
Description: ER03023_3A_prokka|PROKKA_01412
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01461
Name: ER03023_3A_prokka|PROKKA_01461
Description: ER03023_3A_prokka|PROKKA_01461
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01469
Name: ER03023_3A_prokka|PROKKA_01469
Description: ER03023_3A_prokka|PROKKA_01469
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01489
Name: ER03023_3A_prokka|PROKKA_01489
Description: ER03023_3A_prokka|PROKKA_01489
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01517
Name: ER03023_3A_prokka|PROKKA_01517
Description: ER03023_3A_prokka|PROKKA_01517
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01544
Name: ER03023_3A_prokka|PROKKA_01544
Description: ER03023_3A_prokka|PROKKA_01544
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01581
Name: ER03023_3A_prokka|PROKKA_01581
Description: ER03023_3A_prokka|PROKKA_01581
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01651
Name: ER03023_3A_prokka|PROKKA_01651
Description: ER03023_3A_prokka|PROKKA_01651
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01817
Name: ER03023_3A_prokka|PROKKA_01817
Description: ER03023_3A_prokka|PROKKA_01817
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01824
Name: ER03023_3A_prokka|PROKKA_01824
Description: ER03023_3A_prokka|PROKKA_01824
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01843
Name: ER03023_3A_prokka|PROKKA_01843
Description: ER03023_3A_prokka|PROKKA_01843
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01878
Name: ER03023_3A_prokka|PROKKA_01878
Description: ER03023_3A_prokka|PROKKA_01878
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01930
Name: ER03023_3A_prokka|PROKKA_01930
Description: ER03023_3A_prokka|PROKKA_01930
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01961
Name: ER03023_3A_prokka|PROKKA_01961
Description: ER03023_3A_prokka|PROKKA_01961
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01978
Name: ER03023_3A_prokka|PROKKA_01978
Description: ER03023_3A_prokka|PROKKA_01978
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01987
Name: ER03023_3A_prokka|PROKKA_01987
Description: ER03023_3A_prokka|PROKKA_01987
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_01995
Name: ER03023_3A_prokka|PROKKA_01995
Description: ER03023_3A_prokka|PROKKA_01995
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELSKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02071
Name: ER03023_3A_prokka|PROKKA_02071
Description: ER03023_3A_prokka|PROKKA_02071
Number of features: 0
Seq('MFVLNCIASLFILFLSIKRIKYLLDKEENRHKVEINKIKTNIFKNIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02089
Name: ER03023_3A_prokka|PROKKA_02089
Description: ER03023_3A_prokka|PROKKA_02089
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02093
Name: ER03023_3A_prokka|PROKKA_02093
Description: ER03023_3A_prokka|PROKKA_02093
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02109
Name: ER03023_3A_prokka|PROKKA_02109
Description: ER03023_3A_prokka|PROKKA_02109
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02130
Name: ER03023_3A_prokka|PROKKA_02130
Description: ER03023_3A_prokka|PROKKA_02130
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02160
Name: ER03023_3A_prokka|PROKKA_02160
Description: ER03023_3A_prokka|PROKKA_02160
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02162
Name: ER03023_3A_prokka|PROKKA_02162
Description: ER03023_3A_prokka|PROKKA_02162
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02211
Name: ER03023_3A_prokka|PROKKA_02211
Description: ER03023_3A_prokka|PROKKA_02211
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02331
Name: ER03023_3A_prokka|PROKKA_02331
Description: ER03023_3A_prokka|PROKKA_02331
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02355
Name: ER03023_3A_prokka|PROKKA_02355
Description: ER03023_3A_prokka|PROKKA_02355
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02386
Name: ER03023_3A_prokka|PROKKA_02386
Description: ER03023_3A_prokka|PROKKA_02386
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02454
Name: ER03023_3A_prokka|PROKKA_02454
Description: ER03023_3A_prokka|PROKKA_02454
Number of features: 0
Seq('MALIVSRAILFLILALAFGIATVFPEQKLPLYI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02542
Name: ER03023_3A_prokka|PROKKA_02542
Description: ER03023_3A_prokka|PROKKA_02542
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02751
Name: ER03023_3A_prokka|PROKKA_02751
Description: ER03023_3A_prokka|PROKKA_02751
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03023_3A_prokka|PROKKA_02835
Name: ER03023_3A_prokka|PROKKA_02835
Description: ER03023_3A_prokka|PROKKA_02835
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00031
Name: ER03113_3A_prokka|PROKKA_00031
Description: ER03113_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00062
Name: ER03113_3A_prokka|PROKKA_00062
Description: ER03113_3A_prokka|PROKKA_00062
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00071
Name: ER03113_3A_prokka|PROKKA_00071
Description: ER03113_3A_prokka|PROKKA_00071
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00151
Name: ER03113_3A_prokka|PROKKA_00151
Description: ER03113_3A_prokka|PROKKA_00151
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00251
Name: ER03113_3A_prokka|PROKKA_00251
Description: ER03113_3A_prokka|PROKKA_00251
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00303
Name: ER03113_3A_prokka|PROKKA_00303
Description: ER03113_3A_prokka|PROKKA_00303
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00401
Name: ER03113_3A_prokka|PROKKA_00401
Description: ER03113_3A_prokka|PROKKA_00401
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00439
Name: ER03113_3A_prokka|PROKKA_00439
Description: ER03113_3A_prokka|PROKKA_00439
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00569
Name: ER03113_3A_prokka|PROKKA_00569
Description: ER03113_3A_prokka|PROKKA_00569
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00605
Name: ER03113_3A_prokka|PROKKA_00605
Description: ER03113_3A_prokka|PROKKA_00605
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00714
Name: ER03113_3A_prokka|PROKKA_00714
Description: ER03113_3A_prokka|PROKKA_00714
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00825
Name: ER03113_3A_prokka|PROKKA_00825
Description: ER03113_3A_prokka|PROKKA_00825
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00869
Name: ER03113_3A_prokka|PROKKA_00869
Description: ER03113_3A_prokka|PROKKA_00869
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_00977
Name: ER03113_3A_prokka|PROKKA_00977
Description: ER03113_3A_prokka|PROKKA_00977
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01016
Name: ER03113_3A_prokka|PROKKA_01016
Description: ER03113_3A_prokka|PROKKA_01016
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01096
Name: ER03113_3A_prokka|PROKKA_01096
Description: ER03113_3A_prokka|PROKKA_01096
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01109
Name: ER03113_3A_prokka|PROKKA_01109
Description: ER03113_3A_prokka|PROKKA_01109
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01110
Name: ER03113_3A_prokka|PROKKA_01110
Description: ER03113_3A_prokka|PROKKA_01110
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01245
Name: ER03113_3A_prokka|PROKKA_01245
Description: ER03113_3A_prokka|PROKKA_01245
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01249
Name: ER03113_3A_prokka|PROKKA_01249
Description: ER03113_3A_prokka|PROKKA_01249
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01253
Name: ER03113_3A_prokka|PROKKA_01253
Description: ER03113_3A_prokka|PROKKA_01253
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01255
Name: ER03113_3A_prokka|PROKKA_01255
Description: ER03113_3A_prokka|PROKKA_01255
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01279
Name: ER03113_3A_prokka|PROKKA_01279
Description: ER03113_3A_prokka|PROKKA_01279
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01376
Name: ER03113_3A_prokka|PROKKA_01376
Description: ER03113_3A_prokka|PROKKA_01376
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01388
Name: ER03113_3A_prokka|PROKKA_01388
Description: ER03113_3A_prokka|PROKKA_01388
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01437
Name: ER03113_3A_prokka|PROKKA_01437
Description: ER03113_3A_prokka|PROKKA_01437
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01445
Name: ER03113_3A_prokka|PROKKA_01445
Description: ER03113_3A_prokka|PROKKA_01445
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01465
Name: ER03113_3A_prokka|PROKKA_01465
Description: ER03113_3A_prokka|PROKKA_01465
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01493
Name: ER03113_3A_prokka|PROKKA_01493
Description: ER03113_3A_prokka|PROKKA_01493
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01520
Name: ER03113_3A_prokka|PROKKA_01520
Description: ER03113_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01557
Name: ER03113_3A_prokka|PROKKA_01557
Description: ER03113_3A_prokka|PROKKA_01557
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01628
Name: ER03113_3A_prokka|PROKKA_01628
Description: ER03113_3A_prokka|PROKKA_01628
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01795
Name: ER03113_3A_prokka|PROKKA_01795
Description: ER03113_3A_prokka|PROKKA_01795
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01802
Name: ER03113_3A_prokka|PROKKA_01802
Description: ER03113_3A_prokka|PROKKA_01802
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01821
Name: ER03113_3A_prokka|PROKKA_01821
Description: ER03113_3A_prokka|PROKKA_01821
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01856
Name: ER03113_3A_prokka|PROKKA_01856
Description: ER03113_3A_prokka|PROKKA_01856
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01908
Name: ER03113_3A_prokka|PROKKA_01908
Description: ER03113_3A_prokka|PROKKA_01908
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01980
Name: ER03113_3A_prokka|PROKKA_01980
Description: ER03113_3A_prokka|PROKKA_01980
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_01984
Name: ER03113_3A_prokka|PROKKA_01984
Description: ER03113_3A_prokka|PROKKA_01984
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_02000
Name: ER03113_3A_prokka|PROKKA_02000
Description: ER03113_3A_prokka|PROKKA_02000
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_02020
Name: ER03113_3A_prokka|PROKKA_02020
Description: ER03113_3A_prokka|PROKKA_02020
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_02050
Name: ER03113_3A_prokka|PROKKA_02050
Description: ER03113_3A_prokka|PROKKA_02050
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_02052
Name: ER03113_3A_prokka|PROKKA_02052
Description: ER03113_3A_prokka|PROKKA_02052
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_02102
Name: ER03113_3A_prokka|PROKKA_02102
Description: ER03113_3A_prokka|PROKKA_02102
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_02222
Name: ER03113_3A_prokka|PROKKA_02222
Description: ER03113_3A_prokka|PROKKA_02222
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_02246
Name: ER03113_3A_prokka|PROKKA_02246
Description: ER03113_3A_prokka|PROKKA_02246
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_02277
Name: ER03113_3A_prokka|PROKKA_02277
Description: ER03113_3A_prokka|PROKKA_02277
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_02432
Name: ER03113_3A_prokka|PROKKA_02432
Description: ER03113_3A_prokka|PROKKA_02432
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_02641
Name: ER03113_3A_prokka|PROKKA_02641
Description: ER03113_3A_prokka|PROKKA_02641
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03113_3A_prokka|PROKKA_02728
Name: ER03113_3A_prokka|PROKKA_02728
Description: ER03113_3A_prokka|PROKKA_02728
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00004
Name: ER03159_3A_prokka|PROKKA_00004
Description: ER03159_3A_prokka|PROKKA_00004
Number of features: 0
Seq('MKVTNTIRFEEEKKNLIDNVVNTLEEYKDVIDSELRTIRNTGSVAKLKIM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00038
Name: ER03159_3A_prokka|PROKKA_00038
Description: ER03159_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MKVTNTIRFEEEKKNLIDNVVNTLEEYKDVIDSELRTIRNTGSVAKLKIM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00049
Name: ER03159_3A_prokka|PROKKA_00049
Description: ER03159_3A_prokka|PROKKA_00049
Number of features: 0
Seq('MSVEQEVKDIMLDMLAKKRKLKRIIIPRNVDASYKNILKFKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00050
Name: ER03159_3A_prokka|PROKKA_00050
Description: ER03159_3A_prokka|PROKKA_00050
Number of features: 0
Seq('MVKNEMFRGVGMVLAGVAVGAALVWLVPWVYNLFQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00083
Name: ER03159_3A_prokka|PROKKA_00083
Description: ER03159_3A_prokka|PROKKA_00083
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00087
Name: ER03159_3A_prokka|PROKKA_00087
Description: ER03159_3A_prokka|PROKKA_00087
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00096
Name: ER03159_3A_prokka|PROKKA_00096
Description: ER03159_3A_prokka|PROKKA_00096
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00109
Name: ER03159_3A_prokka|PROKKA_00109
Description: ER03159_3A_prokka|PROKKA_00109
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00112
Name: ER03159_3A_prokka|PROKKA_00112
Description: ER03159_3A_prokka|PROKKA_00112
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00233
Name: ER03159_3A_prokka|PROKKA_00233
Description: ER03159_3A_prokka|PROKKA_00233
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00277
Name: ER03159_3A_prokka|PROKKA_00277
Description: ER03159_3A_prokka|PROKKA_00277
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00373
Name: ER03159_3A_prokka|PROKKA_00373
Description: ER03159_3A_prokka|PROKKA_00373
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00379
Name: ER03159_3A_prokka|PROKKA_00379
Description: ER03159_3A_prokka|PROKKA_00379
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00426
Name: ER03159_3A_prokka|PROKKA_00426
Description: ER03159_3A_prokka|PROKKA_00426
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00444
Name: ER03159_3A_prokka|PROKKA_00444
Description: ER03159_3A_prokka|PROKKA_00444
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00609
Name: ER03159_3A_prokka|PROKKA_00609
Description: ER03159_3A_prokka|PROKKA_00609
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00727
Name: ER03159_3A_prokka|PROKKA_00727
Description: ER03159_3A_prokka|PROKKA_00727
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00862
Name: ER03159_3A_prokka|PROKKA_00862
Description: ER03159_3A_prokka|PROKKA_00862
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00889
Name: ER03159_3A_prokka|PROKKA_00889
Description: ER03159_3A_prokka|PROKKA_00889
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_00998
Name: ER03159_3A_prokka|PROKKA_00998
Description: ER03159_3A_prokka|PROKKA_00998
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01038
Name: ER03159_3A_prokka|PROKKA_01038
Description: ER03159_3A_prokka|PROKKA_01038
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01094
Name: ER03159_3A_prokka|PROKKA_01094
Description: ER03159_3A_prokka|PROKKA_01094
Number of features: 0
Seq('MEDQNKKVIYYYYDEAGNRQLLSIGDLNLYLLKILNQDLVYIKTNP', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01096
Name: ER03159_3A_prokka|PROKKA_01096
Description: ER03159_3A_prokka|PROKKA_01096
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKKMSKHIKAT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01114
Name: ER03159_3A_prokka|PROKKA_01114
Description: ER03159_3A_prokka|PROKKA_01114
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01130
Name: ER03159_3A_prokka|PROKKA_01130
Description: ER03159_3A_prokka|PROKKA_01130
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01134
Name: ER03159_3A_prokka|PROKKA_01134
Description: ER03159_3A_prokka|PROKKA_01134
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01209
Name: ER03159_3A_prokka|PROKKA_01209
Description: ER03159_3A_prokka|PROKKA_01209
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01261
Name: ER03159_3A_prokka|PROKKA_01261
Description: ER03159_3A_prokka|PROKKA_01261
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01303
Name: ER03159_3A_prokka|PROKKA_01303
Description: ER03159_3A_prokka|PROKKA_01303
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01318
Name: ER03159_3A_prokka|PROKKA_01318
Description: ER03159_3A_prokka|PROKKA_01318
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01482
Name: ER03159_3A_prokka|PROKKA_01482
Description: ER03159_3A_prokka|PROKKA_01482
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01555
Name: ER03159_3A_prokka|PROKKA_01555
Description: ER03159_3A_prokka|PROKKA_01555
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01590
Name: ER03159_3A_prokka|PROKKA_01590
Description: ER03159_3A_prokka|PROKKA_01590
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01593
Name: ER03159_3A_prokka|PROKKA_01593
Description: ER03159_3A_prokka|PROKKA_01593
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01660
Name: ER03159_3A_prokka|PROKKA_01660
Description: ER03159_3A_prokka|PROKKA_01660
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01672
Name: ER03159_3A_prokka|PROKKA_01672
Description: ER03159_3A_prokka|PROKKA_01672
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01767
Name: ER03159_3A_prokka|PROKKA_01767
Description: ER03159_3A_prokka|PROKKA_01767
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01791
Name: ER03159_3A_prokka|PROKKA_01791
Description: ER03159_3A_prokka|PROKKA_01791
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01795
Name: ER03159_3A_prokka|PROKKA_01795
Description: ER03159_3A_prokka|PROKKA_01795
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01931
Name: ER03159_3A_prokka|PROKKA_01931
Description: ER03159_3A_prokka|PROKKA_01931
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01932
Name: ER03159_3A_prokka|PROKKA_01932
Description: ER03159_3A_prokka|PROKKA_01932
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01944
Name: ER03159_3A_prokka|PROKKA_01944
Description: ER03159_3A_prokka|PROKKA_01944
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01979
Name: ER03159_3A_prokka|PROKKA_01979
Description: ER03159_3A_prokka|PROKKA_01979
Number of features: 0
Seq('MTEQMYLILFLLSLSLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_01980
Name: ER03159_3A_prokka|PROKKA_01980
Description: ER03159_3A_prokka|PROKKA_01980
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02010
Name: ER03159_3A_prokka|PROKKA_02010
Description: ER03159_3A_prokka|PROKKA_02010
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02031
Name: ER03159_3A_prokka|PROKKA_02031
Description: ER03159_3A_prokka|PROKKA_02031
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02070
Name: ER03159_3A_prokka|PROKKA_02070
Description: ER03159_3A_prokka|PROKKA_02070
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02081
Name: ER03159_3A_prokka|PROKKA_02081
Description: ER03159_3A_prokka|PROKKA_02081
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02083
Name: ER03159_3A_prokka|PROKKA_02083
Description: ER03159_3A_prokka|PROKKA_02083
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02134
Name: ER03159_3A_prokka|PROKKA_02134
Description: ER03159_3A_prokka|PROKKA_02134
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKPKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02260
Name: ER03159_3A_prokka|PROKKA_02260
Description: ER03159_3A_prokka|PROKKA_02260
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02273
Name: ER03159_3A_prokka|PROKKA_02273
Description: ER03159_3A_prokka|PROKKA_02273
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02304
Name: ER03159_3A_prokka|PROKKA_02304
Description: ER03159_3A_prokka|PROKKA_02304
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02458
Name: ER03159_3A_prokka|PROKKA_02458
Description: ER03159_3A_prokka|PROKKA_02458
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02522
Name: ER03159_3A_prokka|PROKKA_02522
Description: ER03159_3A_prokka|PROKKA_02522
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02631
Name: ER03159_3A_prokka|PROKKA_02631
Description: ER03159_3A_prokka|PROKKA_02631
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02644
Name: ER03159_3A_prokka|PROKKA_02644
Description: ER03159_3A_prokka|PROKKA_02644
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02646
Name: ER03159_3A_prokka|PROKKA_02646
Description: ER03159_3A_prokka|PROKKA_02646
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02649
Name: ER03159_3A_prokka|PROKKA_02649
Description: ER03159_3A_prokka|PROKKA_02649
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02656
Name: ER03159_3A_prokka|PROKKA_02656
Description: ER03159_3A_prokka|PROKKA_02656
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02694
Name: ER03159_3A_prokka|PROKKA_02694
Description: ER03159_3A_prokka|PROKKA_02694
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02779
Name: ER03159_3A_prokka|PROKKA_02779
Description: ER03159_3A_prokka|PROKKA_02779
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02782
Name: ER03159_3A_prokka|PROKKA_02782
Description: ER03159_3A_prokka|PROKKA_02782
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02803
Name: ER03159_3A_prokka|PROKKA_02803
Description: ER03159_3A_prokka|PROKKA_02803
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02804
Name: ER03159_3A_prokka|PROKKA_02804
Description: ER03159_3A_prokka|PROKKA_02804
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02840
Name: ER03159_3A_prokka|PROKKA_02840
Description: ER03159_3A_prokka|PROKKA_02840
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02841
Name: ER03159_3A_prokka|PROKKA_02841
Description: ER03159_3A_prokka|PROKKA_02841
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02859
Name: ER03159_3A_prokka|PROKKA_02859
Description: ER03159_3A_prokka|PROKKA_02859
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03159_3A_prokka|PROKKA_02873
Name: ER03159_3A_prokka|PROKKA_02873
Description: ER03159_3A_prokka|PROKKA_02873
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00004
Name: ER03234_3A_prokka|PROKKA_00004
Description: ER03234_3A_prokka|PROKKA_00004
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00023
Name: ER03234_3A_prokka|PROKKA_00023
Description: ER03234_3A_prokka|PROKKA_00023
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00031
Name: ER03234_3A_prokka|PROKKA_00031
Description: ER03234_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MARRKVIRVRIKGKLMTLREVSEKISYISRTS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00038
Name: ER03234_3A_prokka|PROKKA_00038
Description: ER03234_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00046
Name: ER03234_3A_prokka|PROKKA_00046
Description: ER03234_3A_prokka|PROKKA_00046
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00051
Name: ER03234_3A_prokka|PROKKA_00051
Description: ER03234_3A_prokka|PROKKA_00051
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00076
Name: ER03234_3A_prokka|PROKKA_00076
Description: ER03234_3A_prokka|PROKKA_00076
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00089
Name: ER03234_3A_prokka|PROKKA_00089
Description: ER03234_3A_prokka|PROKKA_00089
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00117
Name: ER03234_3A_prokka|PROKKA_00117
Description: ER03234_3A_prokka|PROKKA_00117
Number of features: 0
Seq('MKSLILAEKPSVARDIADALQINQKRNGYFENN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00121
Name: ER03234_3A_prokka|PROKKA_00121
Description: ER03234_3A_prokka|PROKKA_00121
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00266
Name: ER03234_3A_prokka|PROKKA_00266
Description: ER03234_3A_prokka|PROKKA_00266
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00275
Name: ER03234_3A_prokka|PROKKA_00275
Description: ER03234_3A_prokka|PROKKA_00275
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00339
Name: ER03234_3A_prokka|PROKKA_00339
Description: ER03234_3A_prokka|PROKKA_00339
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00448
Name: ER03234_3A_prokka|PROKKA_00448
Description: ER03234_3A_prokka|PROKKA_00448
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00486
Name: ER03234_3A_prokka|PROKKA_00486
Description: ER03234_3A_prokka|PROKKA_00486
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00559
Name: ER03234_3A_prokka|PROKKA_00559
Description: ER03234_3A_prokka|PROKKA_00559
Number of features: 0
Seq('MTFNHIVFKNLRQNLKHYAMYLFSLFLASSYISVLQPYSLLKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00571
Name: ER03234_3A_prokka|PROKKA_00571
Description: ER03234_3A_prokka|PROKKA_00571
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00627
Name: ER03234_3A_prokka|PROKKA_00627
Description: ER03234_3A_prokka|PROKKA_00627
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00645
Name: ER03234_3A_prokka|PROKKA_00645
Description: ER03234_3A_prokka|PROKKA_00645
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00812
Name: ER03234_3A_prokka|PROKKA_00812
Description: ER03234_3A_prokka|PROKKA_00812
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00936
Name: ER03234_3A_prokka|PROKKA_00936
Description: ER03234_3A_prokka|PROKKA_00936
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_00953
Name: ER03234_3A_prokka|PROKKA_00953
Description: ER03234_3A_prokka|PROKKA_00953
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01119
Name: ER03234_3A_prokka|PROKKA_01119
Description: ER03234_3A_prokka|PROKKA_01119
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01348
Name: ER03234_3A_prokka|PROKKA_01348
Description: ER03234_3A_prokka|PROKKA_01348
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01375
Name: ER03234_3A_prokka|PROKKA_01375
Description: ER03234_3A_prokka|PROKKA_01375
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01480
Name: ER03234_3A_prokka|PROKKA_01480
Description: ER03234_3A_prokka|PROKKA_01480
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01526
Name: ER03234_3A_prokka|PROKKA_01526
Description: ER03234_3A_prokka|PROKKA_01526
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01527
Name: ER03234_3A_prokka|PROKKA_01527
Description: ER03234_3A_prokka|PROKKA_01527
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01609
Name: ER03234_3A_prokka|PROKKA_01609
Description: ER03234_3A_prokka|PROKKA_01609
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01621
Name: ER03234_3A_prokka|PROKKA_01621
Description: ER03234_3A_prokka|PROKKA_01621
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01622
Name: ER03234_3A_prokka|PROKKA_01622
Description: ER03234_3A_prokka|PROKKA_01622
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01640
Name: ER03234_3A_prokka|PROKKA_01640
Description: ER03234_3A_prokka|PROKKA_01640
Number of features: 0
Seq('MNHTIVDSADFQLQANDLISIQGFGRAHITDLGGKTKKDKTHITYRTLFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01759
Name: ER03234_3A_prokka|PROKKA_01759
Description: ER03234_3A_prokka|PROKKA_01759
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01763
Name: ER03234_3A_prokka|PROKKA_01763
Description: ER03234_3A_prokka|PROKKA_01763
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01787
Name: ER03234_3A_prokka|PROKKA_01787
Description: ER03234_3A_prokka|PROKKA_01787
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01880
Name: ER03234_3A_prokka|PROKKA_01880
Description: ER03234_3A_prokka|PROKKA_01880
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01892
Name: ER03234_3A_prokka|PROKKA_01892
Description: ER03234_3A_prokka|PROKKA_01892
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01939
Name: ER03234_3A_prokka|PROKKA_01939
Description: ER03234_3A_prokka|PROKKA_01939
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01950
Name: ER03234_3A_prokka|PROKKA_01950
Description: ER03234_3A_prokka|PROKKA_01950
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01970
Name: ER03234_3A_prokka|PROKKA_01970
Description: ER03234_3A_prokka|PROKKA_01970
Number of features: 0
Seq('MLDKVTQIETIKYDRDVSYSYAASRLSTLITIWLGLTLCRS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01971
Name: ER03234_3A_prokka|PROKKA_01971
Description: ER03234_3A_prokka|PROKKA_01971
Number of features: 0
Seq('MLIFKQLVKNNGVEGLEDYENEVERIRKRFQKLKRGDRLLCSI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01972
Name: ER03234_3A_prokka|PROKKA_01972
Description: ER03234_3A_prokka|PROKKA_01972
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01975
Name: ER03234_3A_prokka|PROKKA_01975
Description: ER03234_3A_prokka|PROKKA_01975
Number of features: 0
Seq('MTNTLTIDQLQELLQIQKEFDDRIPTLNLQDSKVAL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01978
Name: ER03234_3A_prokka|PROKKA_01978
Description: ER03234_3A_prokka|PROKKA_01978
Number of features: 0
Seq('MSVISNRKVDMNEIQDNVKQPAHYTYGDIEIIDLSNRLRRSIHHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01981
Name: ER03234_3A_prokka|PROKKA_01981
Description: ER03234_3A_prokka|PROKKA_01981
Number of features: 0
Seq('MQHQAYINDIRIPTEVESVNYNQIDKEKENLADYFLIIQVNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01984
Name: ER03234_3A_prokka|PROKKA_01984
Description: ER03234_3A_prokka|PROKKA_01984
Number of features: 0
Seq('MVNSMRIGLPASLDKVGEVLRLQNQKDKKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_01990
Name: ER03234_3A_prokka|PROKKA_01990
Description: ER03234_3A_prokka|PROKKA_01990
Number of features: 0
Seq('MNTRSEGLRIGVPQVSSKADASSSYLTEKERNLGAEILAY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02128
Name: ER03234_3A_prokka|PROKKA_02128
Description: ER03234_3A_prokka|PROKKA_02128
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02201
Name: ER03234_3A_prokka|PROKKA_02201
Description: ER03234_3A_prokka|PROKKA_02201
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02236
Name: ER03234_3A_prokka|PROKKA_02236
Description: ER03234_3A_prokka|PROKKA_02236
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02239
Name: ER03234_3A_prokka|PROKKA_02239
Description: ER03234_3A_prokka|PROKKA_02239
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02266
Name: ER03234_3A_prokka|PROKKA_02266
Description: ER03234_3A_prokka|PROKKA_02266
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02271
Name: ER03234_3A_prokka|PROKKA_02271
Description: ER03234_3A_prokka|PROKKA_02271
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02279
Name: ER03234_3A_prokka|PROKKA_02279
Description: ER03234_3A_prokka|PROKKA_02279
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02293
Name: ER03234_3A_prokka|PROKKA_02293
Description: ER03234_3A_prokka|PROKKA_02293
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKNQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02316
Name: ER03234_3A_prokka|PROKKA_02316
Description: ER03234_3A_prokka|PROKKA_02316
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02325
Name: ER03234_3A_prokka|PROKKA_02325
Description: ER03234_3A_prokka|PROKKA_02325
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02432
Name: ER03234_3A_prokka|PROKKA_02432
Description: ER03234_3A_prokka|PROKKA_02432
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02481
Name: ER03234_3A_prokka|PROKKA_02481
Description: ER03234_3A_prokka|PROKKA_02481
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02483
Name: ER03234_3A_prokka|PROKKA_02483
Description: ER03234_3A_prokka|PROKKA_02483
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02499
Name: ER03234_3A_prokka|PROKKA_02499
Description: ER03234_3A_prokka|PROKKA_02499
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02504
Name: ER03234_3A_prokka|PROKKA_02504
Description: ER03234_3A_prokka|PROKKA_02504
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02510
Name: ER03234_3A_prokka|PROKKA_02510
Description: ER03234_3A_prokka|PROKKA_02510
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02528
Name: ER03234_3A_prokka|PROKKA_02528
Description: ER03234_3A_prokka|PROKKA_02528
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02545
Name: ER03234_3A_prokka|PROKKA_02545
Description: ER03234_3A_prokka|PROKKA_02545
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02549
Name: ER03234_3A_prokka|PROKKA_02549
Description: ER03234_3A_prokka|PROKKA_02549
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02621
Name: ER03234_3A_prokka|PROKKA_02621
Description: ER03234_3A_prokka|PROKKA_02621
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02671
Name: ER03234_3A_prokka|PROKKA_02671
Description: ER03234_3A_prokka|PROKKA_02671
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02713
Name: ER03234_3A_prokka|PROKKA_02713
Description: ER03234_3A_prokka|PROKKA_02713
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02727
Name: ER03234_3A_prokka|PROKKA_02727
Description: ER03234_3A_prokka|PROKKA_02727
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02760
Name: ER03234_3A_prokka|PROKKA_02760
Description: ER03234_3A_prokka|PROKKA_02760
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02770
Name: ER03234_3A_prokka|PROKKA_02770
Description: ER03234_3A_prokka|PROKKA_02770
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03234_3A_prokka|PROKKA_02774
Name: ER03234_3A_prokka|PROKKA_02774
Description: ER03234_3A_prokka|PROKKA_02774
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_00030
Name: ER03298_3A_prokka|PROKKA_00030
Description: ER03298_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_00061
Name: ER03298_3A_prokka|PROKKA_00061
Description: ER03298_3A_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_00070
Name: ER03298_3A_prokka|PROKKA_00070
Description: ER03298_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_00091
Name: ER03298_3A_prokka|PROKKA_00091
Description: ER03298_3A_prokka|PROKKA_00091
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_00180
Name: ER03298_3A_prokka|PROKKA_00180
Description: ER03298_3A_prokka|PROKKA_00180
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_00279
Name: ER03298_3A_prokka|PROKKA_00279
Description: ER03298_3A_prokka|PROKKA_00279
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_00425
Name: ER03298_3A_prokka|PROKKA_00425
Description: ER03298_3A_prokka|PROKKA_00425
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_00463
Name: ER03298_3A_prokka|PROKKA_00463
Description: ER03298_3A_prokka|PROKKA_00463
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_00593
Name: ER03298_3A_prokka|PROKKA_00593
Description: ER03298_3A_prokka|PROKKA_00593
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_00629
Name: ER03298_3A_prokka|PROKKA_00629
Description: ER03298_3A_prokka|PROKKA_00629
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_00848
Name: ER03298_3A_prokka|PROKKA_00848
Description: ER03298_3A_prokka|PROKKA_00848
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_00892
Name: ER03298_3A_prokka|PROKKA_00892
Description: ER03298_3A_prokka|PROKKA_00892
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01000
Name: ER03298_3A_prokka|PROKKA_01000
Description: ER03298_3A_prokka|PROKKA_01000
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01039
Name: ER03298_3A_prokka|PROKKA_01039
Description: ER03298_3A_prokka|PROKKA_01039
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01119
Name: ER03298_3A_prokka|PROKKA_01119
Description: ER03298_3A_prokka|PROKKA_01119
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01132
Name: ER03298_3A_prokka|PROKKA_01132
Description: ER03298_3A_prokka|PROKKA_01132
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01133
Name: ER03298_3A_prokka|PROKKA_01133
Description: ER03298_3A_prokka|PROKKA_01133
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01151
Name: ER03298_3A_prokka|PROKKA_01151
Description: ER03298_3A_prokka|PROKKA_01151
Number of features: 0
Seq('MNHTIVDSADFQLQANDLISIQGFGRAHITDLGGKTKKDKTHITYRTLFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01269
Name: ER03298_3A_prokka|PROKKA_01269
Description: ER03298_3A_prokka|PROKKA_01269
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01273
Name: ER03298_3A_prokka|PROKKA_01273
Description: ER03298_3A_prokka|PROKKA_01273
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01298
Name: ER03298_3A_prokka|PROKKA_01298
Description: ER03298_3A_prokka|PROKKA_01298
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01394
Name: ER03298_3A_prokka|PROKKA_01394
Description: ER03298_3A_prokka|PROKKA_01394
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01406
Name: ER03298_3A_prokka|PROKKA_01406
Description: ER03298_3A_prokka|PROKKA_01406
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01455
Name: ER03298_3A_prokka|PROKKA_01455
Description: ER03298_3A_prokka|PROKKA_01455
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01463
Name: ER03298_3A_prokka|PROKKA_01463
Description: ER03298_3A_prokka|PROKKA_01463
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01483
Name: ER03298_3A_prokka|PROKKA_01483
Description: ER03298_3A_prokka|PROKKA_01483
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01511
Name: ER03298_3A_prokka|PROKKA_01511
Description: ER03298_3A_prokka|PROKKA_01511
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01538
Name: ER03298_3A_prokka|PROKKA_01538
Description: ER03298_3A_prokka|PROKKA_01538
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01575
Name: ER03298_3A_prokka|PROKKA_01575
Description: ER03298_3A_prokka|PROKKA_01575
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01646
Name: ER03298_3A_prokka|PROKKA_01646
Description: ER03298_3A_prokka|PROKKA_01646
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01811
Name: ER03298_3A_prokka|PROKKA_01811
Description: ER03298_3A_prokka|PROKKA_01811
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01818
Name: ER03298_3A_prokka|PROKKA_01818
Description: ER03298_3A_prokka|PROKKA_01818
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01837
Name: ER03298_3A_prokka|PROKKA_01837
Description: ER03298_3A_prokka|PROKKA_01837
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01872
Name: ER03298_3A_prokka|PROKKA_01872
Description: ER03298_3A_prokka|PROKKA_01872
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01924
Name: ER03298_3A_prokka|PROKKA_01924
Description: ER03298_3A_prokka|PROKKA_01924
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_01996
Name: ER03298_3A_prokka|PROKKA_01996
Description: ER03298_3A_prokka|PROKKA_01996
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_02000
Name: ER03298_3A_prokka|PROKKA_02000
Description: ER03298_3A_prokka|PROKKA_02000
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_02016
Name: ER03298_3A_prokka|PROKKA_02016
Description: ER03298_3A_prokka|PROKKA_02016
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_02036
Name: ER03298_3A_prokka|PROKKA_02036
Description: ER03298_3A_prokka|PROKKA_02036
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_02066
Name: ER03298_3A_prokka|PROKKA_02066
Description: ER03298_3A_prokka|PROKKA_02066
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_02068
Name: ER03298_3A_prokka|PROKKA_02068
Description: ER03298_3A_prokka|PROKKA_02068
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_02118
Name: ER03298_3A_prokka|PROKKA_02118
Description: ER03298_3A_prokka|PROKKA_02118
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_02239
Name: ER03298_3A_prokka|PROKKA_02239
Description: ER03298_3A_prokka|PROKKA_02239
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_02263
Name: ER03298_3A_prokka|PROKKA_02263
Description: ER03298_3A_prokka|PROKKA_02263
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_02294
Name: ER03298_3A_prokka|PROKKA_02294
Description: ER03298_3A_prokka|PROKKA_02294
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_02450
Name: ER03298_3A_prokka|PROKKA_02450
Description: ER03298_3A_prokka|PROKKA_02450
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_02659
Name: ER03298_3A_prokka|PROKKA_02659
Description: ER03298_3A_prokka|PROKKA_02659
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03298_3A_prokka|PROKKA_02746
Name: ER03298_3A_prokka|PROKKA_02746
Description: ER03298_3A_prokka|PROKKA_02746
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00073
Name: ER03321_3A_prokka|PROKKA_00073
Description: ER03321_3A_prokka|PROKKA_00073
Number of features: 0
Seq('MHFLKEGDLTIYFYIWNKKEYLTSDLFDLTESEKQEINHQVIDEIEEEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00074
Name: ER03321_3A_prokka|PROKKA_00074
Description: ER03321_3A_prokka|PROKKA_00074
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00081
Name: ER03321_3A_prokka|PROKKA_00081
Description: ER03321_3A_prokka|PROKKA_00081
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00090
Name: ER03321_3A_prokka|PROKKA_00090
Description: ER03321_3A_prokka|PROKKA_00090
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00112
Name: ER03321_3A_prokka|PROKKA_00112
Description: ER03321_3A_prokka|PROKKA_00112
Number of features: 0
Seq('MKKCIKTLFLSIILVVMGGWYHSAHASDSLSKSPENWMSKLDESKHLTEINMPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00266
Name: ER03321_3A_prokka|PROKKA_00266
Description: ER03321_3A_prokka|PROKKA_00266
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00391
Name: ER03321_3A_prokka|PROKKA_00391
Description: ER03321_3A_prokka|PROKKA_00391
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00408
Name: ER03321_3A_prokka|PROKKA_00408
Description: ER03321_3A_prokka|PROKKA_00408
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00575
Name: ER03321_3A_prokka|PROKKA_00575
Description: ER03321_3A_prokka|PROKKA_00575
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00693
Name: ER03321_3A_prokka|PROKKA_00693
Description: ER03321_3A_prokka|PROKKA_00693
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00805
Name: ER03321_3A_prokka|PROKKA_00805
Description: ER03321_3A_prokka|PROKKA_00805
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00831
Name: ER03321_3A_prokka|PROKKA_00831
Description: ER03321_3A_prokka|PROKKA_00831
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00936
Name: ER03321_3A_prokka|PROKKA_00936
Description: ER03321_3A_prokka|PROKKA_00936
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_00976
Name: ER03321_3A_prokka|PROKKA_00976
Description: ER03321_3A_prokka|PROKKA_00976
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01059
Name: ER03321_3A_prokka|PROKKA_01059
Description: ER03321_3A_prokka|PROKKA_01059
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01071
Name: ER03321_3A_prokka|PROKKA_01071
Description: ER03321_3A_prokka|PROKKA_01071
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01072
Name: ER03321_3A_prokka|PROKKA_01072
Description: ER03321_3A_prokka|PROKKA_01072
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01207
Name: ER03321_3A_prokka|PROKKA_01207
Description: ER03321_3A_prokka|PROKKA_01207
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01211
Name: ER03321_3A_prokka|PROKKA_01211
Description: ER03321_3A_prokka|PROKKA_01211
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01235
Name: ER03321_3A_prokka|PROKKA_01235
Description: ER03321_3A_prokka|PROKKA_01235
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01329
Name: ER03321_3A_prokka|PROKKA_01329
Description: ER03321_3A_prokka|PROKKA_01329
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01341
Name: ER03321_3A_prokka|PROKKA_01341
Description: ER03321_3A_prokka|PROKKA_01341
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01408
Name: ER03321_3A_prokka|PROKKA_01408
Description: ER03321_3A_prokka|PROKKA_01408
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01411
Name: ER03321_3A_prokka|PROKKA_01411
Description: ER03321_3A_prokka|PROKKA_01411
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01446
Name: ER03321_3A_prokka|PROKKA_01446
Description: ER03321_3A_prokka|PROKKA_01446
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01518
Name: ER03321_3A_prokka|PROKKA_01518
Description: ER03321_3A_prokka|PROKKA_01518
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01681
Name: ER03321_3A_prokka|PROKKA_01681
Description: ER03321_3A_prokka|PROKKA_01681
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01696
Name: ER03321_3A_prokka|PROKKA_01696
Description: ER03321_3A_prokka|PROKKA_01696
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01738
Name: ER03321_3A_prokka|PROKKA_01738
Description: ER03321_3A_prokka|PROKKA_01738
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01790
Name: ER03321_3A_prokka|PROKKA_01790
Description: ER03321_3A_prokka|PROKKA_01790
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01792
Name: ER03321_3A_prokka|PROKKA_01792
Description: ER03321_3A_prokka|PROKKA_01792
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01793
Name: ER03321_3A_prokka|PROKKA_01793
Description: ER03321_3A_prokka|PROKKA_01793
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01823
Name: ER03321_3A_prokka|PROKKA_01823
Description: ER03321_3A_prokka|PROKKA_01823
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01830
Name: ER03321_3A_prokka|PROKKA_01830
Description: ER03321_3A_prokka|PROKKA_01830
Number of features: 0
Seq('MTVTLSDEQYKNLCTKLNKLLGKLHKALKQRDEYKKQRDELIGDIAEVKRT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01840
Name: ER03321_3A_prokka|PROKKA_01840
Description: ER03321_3A_prokka|PROKKA_01840
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01859
Name: ER03321_3A_prokka|PROKKA_01859
Description: ER03321_3A_prokka|PROKKA_01859
Number of features: 0
Seq('MRKYNFDKFFLYMAVLSLPIVIFFPLMLSIPIIFFIFSIRKKED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01937
Name: ER03321_3A_prokka|PROKKA_01937
Description: ER03321_3A_prokka|PROKKA_01937
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01941
Name: ER03321_3A_prokka|PROKKA_01941
Description: ER03321_3A_prokka|PROKKA_01941
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01957
Name: ER03321_3A_prokka|PROKKA_01957
Description: ER03321_3A_prokka|PROKKA_01957
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_01975
Name: ER03321_3A_prokka|PROKKA_01975
Description: ER03321_3A_prokka|PROKKA_01975
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02001
Name: ER03321_3A_prokka|PROKKA_02001
Description: ER03321_3A_prokka|PROKKA_02001
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02003
Name: ER03321_3A_prokka|PROKKA_02003
Description: ER03321_3A_prokka|PROKKA_02003
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02053
Name: ER03321_3A_prokka|PROKKA_02053
Description: ER03321_3A_prokka|PROKKA_02053
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02178
Name: ER03321_3A_prokka|PROKKA_02178
Description: ER03321_3A_prokka|PROKKA_02178
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02206
Name: ER03321_3A_prokka|PROKKA_02206
Description: ER03321_3A_prokka|PROKKA_02206
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02237
Name: ER03321_3A_prokka|PROKKA_02237
Description: ER03321_3A_prokka|PROKKA_02237
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02390
Name: ER03321_3A_prokka|PROKKA_02390
Description: ER03321_3A_prokka|PROKKA_02390
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02454
Name: ER03321_3A_prokka|PROKKA_02454
Description: ER03321_3A_prokka|PROKKA_02454
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02565
Name: ER03321_3A_prokka|PROKKA_02565
Description: ER03321_3A_prokka|PROKKA_02565
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02603
Name: ER03321_3A_prokka|PROKKA_02603
Description: ER03321_3A_prokka|PROKKA_02603
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02682
Name: ER03321_3A_prokka|PROKKA_02682
Description: ER03321_3A_prokka|PROKKA_02682
Number of features: 0
Seq('MIFSQNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEHRTLIYVPA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02688
Name: ER03321_3A_prokka|PROKKA_02688
Description: ER03321_3A_prokka|PROKKA_02688
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02695
Name: ER03321_3A_prokka|PROKKA_02695
Description: ER03321_3A_prokka|PROKKA_02695
Number of features: 0
Seq('MKTGPLKCPKCNQDLYIKKVRYPISDIETLC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02699
Name: ER03321_3A_prokka|PROKKA_02699
Description: ER03321_3A_prokka|PROKKA_02699
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02703
Name: ER03321_3A_prokka|PROKKA_02703
Description: ER03321_3A_prokka|PROKKA_02703
Number of features: 0
Seq('MQYNTTRYIDENQDNKTLKDMMKNGKQRPWREKKVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02708
Name: ER03321_3A_prokka|PROKKA_02708
Description: ER03321_3A_prokka|PROKKA_02708
Number of features: 0
Seq('MNYFRYKQFDKDVITVAVGYYLRYALSYRDISEILRERGIYVHHSTIYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03321_3A_prokka|PROKKA_02709
Name: ER03321_3A_prokka|PROKKA_02709
Description: ER03321_3A_prokka|PROKKA_02709
Number of features: 0
Seq('MQDNHTKYIDGNQDNETLKDVTKSGKQRPWREKKIDNLRFCCKVRNIV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00033
Name: ER03364_3A_prokka|PROKKA_00033
Description: ER03364_3A_prokka|PROKKA_00033
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00039
Name: ER03364_3A_prokka|PROKKA_00039
Description: ER03364_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00043
Name: ER03364_3A_prokka|PROKKA_00043
Description: ER03364_3A_prokka|PROKKA_00043
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDMSEILRERGVNVHHLTV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00052
Name: ER03364_3A_prokka|PROKKA_00052
Description: ER03364_3A_prokka|PROKKA_00052
Number of features: 0
Seq('MNWIKVAQLSVTVINEVIEIMKEKQNGEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00058
Name: ER03364_3A_prokka|PROKKA_00058
Description: ER03364_3A_prokka|PROKKA_00058
Number of features: 0
Seq('MKFREAFENFITSKYVLGVLVVLTVYQIIQMLK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00069
Name: ER03364_3A_prokka|PROKKA_00069
Description: ER03364_3A_prokka|PROKKA_00069
Number of features: 0
Seq('MKMLFFLYFFFLKLYNHFLTQPLIGDQMIVTQEQLKDIMK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00127
Name: ER03364_3A_prokka|PROKKA_00127
Description: ER03364_3A_prokka|PROKKA_00127
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00224
Name: ER03364_3A_prokka|PROKKA_00224
Description: ER03364_3A_prokka|PROKKA_00224
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00362
Name: ER03364_3A_prokka|PROKKA_00362
Description: ER03364_3A_prokka|PROKKA_00362
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAQMMTLAKLISHF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00380
Name: ER03364_3A_prokka|PROKKA_00380
Description: ER03364_3A_prokka|PROKKA_00380
Number of features: 0
Seq('MKLYLVYVTLTSFLTILLLAISNMYVAFSVYGMMATYGFNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00393
Name: ER03364_3A_prokka|PROKKA_00393
Description: ER03364_3A_prokka|PROKKA_00393
Number of features: 0
Seq('MNIYKEIKEKNNKVKLYNDIKFKLIIIPNEEKKRKCHTIFVILR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00407
Name: ER03364_3A_prokka|PROKKA_00407
Description: ER03364_3A_prokka|PROKKA_00407
Number of features: 0
Seq('MVSEEKGSITLSKEAAIIFATAKFKPFHNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00572
Name: ER03364_3A_prokka|PROKKA_00572
Description: ER03364_3A_prokka|PROKKA_00572
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00801
Name: ER03364_3A_prokka|PROKKA_00801
Description: ER03364_3A_prokka|PROKKA_00801
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00827
Name: ER03364_3A_prokka|PROKKA_00827
Description: ER03364_3A_prokka|PROKKA_00827
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00936
Name: ER03364_3A_prokka|PROKKA_00936
Description: ER03364_3A_prokka|PROKKA_00936
Number of features: 0
Seq('MRQFIKRIVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_00975
Name: ER03364_3A_prokka|PROKKA_00975
Description: ER03364_3A_prokka|PROKKA_00975
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01055
Name: ER03364_3A_prokka|PROKKA_01055
Description: ER03364_3A_prokka|PROKKA_01055
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01069
Name: ER03364_3A_prokka|PROKKA_01069
Description: ER03364_3A_prokka|PROKKA_01069
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01070
Name: ER03364_3A_prokka|PROKKA_01070
Description: ER03364_3A_prokka|PROKKA_01070
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01205
Name: ER03364_3A_prokka|PROKKA_01205
Description: ER03364_3A_prokka|PROKKA_01205
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01209
Name: ER03364_3A_prokka|PROKKA_01209
Description: ER03364_3A_prokka|PROKKA_01209
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01212
Name: ER03364_3A_prokka|PROKKA_01212
Description: ER03364_3A_prokka|PROKKA_01212
Number of features: 0
Seq('MYFAQLDGEITNKQSQELLDKEYKKAIELENKNKEQKLEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01215
Name: ER03364_3A_prokka|PROKKA_01215
Description: ER03364_3A_prokka|PROKKA_01215
Number of features: 0
Seq('MSIQQLDGYISIEDFFKHMDELSKKEELEKEINQSKSKYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01237
Name: ER03364_3A_prokka|PROKKA_01237
Description: ER03364_3A_prokka|PROKKA_01237
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01348
Name: ER03364_3A_prokka|PROKKA_01348
Description: ER03364_3A_prokka|PROKKA_01348
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01413
Name: ER03364_3A_prokka|PROKKA_01413
Description: ER03364_3A_prokka|PROKKA_01413
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01450
Name: ER03364_3A_prokka|PROKKA_01450
Description: ER03364_3A_prokka|PROKKA_01450
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01521
Name: ER03364_3A_prokka|PROKKA_01521
Description: ER03364_3A_prokka|PROKKA_01521
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKEKEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01707
Name: ER03364_3A_prokka|PROKKA_01707
Description: ER03364_3A_prokka|PROKKA_01707
Number of features: 0
Seq('MAKLDLNSLDDEHVKFLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01748
Name: ER03364_3A_prokka|PROKKA_01748
Description: ER03364_3A_prokka|PROKKA_01748
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01799
Name: ER03364_3A_prokka|PROKKA_01799
Description: ER03364_3A_prokka|PROKKA_01799
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01878
Name: ER03364_3A_prokka|PROKKA_01878
Description: ER03364_3A_prokka|PROKKA_01878
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01882
Name: ER03364_3A_prokka|PROKKA_01882
Description: ER03364_3A_prokka|PROKKA_01882
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01898
Name: ER03364_3A_prokka|PROKKA_01898
Description: ER03364_3A_prokka|PROKKA_01898
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01919
Name: ER03364_3A_prokka|PROKKA_01919
Description: ER03364_3A_prokka|PROKKA_01919
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01927
Name: ER03364_3A_prokka|PROKKA_01927
Description: ER03364_3A_prokka|PROKKA_01927
Number of features: 0
Seq('MKITNCKIKRETVIYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01943
Name: ER03364_3A_prokka|PROKKA_01943
Description: ER03364_3A_prokka|PROKKA_01943
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01945
Name: ER03364_3A_prokka|PROKKA_01945
Description: ER03364_3A_prokka|PROKKA_01945
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_01996
Name: ER03364_3A_prokka|PROKKA_01996
Description: ER03364_3A_prokka|PROKKA_01996
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_02110
Name: ER03364_3A_prokka|PROKKA_02110
Description: ER03364_3A_prokka|PROKKA_02110
Number of features: 0
Seq('MTYIHFSIIILITGIITHMTMYFVPFECRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_02129
Name: ER03364_3A_prokka|PROKKA_02129
Description: ER03364_3A_prokka|PROKKA_02129
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_02160
Name: ER03364_3A_prokka|PROKKA_02160
Description: ER03364_3A_prokka|PROKKA_02160
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_02312
Name: ER03364_3A_prokka|PROKKA_02312
Description: ER03364_3A_prokka|PROKKA_02312
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_02376
Name: ER03364_3A_prokka|PROKKA_02376
Description: ER03364_3A_prokka|PROKKA_02376
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_02458
Name: ER03364_3A_prokka|PROKKA_02458
Description: ER03364_3A_prokka|PROKKA_02458
Number of features: 0
Seq('MKIAVIGAGVTGLAAAARIASQGHEVTIFEKIIM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_02522
Name: ER03364_3A_prokka|PROKKA_02522
Description: ER03364_3A_prokka|PROKKA_02522
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_02582
Name: ER03364_3A_prokka|PROKKA_02582
Description: ER03364_3A_prokka|PROKKA_02582
Number of features: 0
Seq('MAIYIFCTILVLVAVGALLTNRIRDKKDKRLDILSSVLLLISSISLLLYGVIIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_02600
Name: ER03364_3A_prokka|PROKKA_02600
Description: ER03364_3A_prokka|PROKKA_02600
Number of features: 0
Seq('MIFSQNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEHRTLIYVPA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03364_3A_prokka|PROKKA_02606
Name: ER03364_3A_prokka|PROKKA_02606
Description: ER03364_3A_prokka|PROKKA_02606
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00029
Name: ER03442_3A_prokka|PROKKA_00029
Description: ER03442_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00038
Name: ER03442_3A_prokka|PROKKA_00038
Description: ER03442_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00059
Name: ER03442_3A_prokka|PROKKA_00059
Description: ER03442_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00149
Name: ER03442_3A_prokka|PROKKA_00149
Description: ER03442_3A_prokka|PROKKA_00149
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00247
Name: ER03442_3A_prokka|PROKKA_00247
Description: ER03442_3A_prokka|PROKKA_00247
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00299
Name: ER03442_3A_prokka|PROKKA_00299
Description: ER03442_3A_prokka|PROKKA_00299
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00397
Name: ER03442_3A_prokka|PROKKA_00397
Description: ER03442_3A_prokka|PROKKA_00397
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00435
Name: ER03442_3A_prokka|PROKKA_00435
Description: ER03442_3A_prokka|PROKKA_00435
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00565
Name: ER03442_3A_prokka|PROKKA_00565
Description: ER03442_3A_prokka|PROKKA_00565
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00601
Name: ER03442_3A_prokka|PROKKA_00601
Description: ER03442_3A_prokka|PROKKA_00601
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00819
Name: ER03442_3A_prokka|PROKKA_00819
Description: ER03442_3A_prokka|PROKKA_00819
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00863
Name: ER03442_3A_prokka|PROKKA_00863
Description: ER03442_3A_prokka|PROKKA_00863
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_00971
Name: ER03442_3A_prokka|PROKKA_00971
Description: ER03442_3A_prokka|PROKKA_00971
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01010
Name: ER03442_3A_prokka|PROKKA_01010
Description: ER03442_3A_prokka|PROKKA_01010
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01090
Name: ER03442_3A_prokka|PROKKA_01090
Description: ER03442_3A_prokka|PROKKA_01090
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01103
Name: ER03442_3A_prokka|PROKKA_01103
Description: ER03442_3A_prokka|PROKKA_01103
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01104
Name: ER03442_3A_prokka|PROKKA_01104
Description: ER03442_3A_prokka|PROKKA_01104
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01239
Name: ER03442_3A_prokka|PROKKA_01239
Description: ER03442_3A_prokka|PROKKA_01239
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01243
Name: ER03442_3A_prokka|PROKKA_01243
Description: ER03442_3A_prokka|PROKKA_01243
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01247
Name: ER03442_3A_prokka|PROKKA_01247
Description: ER03442_3A_prokka|PROKKA_01247
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01249
Name: ER03442_3A_prokka|PROKKA_01249
Description: ER03442_3A_prokka|PROKKA_01249
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01273
Name: ER03442_3A_prokka|PROKKA_01273
Description: ER03442_3A_prokka|PROKKA_01273
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01368
Name: ER03442_3A_prokka|PROKKA_01368
Description: ER03442_3A_prokka|PROKKA_01368
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01380
Name: ER03442_3A_prokka|PROKKA_01380
Description: ER03442_3A_prokka|PROKKA_01380
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01430
Name: ER03442_3A_prokka|PROKKA_01430
Description: ER03442_3A_prokka|PROKKA_01430
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01438
Name: ER03442_3A_prokka|PROKKA_01438
Description: ER03442_3A_prokka|PROKKA_01438
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01458
Name: ER03442_3A_prokka|PROKKA_01458
Description: ER03442_3A_prokka|PROKKA_01458
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01486
Name: ER03442_3A_prokka|PROKKA_01486
Description: ER03442_3A_prokka|PROKKA_01486
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01513
Name: ER03442_3A_prokka|PROKKA_01513
Description: ER03442_3A_prokka|PROKKA_01513
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01550
Name: ER03442_3A_prokka|PROKKA_01550
Description: ER03442_3A_prokka|PROKKA_01550
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01621
Name: ER03442_3A_prokka|PROKKA_01621
Description: ER03442_3A_prokka|PROKKA_01621
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01786
Name: ER03442_3A_prokka|PROKKA_01786
Description: ER03442_3A_prokka|PROKKA_01786
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01793
Name: ER03442_3A_prokka|PROKKA_01793
Description: ER03442_3A_prokka|PROKKA_01793
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01810
Name: ER03442_3A_prokka|PROKKA_01810
Description: ER03442_3A_prokka|PROKKA_01810
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01845
Name: ER03442_3A_prokka|PROKKA_01845
Description: ER03442_3A_prokka|PROKKA_01845
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01897
Name: ER03442_3A_prokka|PROKKA_01897
Description: ER03442_3A_prokka|PROKKA_01897
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01969
Name: ER03442_3A_prokka|PROKKA_01969
Description: ER03442_3A_prokka|PROKKA_01969
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01973
Name: ER03442_3A_prokka|PROKKA_01973
Description: ER03442_3A_prokka|PROKKA_01973
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_01989
Name: ER03442_3A_prokka|PROKKA_01989
Description: ER03442_3A_prokka|PROKKA_01989
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_02009
Name: ER03442_3A_prokka|PROKKA_02009
Description: ER03442_3A_prokka|PROKKA_02009
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_02039
Name: ER03442_3A_prokka|PROKKA_02039
Description: ER03442_3A_prokka|PROKKA_02039
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_02041
Name: ER03442_3A_prokka|PROKKA_02041
Description: ER03442_3A_prokka|PROKKA_02041
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_02090
Name: ER03442_3A_prokka|PROKKA_02090
Description: ER03442_3A_prokka|PROKKA_02090
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_02210
Name: ER03442_3A_prokka|PROKKA_02210
Description: ER03442_3A_prokka|PROKKA_02210
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_02234
Name: ER03442_3A_prokka|PROKKA_02234
Description: ER03442_3A_prokka|PROKKA_02234
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_02265
Name: ER03442_3A_prokka|PROKKA_02265
Description: ER03442_3A_prokka|PROKKA_02265
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_02280
Name: ER03442_3A_prokka|PROKKA_02280
Description: ER03442_3A_prokka|PROKKA_02280
Number of features: 0
Seq('MVVEKRNPIPVKEAIQRIVNQQSSMPAITVALEKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_02361
Name: ER03442_3A_prokka|PROKKA_02361
Description: ER03442_3A_prokka|PROKKA_02361
Number of features: 0
Seq('MMISSPQIIDAEKHGDKITATVRLINENGKQVDKEYELEQGSQDRLQLIKTSEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_02422
Name: ER03442_3A_prokka|PROKKA_02422
Description: ER03442_3A_prokka|PROKKA_02422
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_02631
Name: ER03442_3A_prokka|PROKKA_02631
Description: ER03442_3A_prokka|PROKKA_02631
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03442_3A_prokka|PROKKA_02718
Name: ER03442_3A_prokka|PROKKA_02718
Description: ER03442_3A_prokka|PROKKA_02718
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00030
Name: ER03444_3A_prokka|PROKKA_00030
Description: ER03444_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00031
Name: ER03444_3A_prokka|PROKKA_00031
Description: ER03444_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00040
Name: ER03444_3A_prokka|PROKKA_00040
Description: ER03444_3A_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00054
Name: ER03444_3A_prokka|PROKKA_00054
Description: ER03444_3A_prokka|PROKKA_00054
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00057
Name: ER03444_3A_prokka|PROKKA_00057
Description: ER03444_3A_prokka|PROKKA_00057
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00223
Name: ER03444_3A_prokka|PROKKA_00223
Description: ER03444_3A_prokka|PROKKA_00223
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00297
Name: ER03444_3A_prokka|PROKKA_00297
Description: ER03444_3A_prokka|PROKKA_00297
Number of features: 0
Seq('MNLKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKGELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00302
Name: ER03444_3A_prokka|PROKKA_00302
Description: ER03444_3A_prokka|PROKKA_00302
Number of features: 0
Seq('MKEFNEKLQELLERDQNDMIEPIEWSQENEEVSNDETIITTKFKYKVPTPNKRKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00306
Name: ER03444_3A_prokka|PROKKA_00306
Description: ER03444_3A_prokka|PROKKA_00306
Number of features: 0
Seq('MFKILNDIKTSLKNHPWGWKEHLPYLLMLTLSLVALIFGVLSAIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00311
Name: ER03444_3A_prokka|PROKKA_00311
Description: ER03444_3A_prokka|PROKKA_00311
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00328
Name: ER03444_3A_prokka|PROKKA_00328
Description: ER03444_3A_prokka|PROKKA_00328
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00345
Name: ER03444_3A_prokka|PROKKA_00345
Description: ER03444_3A_prokka|PROKKA_00345
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00349
Name: ER03444_3A_prokka|PROKKA_00349
Description: ER03444_3A_prokka|PROKKA_00349
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00381
Name: ER03444_3A_prokka|PROKKA_00381
Description: ER03444_3A_prokka|PROKKA_00381
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00387
Name: ER03444_3A_prokka|PROKKA_00387
Description: ER03444_3A_prokka|PROKKA_00387
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00431
Name: ER03444_3A_prokka|PROKKA_00431
Description: ER03444_3A_prokka|PROKKA_00431
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00449
Name: ER03444_3A_prokka|PROKKA_00449
Description: ER03444_3A_prokka|PROKKA_00449
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00616
Name: ER03444_3A_prokka|PROKKA_00616
Description: ER03444_3A_prokka|PROKKA_00616
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00862
Name: ER03444_3A_prokka|PROKKA_00862
Description: ER03444_3A_prokka|PROKKA_00862
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00880
Name: ER03444_3A_prokka|PROKKA_00880
Description: ER03444_3A_prokka|PROKKA_00880
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00896
Name: ER03444_3A_prokka|PROKKA_00896
Description: ER03444_3A_prokka|PROKKA_00896
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00900
Name: ER03444_3A_prokka|PROKKA_00900
Description: ER03444_3A_prokka|PROKKA_00900
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_00976
Name: ER03444_3A_prokka|PROKKA_00976
Description: ER03444_3A_prokka|PROKKA_00976
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01028
Name: ER03444_3A_prokka|PROKKA_01028
Description: ER03444_3A_prokka|PROKKA_01028
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01070
Name: ER03444_3A_prokka|PROKKA_01070
Description: ER03444_3A_prokka|PROKKA_01070
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01085
Name: ER03444_3A_prokka|PROKKA_01085
Description: ER03444_3A_prokka|PROKKA_01085
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01248
Name: ER03444_3A_prokka|PROKKA_01248
Description: ER03444_3A_prokka|PROKKA_01248
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01321
Name: ER03444_3A_prokka|PROKKA_01321
Description: ER03444_3A_prokka|PROKKA_01321
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01356
Name: ER03444_3A_prokka|PROKKA_01356
Description: ER03444_3A_prokka|PROKKA_01356
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01359
Name: ER03444_3A_prokka|PROKKA_01359
Description: ER03444_3A_prokka|PROKKA_01359
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01426
Name: ER03444_3A_prokka|PROKKA_01426
Description: ER03444_3A_prokka|PROKKA_01426
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01438
Name: ER03444_3A_prokka|PROKKA_01438
Description: ER03444_3A_prokka|PROKKA_01438
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01534
Name: ER03444_3A_prokka|PROKKA_01534
Description: ER03444_3A_prokka|PROKKA_01534
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01558
Name: ER03444_3A_prokka|PROKKA_01558
Description: ER03444_3A_prokka|PROKKA_01558
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01562
Name: ER03444_3A_prokka|PROKKA_01562
Description: ER03444_3A_prokka|PROKKA_01562
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01697
Name: ER03444_3A_prokka|PROKKA_01697
Description: ER03444_3A_prokka|PROKKA_01697
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01698
Name: ER03444_3A_prokka|PROKKA_01698
Description: ER03444_3A_prokka|PROKKA_01698
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01710
Name: ER03444_3A_prokka|PROKKA_01710
Description: ER03444_3A_prokka|PROKKA_01710
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01745
Name: ER03444_3A_prokka|PROKKA_01745
Description: ER03444_3A_prokka|PROKKA_01745
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01746
Name: ER03444_3A_prokka|PROKKA_01746
Description: ER03444_3A_prokka|PROKKA_01746
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01775
Name: ER03444_3A_prokka|PROKKA_01775
Description: ER03444_3A_prokka|PROKKA_01775
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01791
Name: ER03444_3A_prokka|PROKKA_01791
Description: ER03444_3A_prokka|PROKKA_01791
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01795
Name: ER03444_3A_prokka|PROKKA_01795
Description: ER03444_3A_prokka|PROKKA_01795
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRNAMHAVKVEKILKSPFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01801
Name: ER03444_3A_prokka|PROKKA_01801
Description: ER03444_3A_prokka|PROKKA_01801
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFMYYKECFFKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01802
Name: ER03444_3A_prokka|PROKKA_01802
Description: ER03444_3A_prokka|PROKKA_01802
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01808
Name: ER03444_3A_prokka|PROKKA_01808
Description: ER03444_3A_prokka|PROKKA_01808
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01862
Name: ER03444_3A_prokka|PROKKA_01862
Description: ER03444_3A_prokka|PROKKA_01862
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01880
Name: ER03444_3A_prokka|PROKKA_01880
Description: ER03444_3A_prokka|PROKKA_01880
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_01903
Name: ER03444_3A_prokka|PROKKA_01903
Description: ER03444_3A_prokka|PROKKA_01903
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02011
Name: ER03444_3A_prokka|PROKKA_02011
Description: ER03444_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02038
Name: ER03444_3A_prokka|PROKKA_02038
Description: ER03444_3A_prokka|PROKKA_02038
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02084
Name: ER03444_3A_prokka|PROKKA_02084
Description: ER03444_3A_prokka|PROKKA_02084
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02095
Name: ER03444_3A_prokka|PROKKA_02095
Description: ER03444_3A_prokka|PROKKA_02095
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02097
Name: ER03444_3A_prokka|PROKKA_02097
Description: ER03444_3A_prokka|PROKKA_02097
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02147
Name: ER03444_3A_prokka|PROKKA_02147
Description: ER03444_3A_prokka|PROKKA_02147
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02198
Name: ER03444_3A_prokka|PROKKA_02198
Description: ER03444_3A_prokka|PROKKA_02198
Number of features: 0
Seq('MRMIDIIEKKRDGHTLTTEEINFFIDGYVKGIFLITKHQV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02275
Name: ER03444_3A_prokka|PROKKA_02275
Description: ER03444_3A_prokka|PROKKA_02275
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02289
Name: ER03444_3A_prokka|PROKKA_02289
Description: ER03444_3A_prokka|PROKKA_02289
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02320
Name: ER03444_3A_prokka|PROKKA_02320
Description: ER03444_3A_prokka|PROKKA_02320
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02474
Name: ER03444_3A_prokka|PROKKA_02474
Description: ER03444_3A_prokka|PROKKA_02474
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02519
Name: ER03444_3A_prokka|PROKKA_02519
Description: ER03444_3A_prokka|PROKKA_02519
Number of features: 0
Seq('MAIHGSGTEMIFSKNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02539
Name: ER03444_3A_prokka|PROKKA_02539
Description: ER03444_3A_prokka|PROKKA_02539
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02656
Name: ER03444_3A_prokka|PROKKA_02656
Description: ER03444_3A_prokka|PROKKA_02656
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02669
Name: ER03444_3A_prokka|PROKKA_02669
Description: ER03444_3A_prokka|PROKKA_02669
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02671
Name: ER03444_3A_prokka|PROKKA_02671
Description: ER03444_3A_prokka|PROKKA_02671
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02674
Name: ER03444_3A_prokka|PROKKA_02674
Description: ER03444_3A_prokka|PROKKA_02674
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02681
Name: ER03444_3A_prokka|PROKKA_02681
Description: ER03444_3A_prokka|PROKKA_02681
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02719
Name: ER03444_3A_prokka|PROKKA_02719
Description: ER03444_3A_prokka|PROKKA_02719
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03444_3A_prokka|PROKKA_02803
Name: ER03444_3A_prokka|PROKKA_02803
Description: ER03444_3A_prokka|PROKKA_02803
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00002
Name: ER03448_3A_prokka|PROKKA_00002
Description: ER03448_3A_prokka|PROKKA_00002
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00098
Name: ER03448_3A_prokka|PROKKA_00098
Description: ER03448_3A_prokka|PROKKA_00098
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00122
Name: ER03448_3A_prokka|PROKKA_00122
Description: ER03448_3A_prokka|PROKKA_00122
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00124
Name: ER03448_3A_prokka|PROKKA_00124
Description: ER03448_3A_prokka|PROKKA_00124
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00128
Name: ER03448_3A_prokka|PROKKA_00128
Description: ER03448_3A_prokka|PROKKA_00128
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00132
Name: ER03448_3A_prokka|PROKKA_00132
Description: ER03448_3A_prokka|PROKKA_00132
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00269
Name: ER03448_3A_prokka|PROKKA_00269
Description: ER03448_3A_prokka|PROKKA_00269
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00270
Name: ER03448_3A_prokka|PROKKA_00270
Description: ER03448_3A_prokka|PROKKA_00270
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00363
Name: ER03448_3A_prokka|PROKKA_00363
Description: ER03448_3A_prokka|PROKKA_00363
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00364
Name: ER03448_3A_prokka|PROKKA_00364
Description: ER03448_3A_prokka|PROKKA_00364
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00403
Name: ER03448_3A_prokka|PROKKA_00403
Description: ER03448_3A_prokka|PROKKA_00403
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00511
Name: ER03448_3A_prokka|PROKKA_00511
Description: ER03448_3A_prokka|PROKKA_00511
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00555
Name: ER03448_3A_prokka|PROKKA_00555
Description: ER03448_3A_prokka|PROKKA_00555
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00666
Name: ER03448_3A_prokka|PROKKA_00666
Description: ER03448_3A_prokka|PROKKA_00666
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00774
Name: ER03448_3A_prokka|PROKKA_00774
Description: ER03448_3A_prokka|PROKKA_00774
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00810
Name: ER03448_3A_prokka|PROKKA_00810
Description: ER03448_3A_prokka|PROKKA_00810
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00940
Name: ER03448_3A_prokka|PROKKA_00940
Description: ER03448_3A_prokka|PROKKA_00940
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_00978
Name: ER03448_3A_prokka|PROKKA_00978
Description: ER03448_3A_prokka|PROKKA_00978
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_01077
Name: ER03448_3A_prokka|PROKKA_01077
Description: ER03448_3A_prokka|PROKKA_01077
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_01129
Name: ER03448_3A_prokka|PROKKA_01129
Description: ER03448_3A_prokka|PROKKA_01129
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_01228
Name: ER03448_3A_prokka|PROKKA_01228
Description: ER03448_3A_prokka|PROKKA_01228
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_01317
Name: ER03448_3A_prokka|PROKKA_01317
Description: ER03448_3A_prokka|PROKKA_01317
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_01338
Name: ER03448_3A_prokka|PROKKA_01338
Description: ER03448_3A_prokka|PROKKA_01338
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_01347
Name: ER03448_3A_prokka|PROKKA_01347
Description: ER03448_3A_prokka|PROKKA_01347
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_01376
Name: ER03448_3A_prokka|PROKKA_01376
Description: ER03448_3A_prokka|PROKKA_01376
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_01464
Name: ER03448_3A_prokka|PROKKA_01464
Description: ER03448_3A_prokka|PROKKA_01464
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_01672
Name: ER03448_3A_prokka|PROKKA_01672
Description: ER03448_3A_prokka|PROKKA_01672
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_01828
Name: ER03448_3A_prokka|PROKKA_01828
Description: ER03448_3A_prokka|PROKKA_01828
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_01859
Name: ER03448_3A_prokka|PROKKA_01859
Description: ER03448_3A_prokka|PROKKA_01859
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_01885
Name: ER03448_3A_prokka|PROKKA_01885
Description: ER03448_3A_prokka|PROKKA_01885
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02005
Name: ER03448_3A_prokka|PROKKA_02005
Description: ER03448_3A_prokka|PROKKA_02005
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02053
Name: ER03448_3A_prokka|PROKKA_02053
Description: ER03448_3A_prokka|PROKKA_02053
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02055
Name: ER03448_3A_prokka|PROKKA_02055
Description: ER03448_3A_prokka|PROKKA_02055
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02085
Name: ER03448_3A_prokka|PROKKA_02085
Description: ER03448_3A_prokka|PROKKA_02085
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02105
Name: ER03448_3A_prokka|PROKKA_02105
Description: ER03448_3A_prokka|PROKKA_02105
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02121
Name: ER03448_3A_prokka|PROKKA_02121
Description: ER03448_3A_prokka|PROKKA_02121
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02126
Name: ER03448_3A_prokka|PROKKA_02126
Description: ER03448_3A_prokka|PROKKA_02126
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02201
Name: ER03448_3A_prokka|PROKKA_02201
Description: ER03448_3A_prokka|PROKKA_02201
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKLDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02217
Name: ER03448_3A_prokka|PROKKA_02217
Description: ER03448_3A_prokka|PROKKA_02217
Number of features: 0
Seq('MVTKEFLKTKLECSDIYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02224
Name: ER03448_3A_prokka|PROKKA_02224
Description: ER03448_3A_prokka|PROKKA_02224
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02233
Name: ER03448_3A_prokka|PROKKA_02233
Description: ER03448_3A_prokka|PROKKA_02233
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02263
Name: ER03448_3A_prokka|PROKKA_02263
Description: ER03448_3A_prokka|PROKKA_02263
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02264
Name: ER03448_3A_prokka|PROKKA_02264
Description: ER03448_3A_prokka|PROKKA_02264
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02266
Name: ER03448_3A_prokka|PROKKA_02266
Description: ER03448_3A_prokka|PROKKA_02266
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02319
Name: ER03448_3A_prokka|PROKKA_02319
Description: ER03448_3A_prokka|PROKKA_02319
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02354
Name: ER03448_3A_prokka|PROKKA_02354
Description: ER03448_3A_prokka|PROKKA_02354
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02373
Name: ER03448_3A_prokka|PROKKA_02373
Description: ER03448_3A_prokka|PROKKA_02373
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02380
Name: ER03448_3A_prokka|PROKKA_02380
Description: ER03448_3A_prokka|PROKKA_02380
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02546
Name: ER03448_3A_prokka|PROKKA_02546
Description: ER03448_3A_prokka|PROKKA_02546
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02617
Name: ER03448_3A_prokka|PROKKA_02617
Description: ER03448_3A_prokka|PROKKA_02617
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02654
Name: ER03448_3A_prokka|PROKKA_02654
Description: ER03448_3A_prokka|PROKKA_02654
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02681
Name: ER03448_3A_prokka|PROKKA_02681
Description: ER03448_3A_prokka|PROKKA_02681
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02709
Name: ER03448_3A_prokka|PROKKA_02709
Description: ER03448_3A_prokka|PROKKA_02709
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02729
Name: ER03448_3A_prokka|PROKKA_02729
Description: ER03448_3A_prokka|PROKKA_02729
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02737
Name: ER03448_3A_prokka|PROKKA_02737
Description: ER03448_3A_prokka|PROKKA_02737
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02786
Name: ER03448_3A_prokka|PROKKA_02786
Description: ER03448_3A_prokka|PROKKA_02786
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03448_3A_prokka|PROKKA_02825
Name: ER03448_3A_prokka|PROKKA_02825
Description: ER03448_3A_prokka|PROKKA_02825
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00003
Name: ER03481_3B_prokka|PROKKA_00003
Description: ER03481_3B_prokka|PROKKA_00003
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00018
Name: ER03481_3B_prokka|PROKKA_00018
Description: ER03481_3B_prokka|PROKKA_00018
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00022
Name: ER03481_3B_prokka|PROKKA_00022
Description: ER03481_3B_prokka|PROKKA_00022
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00085
Name: ER03481_3B_prokka|PROKKA_00085
Description: ER03481_3B_prokka|PROKKA_00085
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00103
Name: ER03481_3B_prokka|PROKKA_00103
Description: ER03481_3B_prokka|PROKKA_00103
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00272
Name: ER03481_3B_prokka|PROKKA_00272
Description: ER03481_3B_prokka|PROKKA_00272
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00398
Name: ER03481_3B_prokka|PROKKA_00398
Description: ER03481_3B_prokka|PROKKA_00398
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00415
Name: ER03481_3B_prokka|PROKKA_00415
Description: ER03481_3B_prokka|PROKKA_00415
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00481
Name: ER03481_3B_prokka|PROKKA_00481
Description: ER03481_3B_prokka|PROKKA_00481
Number of features: 0
Seq('MLKENERFDQLIKEDFSIIQNDDVFSFSTDALLLGHFTKPRTKDIVLDLCSGNG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00583
Name: ER03481_3B_prokka|PROKKA_00583
Description: ER03481_3B_prokka|PROKKA_00583
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00652
Name: ER03481_3B_prokka|PROKKA_00652
Description: ER03481_3B_prokka|PROKKA_00652
Number of features: 0
Seq('MPKIILVSHSKEIASGTKSLLKQMAGDVDIIPIGDYQMVQLELHLISSKKF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00701
Name: ER03481_3B_prokka|PROKKA_00701
Description: ER03481_3B_prokka|PROKKA_00701
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00814
Name: ER03481_3B_prokka|PROKKA_00814
Description: ER03481_3B_prokka|PROKKA_00814
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00841
Name: ER03481_3B_prokka|PROKKA_00841
Description: ER03481_3B_prokka|PROKKA_00841
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00946
Name: ER03481_3B_prokka|PROKKA_00946
Description: ER03481_3B_prokka|PROKKA_00946
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00975
Name: ER03481_3B_prokka|PROKKA_00975
Description: ER03481_3B_prokka|PROKKA_00975
Number of features: 0
Seq('MKFAVLVFPGSNCDRDMFNAAIKSGVEAEYVDYRETSLSGFDGVLIPGGFSFGIT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00987
Name: ER03481_3B_prokka|PROKKA_00987
Description: ER03481_3B_prokka|PROKKA_00987
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_00988
Name: ER03481_3B_prokka|PROKKA_00988
Description: ER03481_3B_prokka|PROKKA_00988
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01046
Name: ER03481_3B_prokka|PROKKA_01046
Description: ER03481_3B_prokka|PROKKA_01046
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQALINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01047
Name: ER03481_3B_prokka|PROKKA_01047
Description: ER03481_3B_prokka|PROKKA_01047
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01054
Name: ER03481_3B_prokka|PROKKA_01054
Description: ER03481_3B_prokka|PROKKA_01054
Number of features: 0
Seq('MNRLRVIKIALLIVILAEEIRNVRNYKKAVGKPFSRY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01058
Name: ER03481_3B_prokka|PROKKA_01058
Description: ER03481_3B_prokka|PROKKA_01058
Number of features: 0
Seq('MITKEFLKTKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01072
Name: ER03481_3B_prokka|PROKKA_01072
Description: ER03481_3B_prokka|PROKKA_01072
Number of features: 0
Seq('MMWLVIAIILLVILLFGMMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01103
Name: ER03481_3B_prokka|PROKKA_01103
Description: ER03481_3B_prokka|PROKKA_01103
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01104
Name: ER03481_3B_prokka|PROKKA_01104
Description: ER03481_3B_prokka|PROKKA_01104
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01140
Name: ER03481_3B_prokka|PROKKA_01140
Description: ER03481_3B_prokka|PROKKA_01140
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01152
Name: ER03481_3B_prokka|PROKKA_01152
Description: ER03481_3B_prokka|PROKKA_01152
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01153
Name: ER03481_3B_prokka|PROKKA_01153
Description: ER03481_3B_prokka|PROKKA_01153
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01290
Name: ER03481_3B_prokka|PROKKA_01290
Description: ER03481_3B_prokka|PROKKA_01290
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01294
Name: ER03481_3B_prokka|PROKKA_01294
Description: ER03481_3B_prokka|PROKKA_01294
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01318
Name: ER03481_3B_prokka|PROKKA_01318
Description: ER03481_3B_prokka|PROKKA_01318
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01424
Name: ER03481_3B_prokka|PROKKA_01424
Description: ER03481_3B_prokka|PROKKA_01424
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01471
Name: ER03481_3B_prokka|PROKKA_01471
Description: ER03481_3B_prokka|PROKKA_01471
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01479
Name: ER03481_3B_prokka|PROKKA_01479
Description: ER03481_3B_prokka|PROKKA_01479
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01498
Name: ER03481_3B_prokka|PROKKA_01498
Description: ER03481_3B_prokka|PROKKA_01498
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01511
Name: ER03481_3B_prokka|PROKKA_01511
Description: ER03481_3B_prokka|PROKKA_01511
Number of features: 0
Seq('MTIKELEEKFNISRYFVVKHDRDWETGEIIDTCIVLDEYADHINIEVEEVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01517
Name: ER03481_3B_prokka|PROKKA_01517
Description: ER03481_3B_prokka|PROKKA_01517
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01525
Name: ER03481_3B_prokka|PROKKA_01525
Description: ER03481_3B_prokka|PROKKA_01525
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01530
Name: ER03481_3B_prokka|PROKKA_01530
Description: ER03481_3B_prokka|PROKKA_01530
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01557
Name: ER03481_3B_prokka|PROKKA_01557
Description: ER03481_3B_prokka|PROKKA_01557
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01560
Name: ER03481_3B_prokka|PROKKA_01560
Description: ER03481_3B_prokka|PROKKA_01560
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01595
Name: ER03481_3B_prokka|PROKKA_01595
Description: ER03481_3B_prokka|PROKKA_01595
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01668
Name: ER03481_3B_prokka|PROKKA_01668
Description: ER03481_3B_prokka|PROKKA_01668
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01834
Name: ER03481_3B_prokka|PROKKA_01834
Description: ER03481_3B_prokka|PROKKA_01834
Number of features: 0
Seq('MSNQFKSEEERRQWEQFQAFQNQQNQQHQQYGQKKSKKGWFWVVVVV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01840
Name: ER03481_3B_prokka|PROKKA_01840
Description: ER03481_3B_prokka|PROKKA_01840
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01854
Name: ER03481_3B_prokka|PROKKA_01854
Description: ER03481_3B_prokka|PROKKA_01854
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01898
Name: ER03481_3B_prokka|PROKKA_01898
Description: ER03481_3B_prokka|PROKKA_01898
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_01950
Name: ER03481_3B_prokka|PROKKA_01950
Description: ER03481_3B_prokka|PROKKA_01950
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02022
Name: ER03481_3B_prokka|PROKKA_02022
Description: ER03481_3B_prokka|PROKKA_02022
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02026
Name: ER03481_3B_prokka|PROKKA_02026
Description: ER03481_3B_prokka|PROKKA_02026
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02042
Name: ER03481_3B_prokka|PROKKA_02042
Description: ER03481_3B_prokka|PROKKA_02042
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02060
Name: ER03481_3B_prokka|PROKKA_02060
Description: ER03481_3B_prokka|PROKKA_02060
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02065
Name: ER03481_3B_prokka|PROKKA_02065
Description: ER03481_3B_prokka|PROKKA_02065
Number of features: 0
Seq('MKLLVTLKDGSKKHVSDLKKIVFPGYEGIETVTKEEIETFFSRPY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02066
Name: ER03481_3B_prokka|PROKKA_02066
Description: ER03481_3B_prokka|PROKKA_02066
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02071
Name: ER03481_3B_prokka|PROKKA_02071
Description: ER03481_3B_prokka|PROKKA_02071
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02087
Name: ER03481_3B_prokka|PROKKA_02087
Description: ER03481_3B_prokka|PROKKA_02087
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02089
Name: ER03481_3B_prokka|PROKKA_02089
Description: ER03481_3B_prokka|PROKKA_02089
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02140
Name: ER03481_3B_prokka|PROKKA_02140
Description: ER03481_3B_prokka|PROKKA_02140
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02267
Name: ER03481_3B_prokka|PROKKA_02267
Description: ER03481_3B_prokka|PROKKA_02267
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02280
Name: ER03481_3B_prokka|PROKKA_02280
Description: ER03481_3B_prokka|PROKKA_02280
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02311
Name: ER03481_3B_prokka|PROKKA_02311
Description: ER03481_3B_prokka|PROKKA_02311
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02457
Name: ER03481_3B_prokka|PROKKA_02457
Description: ER03481_3B_prokka|PROKKA_02457
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02465
Name: ER03481_3B_prokka|PROKKA_02465
Description: ER03481_3B_prokka|PROKKA_02465
Number of features: 0
Seq('MKRLLFVMIAFVFILAACGNNSSKDKEANKDSKTINVGTEGLMHHLVSMIKMVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02467
Name: ER03481_3B_prokka|PROKKA_02467
Description: ER03481_3B_prokka|PROKKA_02467
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02514
Name: ER03481_3B_prokka|PROKKA_02514
Description: ER03481_3B_prokka|PROKKA_02514
Number of features: 0
Seq('MKGAMAWPFLRLYILTLMFFSANAILNVFIPLRGHDLGATNTVIGIVMGHTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02533
Name: ER03481_3B_prokka|PROKKA_02533
Description: ER03481_3B_prokka|PROKKA_02533
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02644
Name: ER03481_3B_prokka|PROKKA_02644
Description: ER03481_3B_prokka|PROKKA_02644
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02683
Name: ER03481_3B_prokka|PROKKA_02683
Description: ER03481_3B_prokka|PROKKA_02683
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03481_3B_prokka|PROKKA_02767
Name: ER03481_3B_prokka|PROKKA_02767
Description: ER03481_3B_prokka|PROKKA_02767
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00016
Name: ER03489_3B_prokka|PROKKA_00016
Description: ER03489_3B_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00025
Name: ER03489_3B_prokka|PROKKA_00025
Description: ER03489_3B_prokka|PROKKA_00025
Number of features: 0
Seq('MEQYTIKFNQINHKLTDLRSLNIGHLYAYQFEKIALIGVMVLAKPHY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00061
Name: ER03489_3B_prokka|PROKKA_00061
Description: ER03489_3B_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00070
Name: ER03489_3B_prokka|PROKKA_00070
Description: ER03489_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00080
Name: ER03489_3B_prokka|PROKKA_00080
Description: ER03489_3B_prokka|PROKKA_00080
Number of features: 0
Seq('MELKLLNKLDDDQLDLEFLQDNGLKGNVQGPMTLKEPLKSYIQKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00093
Name: ER03489_3B_prokka|PROKKA_00093
Description: ER03489_3B_prokka|PROKKA_00093
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00187
Name: ER03489_3B_prokka|PROKKA_00187
Description: ER03489_3B_prokka|PROKKA_00187
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00236
Name: ER03489_3B_prokka|PROKKA_00236
Description: ER03489_3B_prokka|PROKKA_00236
Number of features: 0
Seq('MKGALIDDLKIQNLRGERTINDAAKYNSKEKTGASPYEGIRTCL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00291
Name: ER03489_3B_prokka|PROKKA_00291
Description: ER03489_3B_prokka|PROKKA_00291
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00330
Name: ER03489_3B_prokka|PROKKA_00330
Description: ER03489_3B_prokka|PROKKA_00330
Number of features: 0
Seq('MSVGAFLTLGFVIFSIHKGRRTKNESARKSNI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00346
Name: ER03489_3B_prokka|PROKKA_00346
Description: ER03489_3B_prokka|PROKKA_00346
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00447
Name: ER03489_3B_prokka|PROKKA_00447
Description: ER03489_3B_prokka|PROKKA_00447
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00487
Name: ER03489_3B_prokka|PROKKA_00487
Description: ER03489_3B_prokka|PROKKA_00487
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00513
Name: ER03489_3B_prokka|PROKKA_00513
Description: ER03489_3B_prokka|PROKKA_00513
Number of features: 0
Seq('MYISRLVKPIGIKVTRLAQGLSVGGDLEYADEVTLSKAIAGRTEM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00620
Name: ER03489_3B_prokka|PROKKA_00620
Description: ER03489_3B_prokka|PROKKA_00620
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00656
Name: ER03489_3B_prokka|PROKKA_00656
Description: ER03489_3B_prokka|PROKKA_00656
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00763
Name: ER03489_3B_prokka|PROKKA_00763
Description: ER03489_3B_prokka|PROKKA_00763
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00880
Name: ER03489_3B_prokka|PROKKA_00880
Description: ER03489_3B_prokka|PROKKA_00880
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_00906
Name: ER03489_3B_prokka|PROKKA_00906
Description: ER03489_3B_prokka|PROKKA_00906
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01015
Name: ER03489_3B_prokka|PROKKA_01015
Description: ER03489_3B_prokka|PROKKA_01015
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01057
Name: ER03489_3B_prokka|PROKKA_01057
Description: ER03489_3B_prokka|PROKKA_01057
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01138
Name: ER03489_3B_prokka|PROKKA_01138
Description: ER03489_3B_prokka|PROKKA_01138
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01151
Name: ER03489_3B_prokka|PROKKA_01151
Description: ER03489_3B_prokka|PROKKA_01151
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01152
Name: ER03489_3B_prokka|PROKKA_01152
Description: ER03489_3B_prokka|PROKKA_01152
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01295
Name: ER03489_3B_prokka|PROKKA_01295
Description: ER03489_3B_prokka|PROKKA_01295
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01299
Name: ER03489_3B_prokka|PROKKA_01299
Description: ER03489_3B_prokka|PROKKA_01299
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01303
Name: ER03489_3B_prokka|PROKKA_01303
Description: ER03489_3B_prokka|PROKKA_01303
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01305
Name: ER03489_3B_prokka|PROKKA_01305
Description: ER03489_3B_prokka|PROKKA_01305
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01329
Name: ER03489_3B_prokka|PROKKA_01329
Description: ER03489_3B_prokka|PROKKA_01329
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01356
Name: ER03489_3B_prokka|PROKKA_01356
Description: ER03489_3B_prokka|PROKKA_01356
Number of features: 0
Seq('MMPIVNVKLLEGRSDEQLKNLVSEVTDAVEKTTGQIDKQFTLL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01397
Name: ER03489_3B_prokka|PROKKA_01397
Description: ER03489_3B_prokka|PROKKA_01397
Number of features: 0
Seq('MRHIHLQVFGRVQGVGFRYFTQRIAMNYNIVGTVQNVDDYVEIYAQGMTQI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01414
Name: ER03489_3B_prokka|PROKKA_01414
Description: ER03489_3B_prokka|PROKKA_01414
Number of features: 0
Seq('MIRLGKMSDLDQILNLVEEAKELMKEHDNEQWTISTHF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01428
Name: ER03489_3B_prokka|PROKKA_01428
Description: ER03489_3B_prokka|PROKKA_01428
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01441
Name: ER03489_3B_prokka|PROKKA_01441
Description: ER03489_3B_prokka|PROKKA_01441
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01490
Name: ER03489_3B_prokka|PROKKA_01490
Description: ER03489_3B_prokka|PROKKA_01490
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01500
Name: ER03489_3B_prokka|PROKKA_01500
Description: ER03489_3B_prokka|PROKKA_01500
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01520
Name: ER03489_3B_prokka|PROKKA_01520
Description: ER03489_3B_prokka|PROKKA_01520
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01548
Name: ER03489_3B_prokka|PROKKA_01548
Description: ER03489_3B_prokka|PROKKA_01548
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01575
Name: ER03489_3B_prokka|PROKKA_01575
Description: ER03489_3B_prokka|PROKKA_01575
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01613
Name: ER03489_3B_prokka|PROKKA_01613
Description: ER03489_3B_prokka|PROKKA_01613
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01687
Name: ER03489_3B_prokka|PROKKA_01687
Description: ER03489_3B_prokka|PROKKA_01687
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01738
Name: ER03489_3B_prokka|PROKKA_01738
Description: ER03489_3B_prokka|PROKKA_01738
Number of features: 0
Seq('MSKVQNESNNVVKRGLKDRHISMIAIGVVLVQVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01765
Name: ER03489_3B_prokka|PROKKA_01765
Description: ER03489_3B_prokka|PROKKA_01765
Number of features: 0
Seq('MTKHEQILDYIESLSIGSKISVRKIAKFLNVSEGQHIVQLKMLIKWAWSQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01824
Name: ER03489_3B_prokka|PROKKA_01824
Description: ER03489_3B_prokka|PROKKA_01824
Number of features: 0
Seq('MIVHRITGDGPIDIMVGPMWSVNKWEVLNGIDAELARRNSYQGLRYKSKVKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01864
Name: ER03489_3B_prokka|PROKKA_01864
Description: ER03489_3B_prokka|PROKKA_01864
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01872
Name: ER03489_3B_prokka|PROKKA_01872
Description: ER03489_3B_prokka|PROKKA_01872
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01892
Name: ER03489_3B_prokka|PROKKA_01892
Description: ER03489_3B_prokka|PROKKA_01892
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01929
Name: ER03489_3B_prokka|PROKKA_01929
Description: ER03489_3B_prokka|PROKKA_01929
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_01982
Name: ER03489_3B_prokka|PROKKA_01982
Description: ER03489_3B_prokka|PROKKA_01982
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02054
Name: ER03489_3B_prokka|PROKKA_02054
Description: ER03489_3B_prokka|PROKKA_02054
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02056
Name: ER03489_3B_prokka|PROKKA_02056
Description: ER03489_3B_prokka|PROKKA_02056
Number of features: 0
Seq('MLSEKSFGSNYFNVDSGYSELIIQPENVFDTTVKWQDRYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02059
Name: ER03489_3B_prokka|PROKKA_02059
Description: ER03489_3B_prokka|PROKKA_02059
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02075
Name: ER03489_3B_prokka|PROKKA_02075
Description: ER03489_3B_prokka|PROKKA_02075
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02095
Name: ER03489_3B_prokka|PROKKA_02095
Description: ER03489_3B_prokka|PROKKA_02095
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02128
Name: ER03489_3B_prokka|PROKKA_02128
Description: ER03489_3B_prokka|PROKKA_02128
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02130
Name: ER03489_3B_prokka|PROKKA_02130
Description: ER03489_3B_prokka|PROKKA_02130
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02180
Name: ER03489_3B_prokka|PROKKA_02180
Description: ER03489_3B_prokka|PROKKA_02180
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02301
Name: ER03489_3B_prokka|PROKKA_02301
Description: ER03489_3B_prokka|PROKKA_02301
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02326
Name: ER03489_3B_prokka|PROKKA_02326
Description: ER03489_3B_prokka|PROKKA_02326
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02347
Name: ER03489_3B_prokka|PROKKA_02347
Description: ER03489_3B_prokka|PROKKA_02347
Number of features: 0
Seq('MAIKKYKPITNGRRNMTSLDFAEITKTTPEKSLLKPLPKKADVTTKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02359
Name: ER03489_3B_prokka|PROKKA_02359
Description: ER03489_3B_prokka|PROKKA_02359
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02446
Name: ER03489_3B_prokka|PROKKA_02446
Description: ER03489_3B_prokka|PROKKA_02446
Number of features: 0
Seq('MEQLPQVGFMKSFVLFWKNYVNFKGDQDVVNIGIWHYGI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02464
Name: ER03489_3B_prokka|PROKKA_02464
Description: ER03489_3B_prokka|PROKKA_02464
Number of features: 0
Seq('MALVVEDIVKNFGEGLSETKVLKGINFEVEQGNLSF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02525
Name: ER03489_3B_prokka|PROKKA_02525
Description: ER03489_3B_prokka|PROKKA_02525
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02548
Name: ER03489_3B_prokka|PROKKA_02548
Description: ER03489_3B_prokka|PROKKA_02548
Number of features: 0
Seq('MKIGTIADLHIDRHNKKTSEDYLEALVEIVKYKKLDILLIAGISQIIIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02574
Name: ER03489_3B_prokka|PROKKA_02574
Description: ER03489_3B_prokka|PROKKA_02574
Number of features: 0
Seq('MKGAMAWPFLRLYILTLMFFSANAILNVFIPLRGHDLGATNTVIGIVMGHTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02737
Name: ER03489_3B_prokka|PROKKA_02737
Description: ER03489_3B_prokka|PROKKA_02737
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03489_3B_prokka|PROKKA_02826
Name: ER03489_3B_prokka|PROKKA_02826
Description: ER03489_3B_prokka|PROKKA_02826
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00020
Name: ER03493_3B_prokka|PROKKA_00020
Description: ER03493_3B_prokka|PROKKA_00020
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00060
Name: ER03493_3B_prokka|PROKKA_00060
Description: ER03493_3B_prokka|PROKKA_00060
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00069
Name: ER03493_3B_prokka|PROKKA_00069
Description: ER03493_3B_prokka|PROKKA_00069
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00090
Name: ER03493_3B_prokka|PROKKA_00090
Description: ER03493_3B_prokka|PROKKA_00090
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00179
Name: ER03493_3B_prokka|PROKKA_00179
Description: ER03493_3B_prokka|PROKKA_00179
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00279
Name: ER03493_3B_prokka|PROKKA_00279
Description: ER03493_3B_prokka|PROKKA_00279
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00332
Name: ER03493_3B_prokka|PROKKA_00332
Description: ER03493_3B_prokka|PROKKA_00332
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00431
Name: ER03493_3B_prokka|PROKKA_00431
Description: ER03493_3B_prokka|PROKKA_00431
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00469
Name: ER03493_3B_prokka|PROKKA_00469
Description: ER03493_3B_prokka|PROKKA_00469
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00599
Name: ER03493_3B_prokka|PROKKA_00599
Description: ER03493_3B_prokka|PROKKA_00599
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00635
Name: ER03493_3B_prokka|PROKKA_00635
Description: ER03493_3B_prokka|PROKKA_00635
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00742
Name: ER03493_3B_prokka|PROKKA_00742
Description: ER03493_3B_prokka|PROKKA_00742
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00853
Name: ER03493_3B_prokka|PROKKA_00853
Description: ER03493_3B_prokka|PROKKA_00853
Number of features: 0
Seq('MKEKLLGTIIWSIATYYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_00897
Name: ER03493_3B_prokka|PROKKA_00897
Description: ER03493_3B_prokka|PROKKA_00897
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01005
Name: ER03493_3B_prokka|PROKKA_01005
Description: ER03493_3B_prokka|PROKKA_01005
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01044
Name: ER03493_3B_prokka|PROKKA_01044
Description: ER03493_3B_prokka|PROKKA_01044
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01124
Name: ER03493_3B_prokka|PROKKA_01124
Description: ER03493_3B_prokka|PROKKA_01124
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01137
Name: ER03493_3B_prokka|PROKKA_01137
Description: ER03493_3B_prokka|PROKKA_01137
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01138
Name: ER03493_3B_prokka|PROKKA_01138
Description: ER03493_3B_prokka|PROKKA_01138
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01273
Name: ER03493_3B_prokka|PROKKA_01273
Description: ER03493_3B_prokka|PROKKA_01273
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01277
Name: ER03493_3B_prokka|PROKKA_01277
Description: ER03493_3B_prokka|PROKKA_01277
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01281
Name: ER03493_3B_prokka|PROKKA_01281
Description: ER03493_3B_prokka|PROKKA_01281
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01283
Name: ER03493_3B_prokka|PROKKA_01283
Description: ER03493_3B_prokka|PROKKA_01283
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01307
Name: ER03493_3B_prokka|PROKKA_01307
Description: ER03493_3B_prokka|PROKKA_01307
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01401
Name: ER03493_3B_prokka|PROKKA_01401
Description: ER03493_3B_prokka|PROKKA_01401
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01413
Name: ER03493_3B_prokka|PROKKA_01413
Description: ER03493_3B_prokka|PROKKA_01413
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01462
Name: ER03493_3B_prokka|PROKKA_01462
Description: ER03493_3B_prokka|PROKKA_01462
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01470
Name: ER03493_3B_prokka|PROKKA_01470
Description: ER03493_3B_prokka|PROKKA_01470
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01490
Name: ER03493_3B_prokka|PROKKA_01490
Description: ER03493_3B_prokka|PROKKA_01490
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01518
Name: ER03493_3B_prokka|PROKKA_01518
Description: ER03493_3B_prokka|PROKKA_01518
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01545
Name: ER03493_3B_prokka|PROKKA_01545
Description: ER03493_3B_prokka|PROKKA_01545
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01582
Name: ER03493_3B_prokka|PROKKA_01582
Description: ER03493_3B_prokka|PROKKA_01582
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01653
Name: ER03493_3B_prokka|PROKKA_01653
Description: ER03493_3B_prokka|PROKKA_01653
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01780
Name: ER03493_3B_prokka|PROKKA_01780
Description: ER03493_3B_prokka|PROKKA_01780
Number of features: 0
Seq('MIVHRITGDGPIDIMVGPMWSVNKWEVLNGIDAELARRNSYQGLRYKSKVKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01820
Name: ER03493_3B_prokka|PROKKA_01820
Description: ER03493_3B_prokka|PROKKA_01820
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01827
Name: ER03493_3B_prokka|PROKKA_01827
Description: ER03493_3B_prokka|PROKKA_01827
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01846
Name: ER03493_3B_prokka|PROKKA_01846
Description: ER03493_3B_prokka|PROKKA_01846
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01882
Name: ER03493_3B_prokka|PROKKA_01882
Description: ER03493_3B_prokka|PROKKA_01882
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01887
Name: ER03493_3B_prokka|PROKKA_01887
Description: ER03493_3B_prokka|PROKKA_01887
Number of features: 0
Seq('MPVIKINNLNKVFGDNEVLKDINLEINQGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01935
Name: ER03493_3B_prokka|PROKKA_01935
Description: ER03493_3B_prokka|PROKKA_01935
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01937
Name: ER03493_3B_prokka|PROKKA_01937
Description: ER03493_3B_prokka|PROKKA_01937
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01938
Name: ER03493_3B_prokka|PROKKA_01938
Description: ER03493_3B_prokka|PROKKA_01938
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01968
Name: ER03493_3B_prokka|PROKKA_01968
Description: ER03493_3B_prokka|PROKKA_01968
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01977
Name: ER03493_3B_prokka|PROKKA_01977
Description: ER03493_3B_prokka|PROKKA_01977
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_01984
Name: ER03493_3B_prokka|PROKKA_01984
Description: ER03493_3B_prokka|PROKKA_01984
Number of features: 0
Seq('MVTKEFLKTKLECSDIYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02002
Name: ER03493_3B_prokka|PROKKA_02002
Description: ER03493_3B_prokka|PROKKA_02002
Number of features: 0
Seq('MRKYNFDKFFLYMAVLSLPIVIFFPLMLSIPIIFFIFSIRKKED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02078
Name: ER03493_3B_prokka|PROKKA_02078
Description: ER03493_3B_prokka|PROKKA_02078
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02082
Name: ER03493_3B_prokka|PROKKA_02082
Description: ER03493_3B_prokka|PROKKA_02082
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02098
Name: ER03493_3B_prokka|PROKKA_02098
Description: ER03493_3B_prokka|PROKKA_02098
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02118
Name: ER03493_3B_prokka|PROKKA_02118
Description: ER03493_3B_prokka|PROKKA_02118
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02149
Name: ER03493_3B_prokka|PROKKA_02149
Description: ER03493_3B_prokka|PROKKA_02149
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02151
Name: ER03493_3B_prokka|PROKKA_02151
Description: ER03493_3B_prokka|PROKKA_02151
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02200
Name: ER03493_3B_prokka|PROKKA_02200
Description: ER03493_3B_prokka|PROKKA_02200
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02320
Name: ER03493_3B_prokka|PROKKA_02320
Description: ER03493_3B_prokka|PROKKA_02320
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02344
Name: ER03493_3B_prokka|PROKKA_02344
Description: ER03493_3B_prokka|PROKKA_02344
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02375
Name: ER03493_3B_prokka|PROKKA_02375
Description: ER03493_3B_prokka|PROKKA_02375
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02530
Name: ER03493_3B_prokka|PROKKA_02530
Description: ER03493_3B_prokka|PROKKA_02530
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02708
Name: ER03493_3B_prokka|PROKKA_02708
Description: ER03493_3B_prokka|PROKKA_02708
Number of features: 0
Seq('MINAEPIISKMKNQKINYDKVLKKLIGQWEREAIRPKILLHSCCAPCSTYT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02743
Name: ER03493_3B_prokka|PROKKA_02743
Description: ER03493_3B_prokka|PROKKA_02743
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03493_3B_prokka|PROKKA_02830
Name: ER03493_3B_prokka|PROKKA_02830
Description: ER03493_3B_prokka|PROKKA_02830
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00039
Name: ER03544_3B_prokka|PROKKA_00039
Description: ER03544_3B_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00042
Name: ER03544_3B_prokka|PROKKA_00042
Description: ER03544_3B_prokka|PROKKA_00042
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00046
Name: ER03544_3B_prokka|PROKKA_00046
Description: ER03544_3B_prokka|PROKKA_00046
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00067
Name: ER03544_3B_prokka|PROKKA_00067
Description: ER03544_3B_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00085
Name: ER03544_3B_prokka|PROKKA_00085
Description: ER03544_3B_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00208
Name: ER03544_3B_prokka|PROKKA_00208
Description: ER03544_3B_prokka|PROKKA_00208
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00252
Name: ER03544_3B_prokka|PROKKA_00252
Description: ER03544_3B_prokka|PROKKA_00252
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00376
Name: ER03544_3B_prokka|PROKKA_00376
Description: ER03544_3B_prokka|PROKKA_00376
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00393
Name: ER03544_3B_prokka|PROKKA_00393
Description: ER03544_3B_prokka|PROKKA_00393
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00559
Name: ER03544_3B_prokka|PROKKA_00559
Description: ER03544_3B_prokka|PROKKA_00559
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00788
Name: ER03544_3B_prokka|PROKKA_00788
Description: ER03544_3B_prokka|PROKKA_00788
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00819
Name: ER03544_3B_prokka|PROKKA_00819
Description: ER03544_3B_prokka|PROKKA_00819
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00823
Name: ER03544_3B_prokka|PROKKA_00823
Description: ER03544_3B_prokka|PROKKA_00823
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00839
Name: ER03544_3B_prokka|PROKKA_00839
Description: ER03544_3B_prokka|PROKKA_00839
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00869
Name: ER03544_3B_prokka|PROKKA_00869
Description: ER03544_3B_prokka|PROKKA_00869
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00870
Name: ER03544_3B_prokka|PROKKA_00870
Description: ER03544_3B_prokka|PROKKA_00870
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00872
Name: ER03544_3B_prokka|PROKKA_00872
Description: ER03544_3B_prokka|PROKKA_00872
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00924
Name: ER03544_3B_prokka|PROKKA_00924
Description: ER03544_3B_prokka|PROKKA_00924
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00966
Name: ER03544_3B_prokka|PROKKA_00966
Description: ER03544_3B_prokka|PROKKA_00966
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_00980
Name: ER03544_3B_prokka|PROKKA_00980
Description: ER03544_3B_prokka|PROKKA_00980
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01149
Name: ER03544_3B_prokka|PROKKA_01149
Description: ER03544_3B_prokka|PROKKA_01149
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01223
Name: ER03544_3B_prokka|PROKKA_01223
Description: ER03544_3B_prokka|PROKKA_01223
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01258
Name: ER03544_3B_prokka|PROKKA_01258
Description: ER03544_3B_prokka|PROKKA_01258
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01261
Name: ER03544_3B_prokka|PROKKA_01261
Description: ER03544_3B_prokka|PROKKA_01261
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01288
Name: ER03544_3B_prokka|PROKKA_01288
Description: ER03544_3B_prokka|PROKKA_01288
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01293
Name: ER03544_3B_prokka|PROKKA_01293
Description: ER03544_3B_prokka|PROKKA_01293
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01301
Name: ER03544_3B_prokka|PROKKA_01301
Description: ER03544_3B_prokka|PROKKA_01301
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01316
Name: ER03544_3B_prokka|PROKKA_01316
Description: ER03544_3B_prokka|PROKKA_01316
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01335
Name: ER03544_3B_prokka|PROKKA_01335
Description: ER03544_3B_prokka|PROKKA_01335
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01343
Name: ER03544_3B_prokka|PROKKA_01343
Description: ER03544_3B_prokka|PROKKA_01343
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01390
Name: ER03544_3B_prokka|PROKKA_01390
Description: ER03544_3B_prokka|PROKKA_01390
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01402
Name: ER03544_3B_prokka|PROKKA_01402
Description: ER03544_3B_prokka|PROKKA_01402
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01496
Name: ER03544_3B_prokka|PROKKA_01496
Description: ER03544_3B_prokka|PROKKA_01496
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01520
Name: ER03544_3B_prokka|PROKKA_01520
Description: ER03544_3B_prokka|PROKKA_01520
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01524
Name: ER03544_3B_prokka|PROKKA_01524
Description: ER03544_3B_prokka|PROKKA_01524
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01661
Name: ER03544_3B_prokka|PROKKA_01661
Description: ER03544_3B_prokka|PROKKA_01661
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01662
Name: ER03544_3B_prokka|PROKKA_01662
Description: ER03544_3B_prokka|PROKKA_01662
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01674
Name: ER03544_3B_prokka|PROKKA_01674
Description: ER03544_3B_prokka|PROKKA_01674
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01756
Name: ER03544_3B_prokka|PROKKA_01756
Description: ER03544_3B_prokka|PROKKA_01756
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01757
Name: ER03544_3B_prokka|PROKKA_01757
Description: ER03544_3B_prokka|PROKKA_01757
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01774
Name: ER03544_3B_prokka|PROKKA_01774
Description: ER03544_3B_prokka|PROKKA_01774
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01797
Name: ER03544_3B_prokka|PROKKA_01797
Description: ER03544_3B_prokka|PROKKA_01797
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01903
Name: ER03544_3B_prokka|PROKKA_01903
Description: ER03544_3B_prokka|PROKKA_01903
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01918
Name: ER03544_3B_prokka|PROKKA_01918
Description: ER03544_3B_prokka|PROKKA_01918
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01919
Name: ER03544_3B_prokka|PROKKA_01919
Description: ER03544_3B_prokka|PROKKA_01919
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01950
Name: ER03544_3B_prokka|PROKKA_01950
Description: ER03544_3B_prokka|PROKKA_01950
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01972
Name: ER03544_3B_prokka|PROKKA_01972
Description: ER03544_3B_prokka|PROKKA_01972
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_01977
Name: ER03544_3B_prokka|PROKKA_01977
Description: ER03544_3B_prokka|PROKKA_01977
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02053
Name: ER03544_3B_prokka|PROKKA_02053
Description: ER03544_3B_prokka|PROKKA_02053
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02057
Name: ER03544_3B_prokka|PROKKA_02057
Description: ER03544_3B_prokka|PROKKA_02057
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02073
Name: ER03544_3B_prokka|PROKKA_02073
Description: ER03544_3B_prokka|PROKKA_02073
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02091
Name: ER03544_3B_prokka|PROKKA_02091
Description: ER03544_3B_prokka|PROKKA_02091
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02117
Name: ER03544_3B_prokka|PROKKA_02117
Description: ER03544_3B_prokka|PROKKA_02117
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02119
Name: ER03544_3B_prokka|PROKKA_02119
Description: ER03544_3B_prokka|PROKKA_02119
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02171
Name: ER03544_3B_prokka|PROKKA_02171
Description: ER03544_3B_prokka|PROKKA_02171
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02279
Name: ER03544_3B_prokka|PROKKA_02279
Description: ER03544_3B_prokka|PROKKA_02279
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02298
Name: ER03544_3B_prokka|PROKKA_02298
Description: ER03544_3B_prokka|PROKKA_02298
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02311
Name: ER03544_3B_prokka|PROKKA_02311
Description: ER03544_3B_prokka|PROKKA_02311
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02343
Name: ER03544_3B_prokka|PROKKA_02343
Description: ER03544_3B_prokka|PROKKA_02343
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02488
Name: ER03544_3B_prokka|PROKKA_02488
Description: ER03544_3B_prokka|PROKKA_02488
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02497
Name: ER03544_3B_prokka|PROKKA_02497
Description: ER03544_3B_prokka|PROKKA_02497
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02561
Name: ER03544_3B_prokka|PROKKA_02561
Description: ER03544_3B_prokka|PROKKA_02561
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02669
Name: ER03544_3B_prokka|PROKKA_02669
Description: ER03544_3B_prokka|PROKKA_02669
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02707
Name: ER03544_3B_prokka|PROKKA_02707
Description: ER03544_3B_prokka|PROKKA_02707
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02791
Name: ER03544_3B_prokka|PROKKA_02791
Description: ER03544_3B_prokka|PROKKA_02791
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03544_3B_prokka|PROKKA_02807
Name: ER03544_3B_prokka|PROKKA_02807
Description: ER03544_3B_prokka|PROKKA_02807
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00016
Name: ER03556_3B_prokka|PROKKA_00016
Description: ER03556_3B_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00067
Name: ER03556_3B_prokka|PROKKA_00067
Description: ER03556_3B_prokka|PROKKA_00067
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00070
Name: ER03556_3B_prokka|PROKKA_00070
Description: ER03556_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00074
Name: ER03556_3B_prokka|PROKKA_00074
Description: ER03556_3B_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00095
Name: ER03556_3B_prokka|PROKKA_00095
Description: ER03556_3B_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00113
Name: ER03556_3B_prokka|PROKKA_00113
Description: ER03556_3B_prokka|PROKKA_00113
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00236
Name: ER03556_3B_prokka|PROKKA_00236
Description: ER03556_3B_prokka|PROKKA_00236
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00280
Name: ER03556_3B_prokka|PROKKA_00280
Description: ER03556_3B_prokka|PROKKA_00280
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00404
Name: ER03556_3B_prokka|PROKKA_00404
Description: ER03556_3B_prokka|PROKKA_00404
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00421
Name: ER03556_3B_prokka|PROKKA_00421
Description: ER03556_3B_prokka|PROKKA_00421
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00587
Name: ER03556_3B_prokka|PROKKA_00587
Description: ER03556_3B_prokka|PROKKA_00587
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00817
Name: ER03556_3B_prokka|PROKKA_00817
Description: ER03556_3B_prokka|PROKKA_00817
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00848
Name: ER03556_3B_prokka|PROKKA_00848
Description: ER03556_3B_prokka|PROKKA_00848
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00852
Name: ER03556_3B_prokka|PROKKA_00852
Description: ER03556_3B_prokka|PROKKA_00852
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00868
Name: ER03556_3B_prokka|PROKKA_00868
Description: ER03556_3B_prokka|PROKKA_00868
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00899
Name: ER03556_3B_prokka|PROKKA_00899
Description: ER03556_3B_prokka|PROKKA_00899
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00900
Name: ER03556_3B_prokka|PROKKA_00900
Description: ER03556_3B_prokka|PROKKA_00900
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_00915
Name: ER03556_3B_prokka|PROKKA_00915
Description: ER03556_3B_prokka|PROKKA_00915
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01021
Name: ER03556_3B_prokka|PROKKA_01021
Description: ER03556_3B_prokka|PROKKA_01021
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01060
Name: ER03556_3B_prokka|PROKKA_01060
Description: ER03556_3B_prokka|PROKKA_01060
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01061
Name: ER03556_3B_prokka|PROKKA_01061
Description: ER03556_3B_prokka|PROKKA_01061
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01143
Name: ER03556_3B_prokka|PROKKA_01143
Description: ER03556_3B_prokka|PROKKA_01143
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01155
Name: ER03556_3B_prokka|PROKKA_01155
Description: ER03556_3B_prokka|PROKKA_01155
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01156
Name: ER03556_3B_prokka|PROKKA_01156
Description: ER03556_3B_prokka|PROKKA_01156
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01292
Name: ER03556_3B_prokka|PROKKA_01292
Description: ER03556_3B_prokka|PROKKA_01292
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01296
Name: ER03556_3B_prokka|PROKKA_01296
Description: ER03556_3B_prokka|PROKKA_01296
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01320
Name: ER03556_3B_prokka|PROKKA_01320
Description: ER03556_3B_prokka|PROKKA_01320
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01414
Name: ER03556_3B_prokka|PROKKA_01414
Description: ER03556_3B_prokka|PROKKA_01414
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01426
Name: ER03556_3B_prokka|PROKKA_01426
Description: ER03556_3B_prokka|PROKKA_01426
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01473
Name: ER03556_3B_prokka|PROKKA_01473
Description: ER03556_3B_prokka|PROKKA_01473
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01481
Name: ER03556_3B_prokka|PROKKA_01481
Description: ER03556_3B_prokka|PROKKA_01481
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01500
Name: ER03556_3B_prokka|PROKKA_01500
Description: ER03556_3B_prokka|PROKKA_01500
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01515
Name: ER03556_3B_prokka|PROKKA_01515
Description: ER03556_3B_prokka|PROKKA_01515
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01523
Name: ER03556_3B_prokka|PROKKA_01523
Description: ER03556_3B_prokka|PROKKA_01523
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01528
Name: ER03556_3B_prokka|PROKKA_01528
Description: ER03556_3B_prokka|PROKKA_01528
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01555
Name: ER03556_3B_prokka|PROKKA_01555
Description: ER03556_3B_prokka|PROKKA_01555
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01558
Name: ER03556_3B_prokka|PROKKA_01558
Description: ER03556_3B_prokka|PROKKA_01558
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01593
Name: ER03556_3B_prokka|PROKKA_01593
Description: ER03556_3B_prokka|PROKKA_01593
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01667
Name: ER03556_3B_prokka|PROKKA_01667
Description: ER03556_3B_prokka|PROKKA_01667
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01837
Name: ER03556_3B_prokka|PROKKA_01837
Description: ER03556_3B_prokka|PROKKA_01837
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01851
Name: ER03556_3B_prokka|PROKKA_01851
Description: ER03556_3B_prokka|PROKKA_01851
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01893
Name: ER03556_3B_prokka|PROKKA_01893
Description: ER03556_3B_prokka|PROKKA_01893
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01945
Name: ER03556_3B_prokka|PROKKA_01945
Description: ER03556_3B_prokka|PROKKA_01945
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01947
Name: ER03556_3B_prokka|PROKKA_01947
Description: ER03556_3B_prokka|PROKKA_01947
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01948
Name: ER03556_3B_prokka|PROKKA_01948
Description: ER03556_3B_prokka|PROKKA_01948
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_01978
Name: ER03556_3B_prokka|PROKKA_01978
Description: ER03556_3B_prokka|PROKKA_01978
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02000
Name: ER03556_3B_prokka|PROKKA_02000
Description: ER03556_3B_prokka|PROKKA_02000
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02005
Name: ER03556_3B_prokka|PROKKA_02005
Description: ER03556_3B_prokka|PROKKA_02005
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02081
Name: ER03556_3B_prokka|PROKKA_02081
Description: ER03556_3B_prokka|PROKKA_02081
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02085
Name: ER03556_3B_prokka|PROKKA_02085
Description: ER03556_3B_prokka|PROKKA_02085
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02101
Name: ER03556_3B_prokka|PROKKA_02101
Description: ER03556_3B_prokka|PROKKA_02101
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02119
Name: ER03556_3B_prokka|PROKKA_02119
Description: ER03556_3B_prokka|PROKKA_02119
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02145
Name: ER03556_3B_prokka|PROKKA_02145
Description: ER03556_3B_prokka|PROKKA_02145
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02147
Name: ER03556_3B_prokka|PROKKA_02147
Description: ER03556_3B_prokka|PROKKA_02147
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02199
Name: ER03556_3B_prokka|PROKKA_02199
Description: ER03556_3B_prokka|PROKKA_02199
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02307
Name: ER03556_3B_prokka|PROKKA_02307
Description: ER03556_3B_prokka|PROKKA_02307
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02326
Name: ER03556_3B_prokka|PROKKA_02326
Description: ER03556_3B_prokka|PROKKA_02326
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02340
Name: ER03556_3B_prokka|PROKKA_02340
Description: ER03556_3B_prokka|PROKKA_02340
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02372
Name: ER03556_3B_prokka|PROKKA_02372
Description: ER03556_3B_prokka|PROKKA_02372
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02517
Name: ER03556_3B_prokka|PROKKA_02517
Description: ER03556_3B_prokka|PROKKA_02517
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02526
Name: ER03556_3B_prokka|PROKKA_02526
Description: ER03556_3B_prokka|PROKKA_02526
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02590
Name: ER03556_3B_prokka|PROKKA_02590
Description: ER03556_3B_prokka|PROKKA_02590
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02698
Name: ER03556_3B_prokka|PROKKA_02698
Description: ER03556_3B_prokka|PROKKA_02698
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02736
Name: ER03556_3B_prokka|PROKKA_02736
Description: ER03556_3B_prokka|PROKKA_02736
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03556_3B_prokka|PROKKA_02820
Name: ER03556_3B_prokka|PROKKA_02820
Description: ER03556_3B_prokka|PROKKA_02820
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00003
Name: ER03588_3B_prokka|PROKKA_00003
Description: ER03588_3B_prokka|PROKKA_00003
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00013
Name: ER03588_3B_prokka|PROKKA_00013
Description: ER03588_3B_prokka|PROKKA_00013
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00017
Name: ER03588_3B_prokka|PROKKA_00017
Description: ER03588_3B_prokka|PROKKA_00017
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00083
Name: ER03588_3B_prokka|PROKKA_00083
Description: ER03588_3B_prokka|PROKKA_00083
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00101
Name: ER03588_3B_prokka|PROKKA_00101
Description: ER03588_3B_prokka|PROKKA_00101
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00267
Name: ER03588_3B_prokka|PROKKA_00267
Description: ER03588_3B_prokka|PROKKA_00267
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00393
Name: ER03588_3B_prokka|PROKKA_00393
Description: ER03588_3B_prokka|PROKKA_00393
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00410
Name: ER03588_3B_prokka|PROKKA_00410
Description: ER03588_3B_prokka|PROKKA_00410
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00579
Name: ER03588_3B_prokka|PROKKA_00579
Description: ER03588_3B_prokka|PROKKA_00579
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00807
Name: ER03588_3B_prokka|PROKKA_00807
Description: ER03588_3B_prokka|PROKKA_00807
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00838
Name: ER03588_3B_prokka|PROKKA_00838
Description: ER03588_3B_prokka|PROKKA_00838
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00842
Name: ER03588_3B_prokka|PROKKA_00842
Description: ER03588_3B_prokka|PROKKA_00842
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00858
Name: ER03588_3B_prokka|PROKKA_00858
Description: ER03588_3B_prokka|PROKKA_00858
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00889
Name: ER03588_3B_prokka|PROKKA_00889
Description: ER03588_3B_prokka|PROKKA_00889
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00890
Name: ER03588_3B_prokka|PROKKA_00890
Description: ER03588_3B_prokka|PROKKA_00890
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_00905
Name: ER03588_3B_prokka|PROKKA_00905
Description: ER03588_3B_prokka|PROKKA_00905
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01010
Name: ER03588_3B_prokka|PROKKA_01010
Description: ER03588_3B_prokka|PROKKA_01010
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01050
Name: ER03588_3B_prokka|PROKKA_01050
Description: ER03588_3B_prokka|PROKKA_01050
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01108
Name: ER03588_3B_prokka|PROKKA_01108
Description: ER03588_3B_prokka|PROKKA_01108
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01109
Name: ER03588_3B_prokka|PROKKA_01109
Description: ER03588_3B_prokka|PROKKA_01109
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01118
Name: ER03588_3B_prokka|PROKKA_01118
Description: ER03588_3B_prokka|PROKKA_01118
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01119
Name: ER03588_3B_prokka|PROKKA_01119
Description: ER03588_3B_prokka|PROKKA_01119
Number of features: 0
Seq('MPKEKYYLYREDGTEDIKVIKYKDNVNEVYSLTGAHFSDEKKIMTDIVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01142
Name: ER03588_3B_prokka|PROKKA_01142
Description: ER03588_3B_prokka|PROKKA_01142
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01199
Name: ER03588_3B_prokka|PROKKA_01199
Description: ER03588_3B_prokka|PROKKA_01199
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01211
Name: ER03588_3B_prokka|PROKKA_01211
Description: ER03588_3B_prokka|PROKKA_01211
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01212
Name: ER03588_3B_prokka|PROKKA_01212
Description: ER03588_3B_prokka|PROKKA_01212
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01348
Name: ER03588_3B_prokka|PROKKA_01348
Description: ER03588_3B_prokka|PROKKA_01348
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01352
Name: ER03588_3B_prokka|PROKKA_01352
Description: ER03588_3B_prokka|PROKKA_01352
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01376
Name: ER03588_3B_prokka|PROKKA_01376
Description: ER03588_3B_prokka|PROKKA_01376
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01480
Name: ER03588_3B_prokka|PROKKA_01480
Description: ER03588_3B_prokka|PROKKA_01480
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01527
Name: ER03588_3B_prokka|PROKKA_01527
Description: ER03588_3B_prokka|PROKKA_01527
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01535
Name: ER03588_3B_prokka|PROKKA_01535
Description: ER03588_3B_prokka|PROKKA_01535
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01554
Name: ER03588_3B_prokka|PROKKA_01554
Description: ER03588_3B_prokka|PROKKA_01554
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEEPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01576
Name: ER03588_3B_prokka|PROKKA_01576
Description: ER03588_3B_prokka|PROKKA_01576
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01584
Name: ER03588_3B_prokka|PROKKA_01584
Description: ER03588_3B_prokka|PROKKA_01584
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01589
Name: ER03588_3B_prokka|PROKKA_01589
Description: ER03588_3B_prokka|PROKKA_01589
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASQKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01616
Name: ER03588_3B_prokka|PROKKA_01616
Description: ER03588_3B_prokka|PROKKA_01616
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01619
Name: ER03588_3B_prokka|PROKKA_01619
Description: ER03588_3B_prokka|PROKKA_01619
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01654
Name: ER03588_3B_prokka|PROKKA_01654
Description: ER03588_3B_prokka|PROKKA_01654
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01726
Name: ER03588_3B_prokka|PROKKA_01726
Description: ER03588_3B_prokka|PROKKA_01726
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01896
Name: ER03588_3B_prokka|PROKKA_01896
Description: ER03588_3B_prokka|PROKKA_01896
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01911
Name: ER03588_3B_prokka|PROKKA_01911
Description: ER03588_3B_prokka|PROKKA_01911
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_01953
Name: ER03588_3B_prokka|PROKKA_01953
Description: ER03588_3B_prokka|PROKKA_01953
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02005
Name: ER03588_3B_prokka|PROKKA_02005
Description: ER03588_3B_prokka|PROKKA_02005
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02079
Name: ER03588_3B_prokka|PROKKA_02079
Description: ER03588_3B_prokka|PROKKA_02079
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02083
Name: ER03588_3B_prokka|PROKKA_02083
Description: ER03588_3B_prokka|PROKKA_02083
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02099
Name: ER03588_3B_prokka|PROKKA_02099
Description: ER03588_3B_prokka|PROKKA_02099
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02117
Name: ER03588_3B_prokka|PROKKA_02117
Description: ER03588_3B_prokka|PROKKA_02117
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02143
Name: ER03588_3B_prokka|PROKKA_02143
Description: ER03588_3B_prokka|PROKKA_02143
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02145
Name: ER03588_3B_prokka|PROKKA_02145
Description: ER03588_3B_prokka|PROKKA_02145
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02196
Name: ER03588_3B_prokka|PROKKA_02196
Description: ER03588_3B_prokka|PROKKA_02196
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02318
Name: ER03588_3B_prokka|PROKKA_02318
Description: ER03588_3B_prokka|PROKKA_02318
Number of features: 0
Seq('MSIYGKISFIKMIDFKKGVSLQKKFNEVLGNIESSNMYRDNIDFDDIELHWIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02322
Name: ER03588_3B_prokka|PROKKA_02322
Description: ER03588_3B_prokka|PROKKA_02322
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02335
Name: ER03588_3B_prokka|PROKKA_02335
Description: ER03588_3B_prokka|PROKKA_02335
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02366
Name: ER03588_3B_prokka|PROKKA_02366
Description: ER03588_3B_prokka|PROKKA_02366
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02519
Name: ER03588_3B_prokka|PROKKA_02519
Description: ER03588_3B_prokka|PROKKA_02519
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02583
Name: ER03588_3B_prokka|PROKKA_02583
Description: ER03588_3B_prokka|PROKKA_02583
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02692
Name: ER03588_3B_prokka|PROKKA_02692
Description: ER03588_3B_prokka|PROKKA_02692
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02730
Name: ER03588_3B_prokka|PROKKA_02730
Description: ER03588_3B_prokka|PROKKA_02730
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03588_3B_prokka|PROKKA_02814
Name: ER03588_3B_prokka|PROKKA_02814
Description: ER03588_3B_prokka|PROKKA_02814
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00035
Name: ER03710_3B_prokka|PROKKA_00035
Description: ER03710_3B_prokka|PROKKA_00035
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00051
Name: ER03710_3B_prokka|PROKKA_00051
Description: ER03710_3B_prokka|PROKKA_00051
Number of features: 0
Seq('MNNWIKVAQISVIVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00141
Name: ER03710_3B_prokka|PROKKA_00141
Description: ER03710_3B_prokka|PROKKA_00141
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00200
Name: ER03710_3B_prokka|PROKKA_00200
Description: ER03710_3B_prokka|PROKKA_00200
Number of features: 0
Seq('MRQAVVNAIDQDQFIKFYRGDKFKIASPITPLVDTGNEQRQDLEKVEKAINQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00240
Name: ER03710_3B_prokka|PROKKA_00240
Description: ER03710_3B_prokka|PROKKA_00240
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00385
Name: ER03710_3B_prokka|PROKKA_00385
Description: ER03710_3B_prokka|PROKKA_00385
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00422
Name: ER03710_3B_prokka|PROKKA_00422
Description: ER03710_3B_prokka|PROKKA_00422
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00552
Name: ER03710_3B_prokka|PROKKA_00552
Description: ER03710_3B_prokka|PROKKA_00552
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00588
Name: ER03710_3B_prokka|PROKKA_00588
Description: ER03710_3B_prokka|PROKKA_00588
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00758
Name: ER03710_3B_prokka|PROKKA_00758
Description: ER03710_3B_prokka|PROKKA_00758
Number of features: 0
Seq('MINLSITIQAIKAAHGAYLTLPILIVIIGSVALAIYMLVVSIKRKSTFNR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00791
Name: ER03710_3B_prokka|PROKKA_00791
Description: ER03710_3B_prokka|PROKKA_00791
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00817
Name: ER03710_3B_prokka|PROKKA_00817
Description: ER03710_3B_prokka|PROKKA_00817
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00926
Name: ER03710_3B_prokka|PROKKA_00926
Description: ER03710_3B_prokka|PROKKA_00926
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_00965
Name: ER03710_3B_prokka|PROKKA_00965
Description: ER03710_3B_prokka|PROKKA_00965
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01044
Name: ER03710_3B_prokka|PROKKA_01044
Description: ER03710_3B_prokka|PROKKA_01044
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01056
Name: ER03710_3B_prokka|PROKKA_01056
Description: ER03710_3B_prokka|PROKKA_01056
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01057
Name: ER03710_3B_prokka|PROKKA_01057
Description: ER03710_3B_prokka|PROKKA_01057
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01192
Name: ER03710_3B_prokka|PROKKA_01192
Description: ER03710_3B_prokka|PROKKA_01192
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01196
Name: ER03710_3B_prokka|PROKKA_01196
Description: ER03710_3B_prokka|PROKKA_01196
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01200
Name: ER03710_3B_prokka|PROKKA_01200
Description: ER03710_3B_prokka|PROKKA_01200
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01202
Name: ER03710_3B_prokka|PROKKA_01202
Description: ER03710_3B_prokka|PROKKA_01202
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01226
Name: ER03710_3B_prokka|PROKKA_01226
Description: ER03710_3B_prokka|PROKKA_01226
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01319
Name: ER03710_3B_prokka|PROKKA_01319
Description: ER03710_3B_prokka|PROKKA_01319
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01332
Name: ER03710_3B_prokka|PROKKA_01332
Description: ER03710_3B_prokka|PROKKA_01332
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01399
Name: ER03710_3B_prokka|PROKKA_01399
Description: ER03710_3B_prokka|PROKKA_01399
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01436
Name: ER03710_3B_prokka|PROKKA_01436
Description: ER03710_3B_prokka|PROKKA_01436
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01507
Name: ER03710_3B_prokka|PROKKA_01507
Description: ER03710_3B_prokka|PROKKA_01507
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01679
Name: ER03710_3B_prokka|PROKKA_01679
Description: ER03710_3B_prokka|PROKKA_01679
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01699
Name: ER03710_3B_prokka|PROKKA_01699
Description: ER03710_3B_prokka|PROKKA_01699
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01734
Name: ER03710_3B_prokka|PROKKA_01734
Description: ER03710_3B_prokka|PROKKA_01734
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01785
Name: ER03710_3B_prokka|PROKKA_01785
Description: ER03710_3B_prokka|PROKKA_01785
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01865
Name: ER03710_3B_prokka|PROKKA_01865
Description: ER03710_3B_prokka|PROKKA_01865
Number of features: 0
Seq('MKDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01869
Name: ER03710_3B_prokka|PROKKA_01869
Description: ER03710_3B_prokka|PROKKA_01869
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01885
Name: ER03710_3B_prokka|PROKKA_01885
Description: ER03710_3B_prokka|PROKKA_01885
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01903
Name: ER03710_3B_prokka|PROKKA_01903
Description: ER03710_3B_prokka|PROKKA_01903
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01933
Name: ER03710_3B_prokka|PROKKA_01933
Description: ER03710_3B_prokka|PROKKA_01933
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01935
Name: ER03710_3B_prokka|PROKKA_01935
Description: ER03710_3B_prokka|PROKKA_01935
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_01984
Name: ER03710_3B_prokka|PROKKA_01984
Description: ER03710_3B_prokka|PROKKA_01984
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_02103
Name: ER03710_3B_prokka|PROKKA_02103
Description: ER03710_3B_prokka|PROKKA_02103
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_02128
Name: ER03710_3B_prokka|PROKKA_02128
Description: ER03710_3B_prokka|PROKKA_02128
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_02159
Name: ER03710_3B_prokka|PROKKA_02159
Description: ER03710_3B_prokka|PROKKA_02159
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_02314
Name: ER03710_3B_prokka|PROKKA_02314
Description: ER03710_3B_prokka|PROKKA_02314
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_02522
Name: ER03710_3B_prokka|PROKKA_02522
Description: ER03710_3B_prokka|PROKKA_02522
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03710_3B_prokka|PROKKA_02609
Name: ER03710_3B_prokka|PROKKA_02609
Description: ER03710_3B_prokka|PROKKA_02609
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00016
Name: ER03717_3B_prokka|PROKKA_00016
Description: ER03717_3B_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00067
Name: ER03717_3B_prokka|PROKKA_00067
Description: ER03717_3B_prokka|PROKKA_00067
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00070
Name: ER03717_3B_prokka|PROKKA_00070
Description: ER03717_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00074
Name: ER03717_3B_prokka|PROKKA_00074
Description: ER03717_3B_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00095
Name: ER03717_3B_prokka|PROKKA_00095
Description: ER03717_3B_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00113
Name: ER03717_3B_prokka|PROKKA_00113
Description: ER03717_3B_prokka|PROKKA_00113
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00280
Name: ER03717_3B_prokka|PROKKA_00280
Description: ER03717_3B_prokka|PROKKA_00280
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00404
Name: ER03717_3B_prokka|PROKKA_00404
Description: ER03717_3B_prokka|PROKKA_00404
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00421
Name: ER03717_3B_prokka|PROKKA_00421
Description: ER03717_3B_prokka|PROKKA_00421
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00587
Name: ER03717_3B_prokka|PROKKA_00587
Description: ER03717_3B_prokka|PROKKA_00587
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00816
Name: ER03717_3B_prokka|PROKKA_00816
Description: ER03717_3B_prokka|PROKKA_00816
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00847
Name: ER03717_3B_prokka|PROKKA_00847
Description: ER03717_3B_prokka|PROKKA_00847
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00851
Name: ER03717_3B_prokka|PROKKA_00851
Description: ER03717_3B_prokka|PROKKA_00851
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00867
Name: ER03717_3B_prokka|PROKKA_00867
Description: ER03717_3B_prokka|PROKKA_00867
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00897
Name: ER03717_3B_prokka|PROKKA_00897
Description: ER03717_3B_prokka|PROKKA_00897
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00898
Name: ER03717_3B_prokka|PROKKA_00898
Description: ER03717_3B_prokka|PROKKA_00898
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00900
Name: ER03717_3B_prokka|PROKKA_00900
Description: ER03717_3B_prokka|PROKKA_00900
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00952
Name: ER03717_3B_prokka|PROKKA_00952
Description: ER03717_3B_prokka|PROKKA_00952
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_00994
Name: ER03717_3B_prokka|PROKKA_00994
Description: ER03717_3B_prokka|PROKKA_00994
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01008
Name: ER03717_3B_prokka|PROKKA_01008
Description: ER03717_3B_prokka|PROKKA_01008
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01177
Name: ER03717_3B_prokka|PROKKA_01177
Description: ER03717_3B_prokka|PROKKA_01177
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01251
Name: ER03717_3B_prokka|PROKKA_01251
Description: ER03717_3B_prokka|PROKKA_01251
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01286
Name: ER03717_3B_prokka|PROKKA_01286
Description: ER03717_3B_prokka|PROKKA_01286
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01289
Name: ER03717_3B_prokka|PROKKA_01289
Description: ER03717_3B_prokka|PROKKA_01289
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01316
Name: ER03717_3B_prokka|PROKKA_01316
Description: ER03717_3B_prokka|PROKKA_01316
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01321
Name: ER03717_3B_prokka|PROKKA_01321
Description: ER03717_3B_prokka|PROKKA_01321
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01329
Name: ER03717_3B_prokka|PROKKA_01329
Description: ER03717_3B_prokka|PROKKA_01329
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01344
Name: ER03717_3B_prokka|PROKKA_01344
Description: ER03717_3B_prokka|PROKKA_01344
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01363
Name: ER03717_3B_prokka|PROKKA_01363
Description: ER03717_3B_prokka|PROKKA_01363
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01371
Name: ER03717_3B_prokka|PROKKA_01371
Description: ER03717_3B_prokka|PROKKA_01371
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01418
Name: ER03717_3B_prokka|PROKKA_01418
Description: ER03717_3B_prokka|PROKKA_01418
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01430
Name: ER03717_3B_prokka|PROKKA_01430
Description: ER03717_3B_prokka|PROKKA_01430
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01523
Name: ER03717_3B_prokka|PROKKA_01523
Description: ER03717_3B_prokka|PROKKA_01523
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01547
Name: ER03717_3B_prokka|PROKKA_01547
Description: ER03717_3B_prokka|PROKKA_01547
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01551
Name: ER03717_3B_prokka|PROKKA_01551
Description: ER03717_3B_prokka|PROKKA_01551
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01687
Name: ER03717_3B_prokka|PROKKA_01687
Description: ER03717_3B_prokka|PROKKA_01687
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01688
Name: ER03717_3B_prokka|PROKKA_01688
Description: ER03717_3B_prokka|PROKKA_01688
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01700
Name: ER03717_3B_prokka|PROKKA_01700
Description: ER03717_3B_prokka|PROKKA_01700
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01782
Name: ER03717_3B_prokka|PROKKA_01782
Description: ER03717_3B_prokka|PROKKA_01782
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01783
Name: ER03717_3B_prokka|PROKKA_01783
Description: ER03717_3B_prokka|PROKKA_01783
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01800
Name: ER03717_3B_prokka|PROKKA_01800
Description: ER03717_3B_prokka|PROKKA_01800
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01823
Name: ER03717_3B_prokka|PROKKA_01823
Description: ER03717_3B_prokka|PROKKA_01823
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01929
Name: ER03717_3B_prokka|PROKKA_01929
Description: ER03717_3B_prokka|PROKKA_01929
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01944
Name: ER03717_3B_prokka|PROKKA_01944
Description: ER03717_3B_prokka|PROKKA_01944
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01945
Name: ER03717_3B_prokka|PROKKA_01945
Description: ER03717_3B_prokka|PROKKA_01945
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01976
Name: ER03717_3B_prokka|PROKKA_01976
Description: ER03717_3B_prokka|PROKKA_01976
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_01998
Name: ER03717_3B_prokka|PROKKA_01998
Description: ER03717_3B_prokka|PROKKA_01998
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02003
Name: ER03717_3B_prokka|PROKKA_02003
Description: ER03717_3B_prokka|PROKKA_02003
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02079
Name: ER03717_3B_prokka|PROKKA_02079
Description: ER03717_3B_prokka|PROKKA_02079
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02083
Name: ER03717_3B_prokka|PROKKA_02083
Description: ER03717_3B_prokka|PROKKA_02083
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02099
Name: ER03717_3B_prokka|PROKKA_02099
Description: ER03717_3B_prokka|PROKKA_02099
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02117
Name: ER03717_3B_prokka|PROKKA_02117
Description: ER03717_3B_prokka|PROKKA_02117
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02143
Name: ER03717_3B_prokka|PROKKA_02143
Description: ER03717_3B_prokka|PROKKA_02143
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02145
Name: ER03717_3B_prokka|PROKKA_02145
Description: ER03717_3B_prokka|PROKKA_02145
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02197
Name: ER03717_3B_prokka|PROKKA_02197
Description: ER03717_3B_prokka|PROKKA_02197
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02305
Name: ER03717_3B_prokka|PROKKA_02305
Description: ER03717_3B_prokka|PROKKA_02305
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02324
Name: ER03717_3B_prokka|PROKKA_02324
Description: ER03717_3B_prokka|PROKKA_02324
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02337
Name: ER03717_3B_prokka|PROKKA_02337
Description: ER03717_3B_prokka|PROKKA_02337
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02369
Name: ER03717_3B_prokka|PROKKA_02369
Description: ER03717_3B_prokka|PROKKA_02369
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02514
Name: ER03717_3B_prokka|PROKKA_02514
Description: ER03717_3B_prokka|PROKKA_02514
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02523
Name: ER03717_3B_prokka|PROKKA_02523
Description: ER03717_3B_prokka|PROKKA_02523
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02587
Name: ER03717_3B_prokka|PROKKA_02587
Description: ER03717_3B_prokka|PROKKA_02587
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02695
Name: ER03717_3B_prokka|PROKKA_02695
Description: ER03717_3B_prokka|PROKKA_02695
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02733
Name: ER03717_3B_prokka|PROKKA_02733
Description: ER03717_3B_prokka|PROKKA_02733
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03717_3B_prokka|PROKKA_02817
Name: ER03717_3B_prokka|PROKKA_02817
Description: ER03717_3B_prokka|PROKKA_02817
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00029
Name: ER03720_3B_prokka|PROKKA_00029
Description: ER03720_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00038
Name: ER03720_3B_prokka|PROKKA_00038
Description: ER03720_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00059
Name: ER03720_3B_prokka|PROKKA_00059
Description: ER03720_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00148
Name: ER03720_3B_prokka|PROKKA_00148
Description: ER03720_3B_prokka|PROKKA_00148
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00190
Name: ER03720_3B_prokka|PROKKA_00190
Description: ER03720_3B_prokka|PROKKA_00190
Number of features: 0
Seq('MNSIIELTDYYSSNNYAPLKLVISKGKGVKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00249
Name: ER03720_3B_prokka|PROKKA_00249
Description: ER03720_3B_prokka|PROKKA_00249
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00301
Name: ER03720_3B_prokka|PROKKA_00301
Description: ER03720_3B_prokka|PROKKA_00301
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00400
Name: ER03720_3B_prokka|PROKKA_00400
Description: ER03720_3B_prokka|PROKKA_00400
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00438
Name: ER03720_3B_prokka|PROKKA_00438
Description: ER03720_3B_prokka|PROKKA_00438
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00568
Name: ER03720_3B_prokka|PROKKA_00568
Description: ER03720_3B_prokka|PROKKA_00568
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00604
Name: ER03720_3B_prokka|PROKKA_00604
Description: ER03720_3B_prokka|PROKKA_00604
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00822
Name: ER03720_3B_prokka|PROKKA_00822
Description: ER03720_3B_prokka|PROKKA_00822
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00866
Name: ER03720_3B_prokka|PROKKA_00866
Description: ER03720_3B_prokka|PROKKA_00866
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_00974
Name: ER03720_3B_prokka|PROKKA_00974
Description: ER03720_3B_prokka|PROKKA_00974
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01013
Name: ER03720_3B_prokka|PROKKA_01013
Description: ER03720_3B_prokka|PROKKA_01013
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01093
Name: ER03720_3B_prokka|PROKKA_01093
Description: ER03720_3B_prokka|PROKKA_01093
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01106
Name: ER03720_3B_prokka|PROKKA_01106
Description: ER03720_3B_prokka|PROKKA_01106
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01107
Name: ER03720_3B_prokka|PROKKA_01107
Description: ER03720_3B_prokka|PROKKA_01107
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01242
Name: ER03720_3B_prokka|PROKKA_01242
Description: ER03720_3B_prokka|PROKKA_01242
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01246
Name: ER03720_3B_prokka|PROKKA_01246
Description: ER03720_3B_prokka|PROKKA_01246
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01250
Name: ER03720_3B_prokka|PROKKA_01250
Description: ER03720_3B_prokka|PROKKA_01250
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01252
Name: ER03720_3B_prokka|PROKKA_01252
Description: ER03720_3B_prokka|PROKKA_01252
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01276
Name: ER03720_3B_prokka|PROKKA_01276
Description: ER03720_3B_prokka|PROKKA_01276
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01371
Name: ER03720_3B_prokka|PROKKA_01371
Description: ER03720_3B_prokka|PROKKA_01371
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01383
Name: ER03720_3B_prokka|PROKKA_01383
Description: ER03720_3B_prokka|PROKKA_01383
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01432
Name: ER03720_3B_prokka|PROKKA_01432
Description: ER03720_3B_prokka|PROKKA_01432
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01440
Name: ER03720_3B_prokka|PROKKA_01440
Description: ER03720_3B_prokka|PROKKA_01440
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01460
Name: ER03720_3B_prokka|PROKKA_01460
Description: ER03720_3B_prokka|PROKKA_01460
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01488
Name: ER03720_3B_prokka|PROKKA_01488
Description: ER03720_3B_prokka|PROKKA_01488
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01515
Name: ER03720_3B_prokka|PROKKA_01515
Description: ER03720_3B_prokka|PROKKA_01515
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01552
Name: ER03720_3B_prokka|PROKKA_01552
Description: ER03720_3B_prokka|PROKKA_01552
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01623
Name: ER03720_3B_prokka|PROKKA_01623
Description: ER03720_3B_prokka|PROKKA_01623
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01788
Name: ER03720_3B_prokka|PROKKA_01788
Description: ER03720_3B_prokka|PROKKA_01788
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01795
Name: ER03720_3B_prokka|PROKKA_01795
Description: ER03720_3B_prokka|PROKKA_01795
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01814
Name: ER03720_3B_prokka|PROKKA_01814
Description: ER03720_3B_prokka|PROKKA_01814
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01849
Name: ER03720_3B_prokka|PROKKA_01849
Description: ER03720_3B_prokka|PROKKA_01849
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01902
Name: ER03720_3B_prokka|PROKKA_01902
Description: ER03720_3B_prokka|PROKKA_01902
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01932
Name: ER03720_3B_prokka|PROKKA_01932
Description: ER03720_3B_prokka|PROKKA_01932
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGEVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01949
Name: ER03720_3B_prokka|PROKKA_01949
Description: ER03720_3B_prokka|PROKKA_01949
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01958
Name: ER03720_3B_prokka|PROKKA_01958
Description: ER03720_3B_prokka|PROKKA_01958
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_01966
Name: ER03720_3B_prokka|PROKKA_01966
Description: ER03720_3B_prokka|PROKKA_01966
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELSKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02040
Name: ER03720_3B_prokka|PROKKA_02040
Description: ER03720_3B_prokka|PROKKA_02040
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02044
Name: ER03720_3B_prokka|PROKKA_02044
Description: ER03720_3B_prokka|PROKKA_02044
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02060
Name: ER03720_3B_prokka|PROKKA_02060
Description: ER03720_3B_prokka|PROKKA_02060
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02080
Name: ER03720_3B_prokka|PROKKA_02080
Description: ER03720_3B_prokka|PROKKA_02080
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02110
Name: ER03720_3B_prokka|PROKKA_02110
Description: ER03720_3B_prokka|PROKKA_02110
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02112
Name: ER03720_3B_prokka|PROKKA_02112
Description: ER03720_3B_prokka|PROKKA_02112
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02161
Name: ER03720_3B_prokka|PROKKA_02161
Description: ER03720_3B_prokka|PROKKA_02161
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02281
Name: ER03720_3B_prokka|PROKKA_02281
Description: ER03720_3B_prokka|PROKKA_02281
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02306
Name: ER03720_3B_prokka|PROKKA_02306
Description: ER03720_3B_prokka|PROKKA_02306
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02337
Name: ER03720_3B_prokka|PROKKA_02337
Description: ER03720_3B_prokka|PROKKA_02337
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02491
Name: ER03720_3B_prokka|PROKKA_02491
Description: ER03720_3B_prokka|PROKKA_02491
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02700
Name: ER03720_3B_prokka|PROKKA_02700
Description: ER03720_3B_prokka|PROKKA_02700
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02787
Name: ER03720_3B_prokka|PROKKA_02787
Description: ER03720_3B_prokka|PROKKA_02787
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03720_3B_prokka|PROKKA_02817
Name: ER03720_3B_prokka|PROKKA_02817
Description: ER03720_3B_prokka|PROKKA_02817
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00050
Name: ER03737_3B_prokka|PROKKA_00050
Description: ER03737_3B_prokka|PROKKA_00050
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00068
Name: ER03737_3B_prokka|PROKKA_00068
Description: ER03737_3B_prokka|PROKKA_00068
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00235
Name: ER03737_3B_prokka|PROKKA_00235
Description: ER03737_3B_prokka|PROKKA_00235
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00308
Name: ER03737_3B_prokka|PROKKA_00308
Description: ER03737_3B_prokka|PROKKA_00308
Number of features: 0
Seq('MKRLLSLLLASALILSACGSNDGDKKGESKKTEKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00313
Name: ER03737_3B_prokka|PROKKA_00313
Description: ER03737_3B_prokka|PROKKA_00313
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00319
Name: ER03737_3B_prokka|PROKKA_00319
Description: ER03737_3B_prokka|PROKKA_00319
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00343
Name: ER03737_3B_prokka|PROKKA_00343
Description: ER03737_3B_prokka|PROKKA_00343
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00426
Name: ER03737_3B_prokka|PROKKA_00426
Description: ER03737_3B_prokka|PROKKA_00426
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00443
Name: ER03737_3B_prokka|PROKKA_00443
Description: ER03737_3B_prokka|PROKKA_00443
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00610
Name: ER03737_3B_prokka|PROKKA_00610
Description: ER03737_3B_prokka|PROKKA_00610
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00727
Name: ER03737_3B_prokka|PROKKA_00727
Description: ER03737_3B_prokka|PROKKA_00727
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00838
Name: ER03737_3B_prokka|PROKKA_00838
Description: ER03737_3B_prokka|PROKKA_00838
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00865
Name: ER03737_3B_prokka|PROKKA_00865
Description: ER03737_3B_prokka|PROKKA_00865
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00956
Name: ER03737_3B_prokka|PROKKA_00956
Description: ER03737_3B_prokka|PROKKA_00956
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00962
Name: ER03737_3B_prokka|PROKKA_00962
Description: ER03737_3B_prokka|PROKKA_00962
Number of features: 0
Seq('MLQKFRIAKEKSKLKLNLLKHANSNLETRNNPELLRAVAELLKEINR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00968
Name: ER03737_3B_prokka|PROKKA_00968
Description: ER03737_3B_prokka|PROKKA_00968
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00978
Name: ER03737_3B_prokka|PROKKA_00978
Description: ER03737_3B_prokka|PROKKA_00978
Number of features: 0
Seq('MKIKIEKEMNLPELIQWAWDNPSYQVIKDSIQMMLSATVL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_00986
Name: ER03737_3B_prokka|PROKKA_00986
Description: ER03737_3B_prokka|PROKKA_00986
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01006
Name: ER03737_3B_prokka|PROKKA_01006
Description: ER03737_3B_prokka|PROKKA_01006
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01034
Name: ER03737_3B_prokka|PROKKA_01034
Description: ER03737_3B_prokka|PROKKA_01034
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01063
Name: ER03737_3B_prokka|PROKKA_01063
Description: ER03737_3B_prokka|PROKKA_01063
Number of features: 0
Seq('MKFAVLVFPGSNCDRDMFNAAIKSGVEAEYVDYRETSLSGFDGVLIPGGFSFGIT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01074
Name: ER03737_3B_prokka|PROKKA_01074
Description: ER03737_3B_prokka|PROKKA_01074
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01075
Name: ER03737_3B_prokka|PROKKA_01075
Description: ER03737_3B_prokka|PROKKA_01075
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01158
Name: ER03737_3B_prokka|PROKKA_01158
Description: ER03737_3B_prokka|PROKKA_01158
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01170
Name: ER03737_3B_prokka|PROKKA_01170
Description: ER03737_3B_prokka|PROKKA_01170
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01171
Name: ER03737_3B_prokka|PROKKA_01171
Description: ER03737_3B_prokka|PROKKA_01171
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01308
Name: ER03737_3B_prokka|PROKKA_01308
Description: ER03737_3B_prokka|PROKKA_01308
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01312
Name: ER03737_3B_prokka|PROKKA_01312
Description: ER03737_3B_prokka|PROKKA_01312
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01336
Name: ER03737_3B_prokka|PROKKA_01336
Description: ER03737_3B_prokka|PROKKA_01336
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01430
Name: ER03737_3B_prokka|PROKKA_01430
Description: ER03737_3B_prokka|PROKKA_01430
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01444
Name: ER03737_3B_prokka|PROKKA_01444
Description: ER03737_3B_prokka|PROKKA_01444
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01466
Name: ER03737_3B_prokka|PROKKA_01466
Description: ER03737_3B_prokka|PROKKA_01466
Number of features: 0
Seq('MRYLTSGESHGPQLTVIVEGIPANLEIKVEDINKEMFKRQGVMVVADACKLRKIQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01511
Name: ER03737_3B_prokka|PROKKA_01511
Description: ER03737_3B_prokka|PROKKA_01511
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01514
Name: ER03737_3B_prokka|PROKKA_01514
Description: ER03737_3B_prokka|PROKKA_01514
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01549
Name: ER03737_3B_prokka|PROKKA_01549
Description: ER03737_3B_prokka|PROKKA_01549
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01621
Name: ER03737_3B_prokka|PROKKA_01621
Description: ER03737_3B_prokka|PROKKA_01621
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01789
Name: ER03737_3B_prokka|PROKKA_01789
Description: ER03737_3B_prokka|PROKKA_01789
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01803
Name: ER03737_3B_prokka|PROKKA_01803
Description: ER03737_3B_prokka|PROKKA_01803
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01845
Name: ER03737_3B_prokka|PROKKA_01845
Description: ER03737_3B_prokka|PROKKA_01845
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01897
Name: ER03737_3B_prokka|PROKKA_01897
Description: ER03737_3B_prokka|PROKKA_01897
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01969
Name: ER03737_3B_prokka|PROKKA_01969
Description: ER03737_3B_prokka|PROKKA_01969
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01973
Name: ER03737_3B_prokka|PROKKA_01973
Description: ER03737_3B_prokka|PROKKA_01973
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_01989
Name: ER03737_3B_prokka|PROKKA_01989
Description: ER03737_3B_prokka|PROKKA_01989
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02007
Name: ER03737_3B_prokka|PROKKA_02007
Description: ER03737_3B_prokka|PROKKA_02007
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02013
Name: ER03737_3B_prokka|PROKKA_02013
Description: ER03737_3B_prokka|PROKKA_02013
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02018
Name: ER03737_3B_prokka|PROKKA_02018
Description: ER03737_3B_prokka|PROKKA_02018
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02034
Name: ER03737_3B_prokka|PROKKA_02034
Description: ER03737_3B_prokka|PROKKA_02034
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02036
Name: ER03737_3B_prokka|PROKKA_02036
Description: ER03737_3B_prokka|PROKKA_02036
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02087
Name: ER03737_3B_prokka|PROKKA_02087
Description: ER03737_3B_prokka|PROKKA_02087
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02213
Name: ER03737_3B_prokka|PROKKA_02213
Description: ER03737_3B_prokka|PROKKA_02213
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02226
Name: ER03737_3B_prokka|PROKKA_02226
Description: ER03737_3B_prokka|PROKKA_02226
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02257
Name: ER03737_3B_prokka|PROKKA_02257
Description: ER03737_3B_prokka|PROKKA_02257
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02403
Name: ER03737_3B_prokka|PROKKA_02403
Description: ER03737_3B_prokka|PROKKA_02403
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02412
Name: ER03737_3B_prokka|PROKKA_02412
Description: ER03737_3B_prokka|PROKKA_02412
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02476
Name: ER03737_3B_prokka|PROKKA_02476
Description: ER03737_3B_prokka|PROKKA_02476
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02585
Name: ER03737_3B_prokka|PROKKA_02585
Description: ER03737_3B_prokka|PROKKA_02585
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02623
Name: ER03737_3B_prokka|PROKKA_02623
Description: ER03737_3B_prokka|PROKKA_02623
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03737_3B_prokka|PROKKA_02707
Name: ER03737_3B_prokka|PROKKA_02707
Description: ER03737_3B_prokka|PROKKA_02707
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00004
Name: ER03750_3B_prokka|PROKKA_00004
Description: ER03750_3B_prokka|PROKKA_00004
Number of features: 0
Seq('MKVTNTIRFEEEKKNLIDNVVNTLEEYKDVIDSELRTIRNTNHLVMRNNLVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00068
Name: ER03750_3B_prokka|PROKKA_00068
Description: ER03750_3B_prokka|PROKKA_00068
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00077
Name: ER03750_3B_prokka|PROKKA_00077
Description: ER03750_3B_prokka|PROKKA_00077
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00166
Name: ER03750_3B_prokka|PROKKA_00166
Description: ER03750_3B_prokka|PROKKA_00166
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00268
Name: ER03750_3B_prokka|PROKKA_00268
Description: ER03750_3B_prokka|PROKKA_00268
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00320
Name: ER03750_3B_prokka|PROKKA_00320
Description: ER03750_3B_prokka|PROKKA_00320
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00417
Name: ER03750_3B_prokka|PROKKA_00417
Description: ER03750_3B_prokka|PROKKA_00417
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00454
Name: ER03750_3B_prokka|PROKKA_00454
Description: ER03750_3B_prokka|PROKKA_00454
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00584
Name: ER03750_3B_prokka|PROKKA_00584
Description: ER03750_3B_prokka|PROKKA_00584
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00635
Name: ER03750_3B_prokka|PROKKA_00635
Description: ER03750_3B_prokka|PROKKA_00635
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00837
Name: ER03750_3B_prokka|PROKKA_00837
Description: ER03750_3B_prokka|PROKKA_00837
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00863
Name: ER03750_3B_prokka|PROKKA_00863
Description: ER03750_3B_prokka|PROKKA_00863
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_00971
Name: ER03750_3B_prokka|PROKKA_00971
Description: ER03750_3B_prokka|PROKKA_00971
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01010
Name: ER03750_3B_prokka|PROKKA_01010
Description: ER03750_3B_prokka|PROKKA_01010
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01090
Name: ER03750_3B_prokka|PROKKA_01090
Description: ER03750_3B_prokka|PROKKA_01090
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01102
Name: ER03750_3B_prokka|PROKKA_01102
Description: ER03750_3B_prokka|PROKKA_01102
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01103
Name: ER03750_3B_prokka|PROKKA_01103
Description: ER03750_3B_prokka|PROKKA_01103
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01238
Name: ER03750_3B_prokka|PROKKA_01238
Description: ER03750_3B_prokka|PROKKA_01238
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01242
Name: ER03750_3B_prokka|PROKKA_01242
Description: ER03750_3B_prokka|PROKKA_01242
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01246
Name: ER03750_3B_prokka|PROKKA_01246
Description: ER03750_3B_prokka|PROKKA_01246
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01248
Name: ER03750_3B_prokka|PROKKA_01248
Description: ER03750_3B_prokka|PROKKA_01248
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01272
Name: ER03750_3B_prokka|PROKKA_01272
Description: ER03750_3B_prokka|PROKKA_01272
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01367
Name: ER03750_3B_prokka|PROKKA_01367
Description: ER03750_3B_prokka|PROKKA_01367
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01379
Name: ER03750_3B_prokka|PROKKA_01379
Description: ER03750_3B_prokka|PROKKA_01379
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01426
Name: ER03750_3B_prokka|PROKKA_01426
Description: ER03750_3B_prokka|PROKKA_01426
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01434
Name: ER03750_3B_prokka|PROKKA_01434
Description: ER03750_3B_prokka|PROKKA_01434
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01455
Name: ER03750_3B_prokka|PROKKA_01455
Description: ER03750_3B_prokka|PROKKA_01455
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01460
Name: ER03750_3B_prokka|PROKKA_01460
Description: ER03750_3B_prokka|PROKKA_01460
Number of features: 0
Seq('MTFTLSDEQYKNLCTNFNKLLDKLHKALKDRE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01475
Name: ER03750_3B_prokka|PROKKA_01475
Description: ER03750_3B_prokka|PROKKA_01475
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01485
Name: ER03750_3B_prokka|PROKKA_01485
Description: ER03750_3B_prokka|PROKKA_01485
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01511
Name: ER03750_3B_prokka|PROKKA_01511
Description: ER03750_3B_prokka|PROKKA_01511
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01548
Name: ER03750_3B_prokka|PROKKA_01548
Description: ER03750_3B_prokka|PROKKA_01548
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01619
Name: ER03750_3B_prokka|PROKKA_01619
Description: ER03750_3B_prokka|PROKKA_01619
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01792
Name: ER03750_3B_prokka|PROKKA_01792
Description: ER03750_3B_prokka|PROKKA_01792
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01811
Name: ER03750_3B_prokka|PROKKA_01811
Description: ER03750_3B_prokka|PROKKA_01811
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01846
Name: ER03750_3B_prokka|PROKKA_01846
Description: ER03750_3B_prokka|PROKKA_01846
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01897
Name: ER03750_3B_prokka|PROKKA_01897
Description: ER03750_3B_prokka|PROKKA_01897
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01969
Name: ER03750_3B_prokka|PROKKA_01969
Description: ER03750_3B_prokka|PROKKA_01969
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01973
Name: ER03750_3B_prokka|PROKKA_01973
Description: ER03750_3B_prokka|PROKKA_01973
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_01989
Name: ER03750_3B_prokka|PROKKA_01989
Description: ER03750_3B_prokka|PROKKA_01989
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_02009
Name: ER03750_3B_prokka|PROKKA_02009
Description: ER03750_3B_prokka|PROKKA_02009
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_02039
Name: ER03750_3B_prokka|PROKKA_02039
Description: ER03750_3B_prokka|PROKKA_02039
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_02041
Name: ER03750_3B_prokka|PROKKA_02041
Description: ER03750_3B_prokka|PROKKA_02041
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_02090
Name: ER03750_3B_prokka|PROKKA_02090
Description: ER03750_3B_prokka|PROKKA_02090
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_02209
Name: ER03750_3B_prokka|PROKKA_02209
Description: ER03750_3B_prokka|PROKKA_02209
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_02234
Name: ER03750_3B_prokka|PROKKA_02234
Description: ER03750_3B_prokka|PROKKA_02234
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_02265
Name: ER03750_3B_prokka|PROKKA_02265
Description: ER03750_3B_prokka|PROKKA_02265
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_02420
Name: ER03750_3B_prokka|PROKKA_02420
Description: ER03750_3B_prokka|PROKKA_02420
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_02628
Name: ER03750_3B_prokka|PROKKA_02628
Description: ER03750_3B_prokka|PROKKA_02628
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03750_3B_prokka|PROKKA_02715
Name: ER03750_3B_prokka|PROKKA_02715
Description: ER03750_3B_prokka|PROKKA_02715
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00014
Name: ER03755_3B_prokka|PROKKA_00014
Description: ER03755_3B_prokka|PROKKA_00014
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00061
Name: ER03755_3B_prokka|PROKKA_00061
Description: ER03755_3B_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00070
Name: ER03755_3B_prokka|PROKKA_00070
Description: ER03755_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00091
Name: ER03755_3B_prokka|PROKKA_00091
Description: ER03755_3B_prokka|PROKKA_00091
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00180
Name: ER03755_3B_prokka|PROKKA_00180
Description: ER03755_3B_prokka|PROKKA_00180
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00279
Name: ER03755_3B_prokka|PROKKA_00279
Description: ER03755_3B_prokka|PROKKA_00279
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00331
Name: ER03755_3B_prokka|PROKKA_00331
Description: ER03755_3B_prokka|PROKKA_00331
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00429
Name: ER03755_3B_prokka|PROKKA_00429
Description: ER03755_3B_prokka|PROKKA_00429
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00467
Name: ER03755_3B_prokka|PROKKA_00467
Description: ER03755_3B_prokka|PROKKA_00467
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00597
Name: ER03755_3B_prokka|PROKKA_00597
Description: ER03755_3B_prokka|PROKKA_00597
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00633
Name: ER03755_3B_prokka|PROKKA_00633
Description: ER03755_3B_prokka|PROKKA_00633
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00851
Name: ER03755_3B_prokka|PROKKA_00851
Description: ER03755_3B_prokka|PROKKA_00851
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00890
Name: ER03755_3B_prokka|PROKKA_00890
Description: ER03755_3B_prokka|PROKKA_00890
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00904
Name: ER03755_3B_prokka|PROKKA_00904
Description: ER03755_3B_prokka|PROKKA_00904
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00915
Name: ER03755_3B_prokka|PROKKA_00915
Description: ER03755_3B_prokka|PROKKA_00915
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKIKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00945
Name: ER03755_3B_prokka|PROKKA_00945
Description: ER03755_3B_prokka|PROKKA_00945
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_00997
Name: ER03755_3B_prokka|PROKKA_00997
Description: ER03755_3B_prokka|PROKKA_00997
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01032
Name: ER03755_3B_prokka|PROKKA_01032
Description: ER03755_3B_prokka|PROKKA_01032
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01051
Name: ER03755_3B_prokka|PROKKA_01051
Description: ER03755_3B_prokka|PROKKA_01051
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01058
Name: ER03755_3B_prokka|PROKKA_01058
Description: ER03755_3B_prokka|PROKKA_01058
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01098
Name: ER03755_3B_prokka|PROKKA_01098
Description: ER03755_3B_prokka|PROKKA_01098
Number of features: 0
Seq('MIVHRITGDGPIDIMVGPMWSVNKWEVLNGIDAELARRNSYQGLRYKSKVKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01224
Name: ER03755_3B_prokka|PROKKA_01224
Description: ER03755_3B_prokka|PROKKA_01224
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01295
Name: ER03755_3B_prokka|PROKKA_01295
Description: ER03755_3B_prokka|PROKKA_01295
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01332
Name: ER03755_3B_prokka|PROKKA_01332
Description: ER03755_3B_prokka|PROKKA_01332
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01359
Name: ER03755_3B_prokka|PROKKA_01359
Description: ER03755_3B_prokka|PROKKA_01359
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01387
Name: ER03755_3B_prokka|PROKKA_01387
Description: ER03755_3B_prokka|PROKKA_01387
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01407
Name: ER03755_3B_prokka|PROKKA_01407
Description: ER03755_3B_prokka|PROKKA_01407
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01415
Name: ER03755_3B_prokka|PROKKA_01415
Description: ER03755_3B_prokka|PROKKA_01415
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01464
Name: ER03755_3B_prokka|PROKKA_01464
Description: ER03755_3B_prokka|PROKKA_01464
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01477
Name: ER03755_3B_prokka|PROKKA_01477
Description: ER03755_3B_prokka|PROKKA_01477
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01572
Name: ER03755_3B_prokka|PROKKA_01572
Description: ER03755_3B_prokka|PROKKA_01572
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01596
Name: ER03755_3B_prokka|PROKKA_01596
Description: ER03755_3B_prokka|PROKKA_01596
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01598
Name: ER03755_3B_prokka|PROKKA_01598
Description: ER03755_3B_prokka|PROKKA_01598
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01602
Name: ER03755_3B_prokka|PROKKA_01602
Description: ER03755_3B_prokka|PROKKA_01602
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01606
Name: ER03755_3B_prokka|PROKKA_01606
Description: ER03755_3B_prokka|PROKKA_01606
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01741
Name: ER03755_3B_prokka|PROKKA_01741
Description: ER03755_3B_prokka|PROKKA_01741
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01742
Name: ER03755_3B_prokka|PROKKA_01742
Description: ER03755_3B_prokka|PROKKA_01742
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01834
Name: ER03755_3B_prokka|PROKKA_01834
Description: ER03755_3B_prokka|PROKKA_01834
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01873
Name: ER03755_3B_prokka|PROKKA_01873
Description: ER03755_3B_prokka|PROKKA_01873
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01981
Name: ER03755_3B_prokka|PROKKA_01981
Description: ER03755_3B_prokka|PROKKA_01981
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01995
Name: ER03755_3B_prokka|PROKKA_01995
Description: ER03755_3B_prokka|PROKKA_01995
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_01996
Name: ER03755_3B_prokka|PROKKA_01996
Description: ER03755_3B_prokka|PROKKA_01996
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02026
Name: ER03755_3B_prokka|PROKKA_02026
Description: ER03755_3B_prokka|PROKKA_02026
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02043
Name: ER03755_3B_prokka|PROKKA_02043
Description: ER03755_3B_prokka|PROKKA_02043
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02052
Name: ER03755_3B_prokka|PROKKA_02052
Description: ER03755_3B_prokka|PROKKA_02052
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02060
Name: ER03755_3B_prokka|PROKKA_02060
Description: ER03755_3B_prokka|PROKKA_02060
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELSKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02135
Name: ER03755_3B_prokka|PROKKA_02135
Description: ER03755_3B_prokka|PROKKA_02135
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02140
Name: ER03755_3B_prokka|PROKKA_02140
Description: ER03755_3B_prokka|PROKKA_02140
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02156
Name: ER03755_3B_prokka|PROKKA_02156
Description: ER03755_3B_prokka|PROKKA_02156
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02176
Name: ER03755_3B_prokka|PROKKA_02176
Description: ER03755_3B_prokka|PROKKA_02176
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02206
Name: ER03755_3B_prokka|PROKKA_02206
Description: ER03755_3B_prokka|PROKKA_02206
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02208
Name: ER03755_3B_prokka|PROKKA_02208
Description: ER03755_3B_prokka|PROKKA_02208
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02257
Name: ER03755_3B_prokka|PROKKA_02257
Description: ER03755_3B_prokka|PROKKA_02257
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02377
Name: ER03755_3B_prokka|PROKKA_02377
Description: ER03755_3B_prokka|PROKKA_02377
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02401
Name: ER03755_3B_prokka|PROKKA_02401
Description: ER03755_3B_prokka|PROKKA_02401
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02432
Name: ER03755_3B_prokka|PROKKA_02432
Description: ER03755_3B_prokka|PROKKA_02432
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02588
Name: ER03755_3B_prokka|PROKKA_02588
Description: ER03755_3B_prokka|PROKKA_02588
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02797
Name: ER03755_3B_prokka|PROKKA_02797
Description: ER03755_3B_prokka|PROKKA_02797
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03755_3B_prokka|PROKKA_02881
Name: ER03755_3B_prokka|PROKKA_02881
Description: ER03755_3B_prokka|PROKKA_02881
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00082
Name: ER03759_3B_prokka|PROKKA_00082
Description: ER03759_3B_prokka|PROKKA_00082
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00085
Name: ER03759_3B_prokka|PROKKA_00085
Description: ER03759_3B_prokka|PROKKA_00085
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00089
Name: ER03759_3B_prokka|PROKKA_00089
Description: ER03759_3B_prokka|PROKKA_00089
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00110
Name: ER03759_3B_prokka|PROKKA_00110
Description: ER03759_3B_prokka|PROKKA_00110
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00128
Name: ER03759_3B_prokka|PROKKA_00128
Description: ER03759_3B_prokka|PROKKA_00128
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00252
Name: ER03759_3B_prokka|PROKKA_00252
Description: ER03759_3B_prokka|PROKKA_00252
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00296
Name: ER03759_3B_prokka|PROKKA_00296
Description: ER03759_3B_prokka|PROKKA_00296
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00420
Name: ER03759_3B_prokka|PROKKA_00420
Description: ER03759_3B_prokka|PROKKA_00420
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00437
Name: ER03759_3B_prokka|PROKKA_00437
Description: ER03759_3B_prokka|PROKKA_00437
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00603
Name: ER03759_3B_prokka|PROKKA_00603
Description: ER03759_3B_prokka|PROKKA_00603
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00832
Name: ER03759_3B_prokka|PROKKA_00832
Description: ER03759_3B_prokka|PROKKA_00832
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00863
Name: ER03759_3B_prokka|PROKKA_00863
Description: ER03759_3B_prokka|PROKKA_00863
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00867
Name: ER03759_3B_prokka|PROKKA_00867
Description: ER03759_3B_prokka|PROKKA_00867
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00883
Name: ER03759_3B_prokka|PROKKA_00883
Description: ER03759_3B_prokka|PROKKA_00883
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00913
Name: ER03759_3B_prokka|PROKKA_00913
Description: ER03759_3B_prokka|PROKKA_00913
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00914
Name: ER03759_3B_prokka|PROKKA_00914
Description: ER03759_3B_prokka|PROKKA_00914
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00916
Name: ER03759_3B_prokka|PROKKA_00916
Description: ER03759_3B_prokka|PROKKA_00916
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_00968
Name: ER03759_3B_prokka|PROKKA_00968
Description: ER03759_3B_prokka|PROKKA_00968
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01010
Name: ER03759_3B_prokka|PROKKA_01010
Description: ER03759_3B_prokka|PROKKA_01010
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01024
Name: ER03759_3B_prokka|PROKKA_01024
Description: ER03759_3B_prokka|PROKKA_01024
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01193
Name: ER03759_3B_prokka|PROKKA_01193
Description: ER03759_3B_prokka|PROKKA_01193
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01267
Name: ER03759_3B_prokka|PROKKA_01267
Description: ER03759_3B_prokka|PROKKA_01267
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01302
Name: ER03759_3B_prokka|PROKKA_01302
Description: ER03759_3B_prokka|PROKKA_01302
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01305
Name: ER03759_3B_prokka|PROKKA_01305
Description: ER03759_3B_prokka|PROKKA_01305
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01332
Name: ER03759_3B_prokka|PROKKA_01332
Description: ER03759_3B_prokka|PROKKA_01332
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01337
Name: ER03759_3B_prokka|PROKKA_01337
Description: ER03759_3B_prokka|PROKKA_01337
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01345
Name: ER03759_3B_prokka|PROKKA_01345
Description: ER03759_3B_prokka|PROKKA_01345
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01360
Name: ER03759_3B_prokka|PROKKA_01360
Description: ER03759_3B_prokka|PROKKA_01360
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01379
Name: ER03759_3B_prokka|PROKKA_01379
Description: ER03759_3B_prokka|PROKKA_01379
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01387
Name: ER03759_3B_prokka|PROKKA_01387
Description: ER03759_3B_prokka|PROKKA_01387
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01434
Name: ER03759_3B_prokka|PROKKA_01434
Description: ER03759_3B_prokka|PROKKA_01434
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01446
Name: ER03759_3B_prokka|PROKKA_01446
Description: ER03759_3B_prokka|PROKKA_01446
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01539
Name: ER03759_3B_prokka|PROKKA_01539
Description: ER03759_3B_prokka|PROKKA_01539
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01563
Name: ER03759_3B_prokka|PROKKA_01563
Description: ER03759_3B_prokka|PROKKA_01563
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01567
Name: ER03759_3B_prokka|PROKKA_01567
Description: ER03759_3B_prokka|PROKKA_01567
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01703
Name: ER03759_3B_prokka|PROKKA_01703
Description: ER03759_3B_prokka|PROKKA_01703
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01704
Name: ER03759_3B_prokka|PROKKA_01704
Description: ER03759_3B_prokka|PROKKA_01704
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01716
Name: ER03759_3B_prokka|PROKKA_01716
Description: ER03759_3B_prokka|PROKKA_01716
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01798
Name: ER03759_3B_prokka|PROKKA_01798
Description: ER03759_3B_prokka|PROKKA_01798
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01799
Name: ER03759_3B_prokka|PROKKA_01799
Description: ER03759_3B_prokka|PROKKA_01799
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01816
Name: ER03759_3B_prokka|PROKKA_01816
Description: ER03759_3B_prokka|PROKKA_01816
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01839
Name: ER03759_3B_prokka|PROKKA_01839
Description: ER03759_3B_prokka|PROKKA_01839
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01945
Name: ER03759_3B_prokka|PROKKA_01945
Description: ER03759_3B_prokka|PROKKA_01945
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01960
Name: ER03759_3B_prokka|PROKKA_01960
Description: ER03759_3B_prokka|PROKKA_01960
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01961
Name: ER03759_3B_prokka|PROKKA_01961
Description: ER03759_3B_prokka|PROKKA_01961
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_01992
Name: ER03759_3B_prokka|PROKKA_01992
Description: ER03759_3B_prokka|PROKKA_01992
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02014
Name: ER03759_3B_prokka|PROKKA_02014
Description: ER03759_3B_prokka|PROKKA_02014
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02019
Name: ER03759_3B_prokka|PROKKA_02019
Description: ER03759_3B_prokka|PROKKA_02019
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02095
Name: ER03759_3B_prokka|PROKKA_02095
Description: ER03759_3B_prokka|PROKKA_02095
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02099
Name: ER03759_3B_prokka|PROKKA_02099
Description: ER03759_3B_prokka|PROKKA_02099
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02115
Name: ER03759_3B_prokka|PROKKA_02115
Description: ER03759_3B_prokka|PROKKA_02115
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02133
Name: ER03759_3B_prokka|PROKKA_02133
Description: ER03759_3B_prokka|PROKKA_02133
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02159
Name: ER03759_3B_prokka|PROKKA_02159
Description: ER03759_3B_prokka|PROKKA_02159
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02161
Name: ER03759_3B_prokka|PROKKA_02161
Description: ER03759_3B_prokka|PROKKA_02161
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02213
Name: ER03759_3B_prokka|PROKKA_02213
Description: ER03759_3B_prokka|PROKKA_02213
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02321
Name: ER03759_3B_prokka|PROKKA_02321
Description: ER03759_3B_prokka|PROKKA_02321
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02340
Name: ER03759_3B_prokka|PROKKA_02340
Description: ER03759_3B_prokka|PROKKA_02340
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02353
Name: ER03759_3B_prokka|PROKKA_02353
Description: ER03759_3B_prokka|PROKKA_02353
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02385
Name: ER03759_3B_prokka|PROKKA_02385
Description: ER03759_3B_prokka|PROKKA_02385
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02530
Name: ER03759_3B_prokka|PROKKA_02530
Description: ER03759_3B_prokka|PROKKA_02530
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02539
Name: ER03759_3B_prokka|PROKKA_02539
Description: ER03759_3B_prokka|PROKKA_02539
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02603
Name: ER03759_3B_prokka|PROKKA_02603
Description: ER03759_3B_prokka|PROKKA_02603
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02711
Name: ER03759_3B_prokka|PROKKA_02711
Description: ER03759_3B_prokka|PROKKA_02711
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02749
Name: ER03759_3B_prokka|PROKKA_02749
Description: ER03759_3B_prokka|PROKKA_02749
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02833
Name: ER03759_3B_prokka|PROKKA_02833
Description: ER03759_3B_prokka|PROKKA_02833
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03759_3B_prokka|PROKKA_02851
Name: ER03759_3B_prokka|PROKKA_02851
Description: ER03759_3B_prokka|PROKKA_02851
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00001
Name: ER03760_3B_prokka|PROKKA_00001
Description: ER03760_3B_prokka|PROKKA_00001
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00111
Name: ER03760_3B_prokka|PROKKA_00111
Description: ER03760_3B_prokka|PROKKA_00111
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00114
Name: ER03760_3B_prokka|PROKKA_00114
Description: ER03760_3B_prokka|PROKKA_00114
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00118
Name: ER03760_3B_prokka|PROKKA_00118
Description: ER03760_3B_prokka|PROKKA_00118
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00139
Name: ER03760_3B_prokka|PROKKA_00139
Description: ER03760_3B_prokka|PROKKA_00139
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00157
Name: ER03760_3B_prokka|PROKKA_00157
Description: ER03760_3B_prokka|PROKKA_00157
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00324
Name: ER03760_3B_prokka|PROKKA_00324
Description: ER03760_3B_prokka|PROKKA_00324
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00448
Name: ER03760_3B_prokka|PROKKA_00448
Description: ER03760_3B_prokka|PROKKA_00448
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00465
Name: ER03760_3B_prokka|PROKKA_00465
Description: ER03760_3B_prokka|PROKKA_00465
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00631
Name: ER03760_3B_prokka|PROKKA_00631
Description: ER03760_3B_prokka|PROKKA_00631
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00860
Name: ER03760_3B_prokka|PROKKA_00860
Description: ER03760_3B_prokka|PROKKA_00860
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00891
Name: ER03760_3B_prokka|PROKKA_00891
Description: ER03760_3B_prokka|PROKKA_00891
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00895
Name: ER03760_3B_prokka|PROKKA_00895
Description: ER03760_3B_prokka|PROKKA_00895
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00911
Name: ER03760_3B_prokka|PROKKA_00911
Description: ER03760_3B_prokka|PROKKA_00911
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00941
Name: ER03760_3B_prokka|PROKKA_00941
Description: ER03760_3B_prokka|PROKKA_00941
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00942
Name: ER03760_3B_prokka|PROKKA_00942
Description: ER03760_3B_prokka|PROKKA_00942
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00944
Name: ER03760_3B_prokka|PROKKA_00944
Description: ER03760_3B_prokka|PROKKA_00944
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_00996
Name: ER03760_3B_prokka|PROKKA_00996
Description: ER03760_3B_prokka|PROKKA_00996
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01038
Name: ER03760_3B_prokka|PROKKA_01038
Description: ER03760_3B_prokka|PROKKA_01038
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01052
Name: ER03760_3B_prokka|PROKKA_01052
Description: ER03760_3B_prokka|PROKKA_01052
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01221
Name: ER03760_3B_prokka|PROKKA_01221
Description: ER03760_3B_prokka|PROKKA_01221
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01295
Name: ER03760_3B_prokka|PROKKA_01295
Description: ER03760_3B_prokka|PROKKA_01295
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01330
Name: ER03760_3B_prokka|PROKKA_01330
Description: ER03760_3B_prokka|PROKKA_01330
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01333
Name: ER03760_3B_prokka|PROKKA_01333
Description: ER03760_3B_prokka|PROKKA_01333
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01360
Name: ER03760_3B_prokka|PROKKA_01360
Description: ER03760_3B_prokka|PROKKA_01360
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01365
Name: ER03760_3B_prokka|PROKKA_01365
Description: ER03760_3B_prokka|PROKKA_01365
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01373
Name: ER03760_3B_prokka|PROKKA_01373
Description: ER03760_3B_prokka|PROKKA_01373
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01388
Name: ER03760_3B_prokka|PROKKA_01388
Description: ER03760_3B_prokka|PROKKA_01388
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01407
Name: ER03760_3B_prokka|PROKKA_01407
Description: ER03760_3B_prokka|PROKKA_01407
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01415
Name: ER03760_3B_prokka|PROKKA_01415
Description: ER03760_3B_prokka|PROKKA_01415
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01462
Name: ER03760_3B_prokka|PROKKA_01462
Description: ER03760_3B_prokka|PROKKA_01462
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01474
Name: ER03760_3B_prokka|PROKKA_01474
Description: ER03760_3B_prokka|PROKKA_01474
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01567
Name: ER03760_3B_prokka|PROKKA_01567
Description: ER03760_3B_prokka|PROKKA_01567
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01591
Name: ER03760_3B_prokka|PROKKA_01591
Description: ER03760_3B_prokka|PROKKA_01591
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01595
Name: ER03760_3B_prokka|PROKKA_01595
Description: ER03760_3B_prokka|PROKKA_01595
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01731
Name: ER03760_3B_prokka|PROKKA_01731
Description: ER03760_3B_prokka|PROKKA_01731
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01732
Name: ER03760_3B_prokka|PROKKA_01732
Description: ER03760_3B_prokka|PROKKA_01732
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01744
Name: ER03760_3B_prokka|PROKKA_01744
Description: ER03760_3B_prokka|PROKKA_01744
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01826
Name: ER03760_3B_prokka|PROKKA_01826
Description: ER03760_3B_prokka|PROKKA_01826
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01827
Name: ER03760_3B_prokka|PROKKA_01827
Description: ER03760_3B_prokka|PROKKA_01827
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01844
Name: ER03760_3B_prokka|PROKKA_01844
Description: ER03760_3B_prokka|PROKKA_01844
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01867
Name: ER03760_3B_prokka|PROKKA_01867
Description: ER03760_3B_prokka|PROKKA_01867
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01973
Name: ER03760_3B_prokka|PROKKA_01973
Description: ER03760_3B_prokka|PROKKA_01973
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01988
Name: ER03760_3B_prokka|PROKKA_01988
Description: ER03760_3B_prokka|PROKKA_01988
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_01989
Name: ER03760_3B_prokka|PROKKA_01989
Description: ER03760_3B_prokka|PROKKA_01989
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02020
Name: ER03760_3B_prokka|PROKKA_02020
Description: ER03760_3B_prokka|PROKKA_02020
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02042
Name: ER03760_3B_prokka|PROKKA_02042
Description: ER03760_3B_prokka|PROKKA_02042
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02047
Name: ER03760_3B_prokka|PROKKA_02047
Description: ER03760_3B_prokka|PROKKA_02047
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02123
Name: ER03760_3B_prokka|PROKKA_02123
Description: ER03760_3B_prokka|PROKKA_02123
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02127
Name: ER03760_3B_prokka|PROKKA_02127
Description: ER03760_3B_prokka|PROKKA_02127
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02143
Name: ER03760_3B_prokka|PROKKA_02143
Description: ER03760_3B_prokka|PROKKA_02143
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02161
Name: ER03760_3B_prokka|PROKKA_02161
Description: ER03760_3B_prokka|PROKKA_02161
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02187
Name: ER03760_3B_prokka|PROKKA_02187
Description: ER03760_3B_prokka|PROKKA_02187
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02189
Name: ER03760_3B_prokka|PROKKA_02189
Description: ER03760_3B_prokka|PROKKA_02189
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02241
Name: ER03760_3B_prokka|PROKKA_02241
Description: ER03760_3B_prokka|PROKKA_02241
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02349
Name: ER03760_3B_prokka|PROKKA_02349
Description: ER03760_3B_prokka|PROKKA_02349
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02368
Name: ER03760_3B_prokka|PROKKA_02368
Description: ER03760_3B_prokka|PROKKA_02368
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02381
Name: ER03760_3B_prokka|PROKKA_02381
Description: ER03760_3B_prokka|PROKKA_02381
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02413
Name: ER03760_3B_prokka|PROKKA_02413
Description: ER03760_3B_prokka|PROKKA_02413
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02558
Name: ER03760_3B_prokka|PROKKA_02558
Description: ER03760_3B_prokka|PROKKA_02558
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02567
Name: ER03760_3B_prokka|PROKKA_02567
Description: ER03760_3B_prokka|PROKKA_02567
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02631
Name: ER03760_3B_prokka|PROKKA_02631
Description: ER03760_3B_prokka|PROKKA_02631
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02739
Name: ER03760_3B_prokka|PROKKA_02739
Description: ER03760_3B_prokka|PROKKA_02739
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02777
Name: ER03760_3B_prokka|PROKKA_02777
Description: ER03760_3B_prokka|PROKKA_02777
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03760_3B_prokka|PROKKA_02861
Name: ER03760_3B_prokka|PROKKA_02861
Description: ER03760_3B_prokka|PROKKA_02861
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00083
Name: ER03761_3B_prokka|PROKKA_00083
Description: ER03761_3B_prokka|PROKKA_00083
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00086
Name: ER03761_3B_prokka|PROKKA_00086
Description: ER03761_3B_prokka|PROKKA_00086
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00090
Name: ER03761_3B_prokka|PROKKA_00090
Description: ER03761_3B_prokka|PROKKA_00090
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00111
Name: ER03761_3B_prokka|PROKKA_00111
Description: ER03761_3B_prokka|PROKKA_00111
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00129
Name: ER03761_3B_prokka|PROKKA_00129
Description: ER03761_3B_prokka|PROKKA_00129
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00296
Name: ER03761_3B_prokka|PROKKA_00296
Description: ER03761_3B_prokka|PROKKA_00296
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00420
Name: ER03761_3B_prokka|PROKKA_00420
Description: ER03761_3B_prokka|PROKKA_00420
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00437
Name: ER03761_3B_prokka|PROKKA_00437
Description: ER03761_3B_prokka|PROKKA_00437
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00603
Name: ER03761_3B_prokka|PROKKA_00603
Description: ER03761_3B_prokka|PROKKA_00603
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00832
Name: ER03761_3B_prokka|PROKKA_00832
Description: ER03761_3B_prokka|PROKKA_00832
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00863
Name: ER03761_3B_prokka|PROKKA_00863
Description: ER03761_3B_prokka|PROKKA_00863
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00867
Name: ER03761_3B_prokka|PROKKA_00867
Description: ER03761_3B_prokka|PROKKA_00867
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00883
Name: ER03761_3B_prokka|PROKKA_00883
Description: ER03761_3B_prokka|PROKKA_00883
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00913
Name: ER03761_3B_prokka|PROKKA_00913
Description: ER03761_3B_prokka|PROKKA_00913
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00914
Name: ER03761_3B_prokka|PROKKA_00914
Description: ER03761_3B_prokka|PROKKA_00914
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00916
Name: ER03761_3B_prokka|PROKKA_00916
Description: ER03761_3B_prokka|PROKKA_00916
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_00968
Name: ER03761_3B_prokka|PROKKA_00968
Description: ER03761_3B_prokka|PROKKA_00968
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01010
Name: ER03761_3B_prokka|PROKKA_01010
Description: ER03761_3B_prokka|PROKKA_01010
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01024
Name: ER03761_3B_prokka|PROKKA_01024
Description: ER03761_3B_prokka|PROKKA_01024
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01193
Name: ER03761_3B_prokka|PROKKA_01193
Description: ER03761_3B_prokka|PROKKA_01193
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01267
Name: ER03761_3B_prokka|PROKKA_01267
Description: ER03761_3B_prokka|PROKKA_01267
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01302
Name: ER03761_3B_prokka|PROKKA_01302
Description: ER03761_3B_prokka|PROKKA_01302
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01305
Name: ER03761_3B_prokka|PROKKA_01305
Description: ER03761_3B_prokka|PROKKA_01305
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01332
Name: ER03761_3B_prokka|PROKKA_01332
Description: ER03761_3B_prokka|PROKKA_01332
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01337
Name: ER03761_3B_prokka|PROKKA_01337
Description: ER03761_3B_prokka|PROKKA_01337
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01345
Name: ER03761_3B_prokka|PROKKA_01345
Description: ER03761_3B_prokka|PROKKA_01345
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01360
Name: ER03761_3B_prokka|PROKKA_01360
Description: ER03761_3B_prokka|PROKKA_01360
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01379
Name: ER03761_3B_prokka|PROKKA_01379
Description: ER03761_3B_prokka|PROKKA_01379
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01387
Name: ER03761_3B_prokka|PROKKA_01387
Description: ER03761_3B_prokka|PROKKA_01387
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01434
Name: ER03761_3B_prokka|PROKKA_01434
Description: ER03761_3B_prokka|PROKKA_01434
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01446
Name: ER03761_3B_prokka|PROKKA_01446
Description: ER03761_3B_prokka|PROKKA_01446
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01539
Name: ER03761_3B_prokka|PROKKA_01539
Description: ER03761_3B_prokka|PROKKA_01539
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01563
Name: ER03761_3B_prokka|PROKKA_01563
Description: ER03761_3B_prokka|PROKKA_01563
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01567
Name: ER03761_3B_prokka|PROKKA_01567
Description: ER03761_3B_prokka|PROKKA_01567
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01703
Name: ER03761_3B_prokka|PROKKA_01703
Description: ER03761_3B_prokka|PROKKA_01703
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01704
Name: ER03761_3B_prokka|PROKKA_01704
Description: ER03761_3B_prokka|PROKKA_01704
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01716
Name: ER03761_3B_prokka|PROKKA_01716
Description: ER03761_3B_prokka|PROKKA_01716
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01798
Name: ER03761_3B_prokka|PROKKA_01798
Description: ER03761_3B_prokka|PROKKA_01798
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01799
Name: ER03761_3B_prokka|PROKKA_01799
Description: ER03761_3B_prokka|PROKKA_01799
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01816
Name: ER03761_3B_prokka|PROKKA_01816
Description: ER03761_3B_prokka|PROKKA_01816
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01839
Name: ER03761_3B_prokka|PROKKA_01839
Description: ER03761_3B_prokka|PROKKA_01839
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01945
Name: ER03761_3B_prokka|PROKKA_01945
Description: ER03761_3B_prokka|PROKKA_01945
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01960
Name: ER03761_3B_prokka|PROKKA_01960
Description: ER03761_3B_prokka|PROKKA_01960
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01961
Name: ER03761_3B_prokka|PROKKA_01961
Description: ER03761_3B_prokka|PROKKA_01961
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_01992
Name: ER03761_3B_prokka|PROKKA_01992
Description: ER03761_3B_prokka|PROKKA_01992
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02014
Name: ER03761_3B_prokka|PROKKA_02014
Description: ER03761_3B_prokka|PROKKA_02014
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02019
Name: ER03761_3B_prokka|PROKKA_02019
Description: ER03761_3B_prokka|PROKKA_02019
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02095
Name: ER03761_3B_prokka|PROKKA_02095
Description: ER03761_3B_prokka|PROKKA_02095
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02099
Name: ER03761_3B_prokka|PROKKA_02099
Description: ER03761_3B_prokka|PROKKA_02099
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02115
Name: ER03761_3B_prokka|PROKKA_02115
Description: ER03761_3B_prokka|PROKKA_02115
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02133
Name: ER03761_3B_prokka|PROKKA_02133
Description: ER03761_3B_prokka|PROKKA_02133
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02159
Name: ER03761_3B_prokka|PROKKA_02159
Description: ER03761_3B_prokka|PROKKA_02159
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02161
Name: ER03761_3B_prokka|PROKKA_02161
Description: ER03761_3B_prokka|PROKKA_02161
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02213
Name: ER03761_3B_prokka|PROKKA_02213
Description: ER03761_3B_prokka|PROKKA_02213
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02321
Name: ER03761_3B_prokka|PROKKA_02321
Description: ER03761_3B_prokka|PROKKA_02321
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02340
Name: ER03761_3B_prokka|PROKKA_02340
Description: ER03761_3B_prokka|PROKKA_02340
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02353
Name: ER03761_3B_prokka|PROKKA_02353
Description: ER03761_3B_prokka|PROKKA_02353
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02385
Name: ER03761_3B_prokka|PROKKA_02385
Description: ER03761_3B_prokka|PROKKA_02385
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02530
Name: ER03761_3B_prokka|PROKKA_02530
Description: ER03761_3B_prokka|PROKKA_02530
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02539
Name: ER03761_3B_prokka|PROKKA_02539
Description: ER03761_3B_prokka|PROKKA_02539
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02603
Name: ER03761_3B_prokka|PROKKA_02603
Description: ER03761_3B_prokka|PROKKA_02603
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02711
Name: ER03761_3B_prokka|PROKKA_02711
Description: ER03761_3B_prokka|PROKKA_02711
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02749
Name: ER03761_3B_prokka|PROKKA_02749
Description: ER03761_3B_prokka|PROKKA_02749
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02833
Name: ER03761_3B_prokka|PROKKA_02833
Description: ER03761_3B_prokka|PROKKA_02833
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03761_3B_prokka|PROKKA_02860
Name: ER03761_3B_prokka|PROKKA_02860
Description: ER03761_3B_prokka|PROKKA_02860
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00016
Name: ER03762_3B_prokka|PROKKA_00016
Description: ER03762_3B_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00067
Name: ER03762_3B_prokka|PROKKA_00067
Description: ER03762_3B_prokka|PROKKA_00067
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00070
Name: ER03762_3B_prokka|PROKKA_00070
Description: ER03762_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00074
Name: ER03762_3B_prokka|PROKKA_00074
Description: ER03762_3B_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00095
Name: ER03762_3B_prokka|PROKKA_00095
Description: ER03762_3B_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00113
Name: ER03762_3B_prokka|PROKKA_00113
Description: ER03762_3B_prokka|PROKKA_00113
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00280
Name: ER03762_3B_prokka|PROKKA_00280
Description: ER03762_3B_prokka|PROKKA_00280
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00404
Name: ER03762_3B_prokka|PROKKA_00404
Description: ER03762_3B_prokka|PROKKA_00404
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00421
Name: ER03762_3B_prokka|PROKKA_00421
Description: ER03762_3B_prokka|PROKKA_00421
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00587
Name: ER03762_3B_prokka|PROKKA_00587
Description: ER03762_3B_prokka|PROKKA_00587
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00816
Name: ER03762_3B_prokka|PROKKA_00816
Description: ER03762_3B_prokka|PROKKA_00816
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00847
Name: ER03762_3B_prokka|PROKKA_00847
Description: ER03762_3B_prokka|PROKKA_00847
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00851
Name: ER03762_3B_prokka|PROKKA_00851
Description: ER03762_3B_prokka|PROKKA_00851
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00867
Name: ER03762_3B_prokka|PROKKA_00867
Description: ER03762_3B_prokka|PROKKA_00867
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00897
Name: ER03762_3B_prokka|PROKKA_00897
Description: ER03762_3B_prokka|PROKKA_00897
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00898
Name: ER03762_3B_prokka|PROKKA_00898
Description: ER03762_3B_prokka|PROKKA_00898
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00900
Name: ER03762_3B_prokka|PROKKA_00900
Description: ER03762_3B_prokka|PROKKA_00900
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00952
Name: ER03762_3B_prokka|PROKKA_00952
Description: ER03762_3B_prokka|PROKKA_00952
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_00994
Name: ER03762_3B_prokka|PROKKA_00994
Description: ER03762_3B_prokka|PROKKA_00994
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01008
Name: ER03762_3B_prokka|PROKKA_01008
Description: ER03762_3B_prokka|PROKKA_01008
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01177
Name: ER03762_3B_prokka|PROKKA_01177
Description: ER03762_3B_prokka|PROKKA_01177
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01251
Name: ER03762_3B_prokka|PROKKA_01251
Description: ER03762_3B_prokka|PROKKA_01251
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01286
Name: ER03762_3B_prokka|PROKKA_01286
Description: ER03762_3B_prokka|PROKKA_01286
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01289
Name: ER03762_3B_prokka|PROKKA_01289
Description: ER03762_3B_prokka|PROKKA_01289
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01316
Name: ER03762_3B_prokka|PROKKA_01316
Description: ER03762_3B_prokka|PROKKA_01316
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01321
Name: ER03762_3B_prokka|PROKKA_01321
Description: ER03762_3B_prokka|PROKKA_01321
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01329
Name: ER03762_3B_prokka|PROKKA_01329
Description: ER03762_3B_prokka|PROKKA_01329
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01344
Name: ER03762_3B_prokka|PROKKA_01344
Description: ER03762_3B_prokka|PROKKA_01344
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01363
Name: ER03762_3B_prokka|PROKKA_01363
Description: ER03762_3B_prokka|PROKKA_01363
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01371
Name: ER03762_3B_prokka|PROKKA_01371
Description: ER03762_3B_prokka|PROKKA_01371
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01418
Name: ER03762_3B_prokka|PROKKA_01418
Description: ER03762_3B_prokka|PROKKA_01418
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01430
Name: ER03762_3B_prokka|PROKKA_01430
Description: ER03762_3B_prokka|PROKKA_01430
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01524
Name: ER03762_3B_prokka|PROKKA_01524
Description: ER03762_3B_prokka|PROKKA_01524
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01548
Name: ER03762_3B_prokka|PROKKA_01548
Description: ER03762_3B_prokka|PROKKA_01548
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01552
Name: ER03762_3B_prokka|PROKKA_01552
Description: ER03762_3B_prokka|PROKKA_01552
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01688
Name: ER03762_3B_prokka|PROKKA_01688
Description: ER03762_3B_prokka|PROKKA_01688
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01689
Name: ER03762_3B_prokka|PROKKA_01689
Description: ER03762_3B_prokka|PROKKA_01689
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01701
Name: ER03762_3B_prokka|PROKKA_01701
Description: ER03762_3B_prokka|PROKKA_01701
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01783
Name: ER03762_3B_prokka|PROKKA_01783
Description: ER03762_3B_prokka|PROKKA_01783
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01784
Name: ER03762_3B_prokka|PROKKA_01784
Description: ER03762_3B_prokka|PROKKA_01784
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01801
Name: ER03762_3B_prokka|PROKKA_01801
Description: ER03762_3B_prokka|PROKKA_01801
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01824
Name: ER03762_3B_prokka|PROKKA_01824
Description: ER03762_3B_prokka|PROKKA_01824
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01930
Name: ER03762_3B_prokka|PROKKA_01930
Description: ER03762_3B_prokka|PROKKA_01930
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01945
Name: ER03762_3B_prokka|PROKKA_01945
Description: ER03762_3B_prokka|PROKKA_01945
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01946
Name: ER03762_3B_prokka|PROKKA_01946
Description: ER03762_3B_prokka|PROKKA_01946
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01977
Name: ER03762_3B_prokka|PROKKA_01977
Description: ER03762_3B_prokka|PROKKA_01977
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_01999
Name: ER03762_3B_prokka|PROKKA_01999
Description: ER03762_3B_prokka|PROKKA_01999
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02004
Name: ER03762_3B_prokka|PROKKA_02004
Description: ER03762_3B_prokka|PROKKA_02004
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02080
Name: ER03762_3B_prokka|PROKKA_02080
Description: ER03762_3B_prokka|PROKKA_02080
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02084
Name: ER03762_3B_prokka|PROKKA_02084
Description: ER03762_3B_prokka|PROKKA_02084
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02100
Name: ER03762_3B_prokka|PROKKA_02100
Description: ER03762_3B_prokka|PROKKA_02100
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02118
Name: ER03762_3B_prokka|PROKKA_02118
Description: ER03762_3B_prokka|PROKKA_02118
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02144
Name: ER03762_3B_prokka|PROKKA_02144
Description: ER03762_3B_prokka|PROKKA_02144
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02146
Name: ER03762_3B_prokka|PROKKA_02146
Description: ER03762_3B_prokka|PROKKA_02146
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02198
Name: ER03762_3B_prokka|PROKKA_02198
Description: ER03762_3B_prokka|PROKKA_02198
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02306
Name: ER03762_3B_prokka|PROKKA_02306
Description: ER03762_3B_prokka|PROKKA_02306
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02325
Name: ER03762_3B_prokka|PROKKA_02325
Description: ER03762_3B_prokka|PROKKA_02325
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02338
Name: ER03762_3B_prokka|PROKKA_02338
Description: ER03762_3B_prokka|PROKKA_02338
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02370
Name: ER03762_3B_prokka|PROKKA_02370
Description: ER03762_3B_prokka|PROKKA_02370
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02515
Name: ER03762_3B_prokka|PROKKA_02515
Description: ER03762_3B_prokka|PROKKA_02515
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02524
Name: ER03762_3B_prokka|PROKKA_02524
Description: ER03762_3B_prokka|PROKKA_02524
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02588
Name: ER03762_3B_prokka|PROKKA_02588
Description: ER03762_3B_prokka|PROKKA_02588
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02696
Name: ER03762_3B_prokka|PROKKA_02696
Description: ER03762_3B_prokka|PROKKA_02696
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02734
Name: ER03762_3B_prokka|PROKKA_02734
Description: ER03762_3B_prokka|PROKKA_02734
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03762_3B_prokka|PROKKA_02818
Name: ER03762_3B_prokka|PROKKA_02818
Description: ER03762_3B_prokka|PROKKA_02818
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00064
Name: ER03763_3B_prokka|PROKKA_00064
Description: ER03763_3B_prokka|PROKKA_00064
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00111
Name: ER03763_3B_prokka|PROKKA_00111
Description: ER03763_3B_prokka|PROKKA_00111
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00114
Name: ER03763_3B_prokka|PROKKA_00114
Description: ER03763_3B_prokka|PROKKA_00114
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00118
Name: ER03763_3B_prokka|PROKKA_00118
Description: ER03763_3B_prokka|PROKKA_00118
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00139
Name: ER03763_3B_prokka|PROKKA_00139
Description: ER03763_3B_prokka|PROKKA_00139
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00157
Name: ER03763_3B_prokka|PROKKA_00157
Description: ER03763_3B_prokka|PROKKA_00157
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00324
Name: ER03763_3B_prokka|PROKKA_00324
Description: ER03763_3B_prokka|PROKKA_00324
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00448
Name: ER03763_3B_prokka|PROKKA_00448
Description: ER03763_3B_prokka|PROKKA_00448
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00465
Name: ER03763_3B_prokka|PROKKA_00465
Description: ER03763_3B_prokka|PROKKA_00465
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00631
Name: ER03763_3B_prokka|PROKKA_00631
Description: ER03763_3B_prokka|PROKKA_00631
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00860
Name: ER03763_3B_prokka|PROKKA_00860
Description: ER03763_3B_prokka|PROKKA_00860
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00891
Name: ER03763_3B_prokka|PROKKA_00891
Description: ER03763_3B_prokka|PROKKA_00891
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00895
Name: ER03763_3B_prokka|PROKKA_00895
Description: ER03763_3B_prokka|PROKKA_00895
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00911
Name: ER03763_3B_prokka|PROKKA_00911
Description: ER03763_3B_prokka|PROKKA_00911
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00941
Name: ER03763_3B_prokka|PROKKA_00941
Description: ER03763_3B_prokka|PROKKA_00941
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00942
Name: ER03763_3B_prokka|PROKKA_00942
Description: ER03763_3B_prokka|PROKKA_00942
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00944
Name: ER03763_3B_prokka|PROKKA_00944
Description: ER03763_3B_prokka|PROKKA_00944
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_00996
Name: ER03763_3B_prokka|PROKKA_00996
Description: ER03763_3B_prokka|PROKKA_00996
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01038
Name: ER03763_3B_prokka|PROKKA_01038
Description: ER03763_3B_prokka|PROKKA_01038
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01052
Name: ER03763_3B_prokka|PROKKA_01052
Description: ER03763_3B_prokka|PROKKA_01052
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01221
Name: ER03763_3B_prokka|PROKKA_01221
Description: ER03763_3B_prokka|PROKKA_01221
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01295
Name: ER03763_3B_prokka|PROKKA_01295
Description: ER03763_3B_prokka|PROKKA_01295
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01330
Name: ER03763_3B_prokka|PROKKA_01330
Description: ER03763_3B_prokka|PROKKA_01330
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01333
Name: ER03763_3B_prokka|PROKKA_01333
Description: ER03763_3B_prokka|PROKKA_01333
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01360
Name: ER03763_3B_prokka|PROKKA_01360
Description: ER03763_3B_prokka|PROKKA_01360
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01365
Name: ER03763_3B_prokka|PROKKA_01365
Description: ER03763_3B_prokka|PROKKA_01365
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01373
Name: ER03763_3B_prokka|PROKKA_01373
Description: ER03763_3B_prokka|PROKKA_01373
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01388
Name: ER03763_3B_prokka|PROKKA_01388
Description: ER03763_3B_prokka|PROKKA_01388
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01407
Name: ER03763_3B_prokka|PROKKA_01407
Description: ER03763_3B_prokka|PROKKA_01407
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01415
Name: ER03763_3B_prokka|PROKKA_01415
Description: ER03763_3B_prokka|PROKKA_01415
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01462
Name: ER03763_3B_prokka|PROKKA_01462
Description: ER03763_3B_prokka|PROKKA_01462
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01474
Name: ER03763_3B_prokka|PROKKA_01474
Description: ER03763_3B_prokka|PROKKA_01474
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01567
Name: ER03763_3B_prokka|PROKKA_01567
Description: ER03763_3B_prokka|PROKKA_01567
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01591
Name: ER03763_3B_prokka|PROKKA_01591
Description: ER03763_3B_prokka|PROKKA_01591
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01595
Name: ER03763_3B_prokka|PROKKA_01595
Description: ER03763_3B_prokka|PROKKA_01595
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01731
Name: ER03763_3B_prokka|PROKKA_01731
Description: ER03763_3B_prokka|PROKKA_01731
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01732
Name: ER03763_3B_prokka|PROKKA_01732
Description: ER03763_3B_prokka|PROKKA_01732
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01744
Name: ER03763_3B_prokka|PROKKA_01744
Description: ER03763_3B_prokka|PROKKA_01744
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01826
Name: ER03763_3B_prokka|PROKKA_01826
Description: ER03763_3B_prokka|PROKKA_01826
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01827
Name: ER03763_3B_prokka|PROKKA_01827
Description: ER03763_3B_prokka|PROKKA_01827
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01844
Name: ER03763_3B_prokka|PROKKA_01844
Description: ER03763_3B_prokka|PROKKA_01844
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01867
Name: ER03763_3B_prokka|PROKKA_01867
Description: ER03763_3B_prokka|PROKKA_01867
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01973
Name: ER03763_3B_prokka|PROKKA_01973
Description: ER03763_3B_prokka|PROKKA_01973
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01988
Name: ER03763_3B_prokka|PROKKA_01988
Description: ER03763_3B_prokka|PROKKA_01988
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_01989
Name: ER03763_3B_prokka|PROKKA_01989
Description: ER03763_3B_prokka|PROKKA_01989
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02020
Name: ER03763_3B_prokka|PROKKA_02020
Description: ER03763_3B_prokka|PROKKA_02020
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02042
Name: ER03763_3B_prokka|PROKKA_02042
Description: ER03763_3B_prokka|PROKKA_02042
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02047
Name: ER03763_3B_prokka|PROKKA_02047
Description: ER03763_3B_prokka|PROKKA_02047
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02123
Name: ER03763_3B_prokka|PROKKA_02123
Description: ER03763_3B_prokka|PROKKA_02123
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02127
Name: ER03763_3B_prokka|PROKKA_02127
Description: ER03763_3B_prokka|PROKKA_02127
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02143
Name: ER03763_3B_prokka|PROKKA_02143
Description: ER03763_3B_prokka|PROKKA_02143
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02161
Name: ER03763_3B_prokka|PROKKA_02161
Description: ER03763_3B_prokka|PROKKA_02161
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02187
Name: ER03763_3B_prokka|PROKKA_02187
Description: ER03763_3B_prokka|PROKKA_02187
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02189
Name: ER03763_3B_prokka|PROKKA_02189
Description: ER03763_3B_prokka|PROKKA_02189
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02241
Name: ER03763_3B_prokka|PROKKA_02241
Description: ER03763_3B_prokka|PROKKA_02241
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02349
Name: ER03763_3B_prokka|PROKKA_02349
Description: ER03763_3B_prokka|PROKKA_02349
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02368
Name: ER03763_3B_prokka|PROKKA_02368
Description: ER03763_3B_prokka|PROKKA_02368
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02381
Name: ER03763_3B_prokka|PROKKA_02381
Description: ER03763_3B_prokka|PROKKA_02381
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02413
Name: ER03763_3B_prokka|PROKKA_02413
Description: ER03763_3B_prokka|PROKKA_02413
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02558
Name: ER03763_3B_prokka|PROKKA_02558
Description: ER03763_3B_prokka|PROKKA_02558
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02567
Name: ER03763_3B_prokka|PROKKA_02567
Description: ER03763_3B_prokka|PROKKA_02567
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02631
Name: ER03763_3B_prokka|PROKKA_02631
Description: ER03763_3B_prokka|PROKKA_02631
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02739
Name: ER03763_3B_prokka|PROKKA_02739
Description: ER03763_3B_prokka|PROKKA_02739
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02777
Name: ER03763_3B_prokka|PROKKA_02777
Description: ER03763_3B_prokka|PROKKA_02777
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03763_3B_prokka|PROKKA_02861
Name: ER03763_3B_prokka|PROKKA_02861
Description: ER03763_3B_prokka|PROKKA_02861
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00014
Name: ER03783_3B_prokka|PROKKA_00014
Description: ER03783_3B_prokka|PROKKA_00014
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00024
Name: ER03783_3B_prokka|PROKKA_00024
Description: ER03783_3B_prokka|PROKKA_00024
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00030
Name: ER03783_3B_prokka|PROKKA_00030
Description: ER03783_3B_prokka|PROKKA_00030
Number of features: 0
Seq('MEFNEFKDRRRIFFQYINKGPYPDEEEKMKLYSCFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00031
Name: ER03783_3B_prokka|PROKKA_00031
Description: ER03783_3B_prokka|PROKKA_00031
Number of features: 0
Seq('MSVEIKGIPEVLNKLESVYGKQAMQAKSDKALNEASEFFYKGFKERVREL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00033
Name: ER03783_3B_prokka|PROKKA_00033
Description: ER03783_3B_prokka|PROKKA_00033
Number of features: 0
Seq('MAEGQGSYKVGFKRLYVGVFNPEATKVVKRMTWEDEKVVQLT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00035
Name: ER03783_3B_prokka|PROKKA_00035
Description: ER03783_3B_prokka|PROKKA_00035
Number of features: 0
Seq('MNRKVDVDGTSQGIVYGYHEGKEGEAEFFKKVFVGYTDSEDHSEDSAGSLPS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00050
Name: ER03783_3B_prokka|PROKKA_00050
Description: ER03783_3B_prokka|PROKKA_00050
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00054
Name: ER03783_3B_prokka|PROKKA_00054
Description: ER03783_3B_prokka|PROKKA_00054
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00055
Name: ER03783_3B_prokka|PROKKA_00055
Description: ER03783_3B_prokka|PROKKA_00055
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIVRKTHFYYLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00130
Name: ER03783_3B_prokka|PROKKA_00130
Description: ER03783_3B_prokka|PROKKA_00130
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00134
Name: ER03783_3B_prokka|PROKKA_00134
Description: ER03783_3B_prokka|PROKKA_00134
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00158
Name: ER03783_3B_prokka|PROKKA_00158
Description: ER03783_3B_prokka|PROKKA_00158
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00251
Name: ER03783_3B_prokka|PROKKA_00251
Description: ER03783_3B_prokka|PROKKA_00251
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00263
Name: ER03783_3B_prokka|PROKKA_00263
Description: ER03783_3B_prokka|PROKKA_00263
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00327
Name: ER03783_3B_prokka|PROKKA_00327
Description: ER03783_3B_prokka|PROKKA_00327
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00351
Name: ER03783_3B_prokka|PROKKA_00351
Description: ER03783_3B_prokka|PROKKA_00351
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00362
Name: ER03783_3B_prokka|PROKKA_00362
Description: ER03783_3B_prokka|PROKKA_00362
Number of features: 0
Seq('MSKTYKSYLIAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00363
Name: ER03783_3B_prokka|PROKKA_00363
Description: ER03783_3B_prokka|PROKKA_00363
Number of features: 0
Seq('MSEEMATYWFNKMYELGIIHEVLRQEGVIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00366
Name: ER03783_3B_prokka|PROKKA_00366
Description: ER03783_3B_prokka|PROKKA_00366
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00436
Name: ER03783_3B_prokka|PROKKA_00436
Description: ER03783_3B_prokka|PROKKA_00436
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00437
Name: ER03783_3B_prokka|PROKKA_00437
Description: ER03783_3B_prokka|PROKKA_00437
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00449
Name: ER03783_3B_prokka|PROKKA_00449
Description: ER03783_3B_prokka|PROKKA_00449
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00530
Name: ER03783_3B_prokka|PROKKA_00530
Description: ER03783_3B_prokka|PROKKA_00530
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00531
Name: ER03783_3B_prokka|PROKKA_00531
Description: ER03783_3B_prokka|PROKKA_00531
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00548
Name: ER03783_3B_prokka|PROKKA_00548
Description: ER03783_3B_prokka|PROKKA_00548
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00571
Name: ER03783_3B_prokka|PROKKA_00571
Description: ER03783_3B_prokka|PROKKA_00571
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00677
Name: ER03783_3B_prokka|PROKKA_00677
Description: ER03783_3B_prokka|PROKKA_00677
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00704
Name: ER03783_3B_prokka|PROKKA_00704
Description: ER03783_3B_prokka|PROKKA_00704
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_00934
Name: ER03783_3B_prokka|PROKKA_00934
Description: ER03783_3B_prokka|PROKKA_00934
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01101
Name: ER03783_3B_prokka|PROKKA_01101
Description: ER03783_3B_prokka|PROKKA_01101
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01118
Name: ER03783_3B_prokka|PROKKA_01118
Description: ER03783_3B_prokka|PROKKA_01118
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01242
Name: ER03783_3B_prokka|PROKKA_01242
Description: ER03783_3B_prokka|PROKKA_01242
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01410
Name: ER03783_3B_prokka|PROKKA_01410
Description: ER03783_3B_prokka|PROKKA_01410
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01428
Name: ER03783_3B_prokka|PROKKA_01428
Description: ER03783_3B_prokka|PROKKA_01428
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01484
Name: ER03783_3B_prokka|PROKKA_01484
Description: ER03783_3B_prokka|PROKKA_01484
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01569
Name: ER03783_3B_prokka|PROKKA_01569
Description: ER03783_3B_prokka|PROKKA_01569
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01608
Name: ER03783_3B_prokka|PROKKA_01608
Description: ER03783_3B_prokka|PROKKA_01608
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01718
Name: ER03783_3B_prokka|PROKKA_01718
Description: ER03783_3B_prokka|PROKKA_01718
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01782
Name: ER03783_3B_prokka|PROKKA_01782
Description: ER03783_3B_prokka|PROKKA_01782
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01791
Name: ER03783_3B_prokka|PROKKA_01791
Description: ER03783_3B_prokka|PROKKA_01791
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01936
Name: ER03783_3B_prokka|PROKKA_01936
Description: ER03783_3B_prokka|PROKKA_01936
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01967
Name: ER03783_3B_prokka|PROKKA_01967
Description: ER03783_3B_prokka|PROKKA_01967
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_01980
Name: ER03783_3B_prokka|PROKKA_01980
Description: ER03783_3B_prokka|PROKKA_01980
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02005
Name: ER03783_3B_prokka|PROKKA_02005
Description: ER03783_3B_prokka|PROKKA_02005
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02010
Name: ER03783_3B_prokka|PROKKA_02010
Description: ER03783_3B_prokka|PROKKA_02010
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02018
Name: ER03783_3B_prokka|PROKKA_02018
Description: ER03783_3B_prokka|PROKKA_02018
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02033
Name: ER03783_3B_prokka|PROKKA_02033
Description: ER03783_3B_prokka|PROKKA_02033
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02052
Name: ER03783_3B_prokka|PROKKA_02052
Description: ER03783_3B_prokka|PROKKA_02052
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02060
Name: ER03783_3B_prokka|PROKKA_02060
Description: ER03783_3B_prokka|PROKKA_02060
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02167
Name: ER03783_3B_prokka|PROKKA_02167
Description: ER03783_3B_prokka|PROKKA_02167
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02217
Name: ER03783_3B_prokka|PROKKA_02217
Description: ER03783_3B_prokka|PROKKA_02217
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02219
Name: ER03783_3B_prokka|PROKKA_02219
Description: ER03783_3B_prokka|PROKKA_02219
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02230
Name: ER03783_3B_prokka|PROKKA_02230
Description: ER03783_3B_prokka|PROKKA_02230
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02256
Name: ER03783_3B_prokka|PROKKA_02256
Description: ER03783_3B_prokka|PROKKA_02256
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02261
Name: ER03783_3B_prokka|PROKKA_02261
Description: ER03783_3B_prokka|PROKKA_02261
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02267
Name: ER03783_3B_prokka|PROKKA_02267
Description: ER03783_3B_prokka|PROKKA_02267
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02285
Name: ER03783_3B_prokka|PROKKA_02285
Description: ER03783_3B_prokka|PROKKA_02285
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02301
Name: ER03783_3B_prokka|PROKKA_02301
Description: ER03783_3B_prokka|PROKKA_02301
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02305
Name: ER03783_3B_prokka|PROKKA_02305
Description: ER03783_3B_prokka|PROKKA_02305
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02334
Name: ER03783_3B_prokka|PROKKA_02334
Description: ER03783_3B_prokka|PROKKA_02334
Number of features: 0
Seq('MNIIEQKFYDSKAFFNTQQTKDISFRKDQLKKLSKAIKSYESDILEALYTQI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02379
Name: ER03783_3B_prokka|PROKKA_02379
Description: ER03783_3B_prokka|PROKKA_02379
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02431
Name: ER03783_3B_prokka|PROKKA_02431
Description: ER03783_3B_prokka|PROKKA_02431
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02473
Name: ER03783_3B_prokka|PROKKA_02473
Description: ER03783_3B_prokka|PROKKA_02473
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02487
Name: ER03783_3B_prokka|PROKKA_02487
Description: ER03783_3B_prokka|PROKKA_02487
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02656
Name: ER03783_3B_prokka|PROKKA_02656
Description: ER03783_3B_prokka|PROKKA_02656
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02729
Name: ER03783_3B_prokka|PROKKA_02729
Description: ER03783_3B_prokka|PROKKA_02729
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02764
Name: ER03783_3B_prokka|PROKKA_02764
Description: ER03783_3B_prokka|PROKKA_02764
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02767
Name: ER03783_3B_prokka|PROKKA_02767
Description: ER03783_3B_prokka|PROKKA_02767
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02794
Name: ER03783_3B_prokka|PROKKA_02794
Description: ER03783_3B_prokka|PROKKA_02794
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02799
Name: ER03783_3B_prokka|PROKKA_02799
Description: ER03783_3B_prokka|PROKKA_02799
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02807
Name: ER03783_3B_prokka|PROKKA_02807
Description: ER03783_3B_prokka|PROKKA_02807
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02813
Name: ER03783_3B_prokka|PROKKA_02813
Description: ER03783_3B_prokka|PROKKA_02813
Number of features: 0
Seq('MIELPSGRALAYPKASVGENSWGSQVVEFMA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02814
Name: ER03783_3B_prokka|PROKKA_02814
Description: ER03783_3B_prokka|PROKKA_02814
Number of features: 0
Seq('MQHQAYINASVDIRIPTEVESVNYNQIDKKKRIWRTIYLIIQVNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02815
Name: ER03783_3B_prokka|PROKKA_02815
Description: ER03783_3B_prokka|PROKKA_02815
Number of features: 0
Seq('MARRKVIRVRIKGKLMTLREVSEKYHISPRTS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02817
Name: ER03783_3B_prokka|PROKKA_02817
Description: ER03783_3B_prokka|PROKKA_02817
Number of features: 0
Seq('MSVISNRKVDMNEIQDNVKQPAHYTYGDIEIIDFIEQVTAAVSTTISICNR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02818
Name: ER03783_3B_prokka|PROKKA_02818
Description: ER03783_3B_prokka|PROKKA_02818
Number of features: 0
Seq('MYKKARAFDEILDGMTNAIQHSVKEGIELDEAVGIMAGQVIY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03783_3B_prokka|PROKKA_02821
Name: ER03783_3B_prokka|PROKKA_02821
Description: ER03783_3B_prokka|PROKKA_02821
Number of features: 0
Seq('MWIVISIVLSIFLLILLSSISHKMKTIEALEYMNAYLFKQLVKNNGVEV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00029
Name: ER03809_3A_prokka|PROKKA_00029
Description: ER03809_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00038
Name: ER03809_3A_prokka|PROKKA_00038
Description: ER03809_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00059
Name: ER03809_3A_prokka|PROKKA_00059
Description: ER03809_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00149
Name: ER03809_3A_prokka|PROKKA_00149
Description: ER03809_3A_prokka|PROKKA_00149
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00248
Name: ER03809_3A_prokka|PROKKA_00248
Description: ER03809_3A_prokka|PROKKA_00248
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00300
Name: ER03809_3A_prokka|PROKKA_00300
Description: ER03809_3A_prokka|PROKKA_00300
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00398
Name: ER03809_3A_prokka|PROKKA_00398
Description: ER03809_3A_prokka|PROKKA_00398
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00436
Name: ER03809_3A_prokka|PROKKA_00436
Description: ER03809_3A_prokka|PROKKA_00436
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00566
Name: ER03809_3A_prokka|PROKKA_00566
Description: ER03809_3A_prokka|PROKKA_00566
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00602
Name: ER03809_3A_prokka|PROKKA_00602
Description: ER03809_3A_prokka|PROKKA_00602
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00820
Name: ER03809_3A_prokka|PROKKA_00820
Description: ER03809_3A_prokka|PROKKA_00820
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00864
Name: ER03809_3A_prokka|PROKKA_00864
Description: ER03809_3A_prokka|PROKKA_00864
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_00972
Name: ER03809_3A_prokka|PROKKA_00972
Description: ER03809_3A_prokka|PROKKA_00972
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01011
Name: ER03809_3A_prokka|PROKKA_01011
Description: ER03809_3A_prokka|PROKKA_01011
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01091
Name: ER03809_3A_prokka|PROKKA_01091
Description: ER03809_3A_prokka|PROKKA_01091
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01104
Name: ER03809_3A_prokka|PROKKA_01104
Description: ER03809_3A_prokka|PROKKA_01104
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01105
Name: ER03809_3A_prokka|PROKKA_01105
Description: ER03809_3A_prokka|PROKKA_01105
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01240
Name: ER03809_3A_prokka|PROKKA_01240
Description: ER03809_3A_prokka|PROKKA_01240
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01244
Name: ER03809_3A_prokka|PROKKA_01244
Description: ER03809_3A_prokka|PROKKA_01244
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01248
Name: ER03809_3A_prokka|PROKKA_01248
Description: ER03809_3A_prokka|PROKKA_01248
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01250
Name: ER03809_3A_prokka|PROKKA_01250
Description: ER03809_3A_prokka|PROKKA_01250
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01274
Name: ER03809_3A_prokka|PROKKA_01274
Description: ER03809_3A_prokka|PROKKA_01274
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01369
Name: ER03809_3A_prokka|PROKKA_01369
Description: ER03809_3A_prokka|PROKKA_01369
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01381
Name: ER03809_3A_prokka|PROKKA_01381
Description: ER03809_3A_prokka|PROKKA_01381
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01428
Name: ER03809_3A_prokka|PROKKA_01428
Description: ER03809_3A_prokka|PROKKA_01428
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01436
Name: ER03809_3A_prokka|PROKKA_01436
Description: ER03809_3A_prokka|PROKKA_01436
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01456
Name: ER03809_3A_prokka|PROKKA_01456
Description: ER03809_3A_prokka|PROKKA_01456
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01484
Name: ER03809_3A_prokka|PROKKA_01484
Description: ER03809_3A_prokka|PROKKA_01484
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01512
Name: ER03809_3A_prokka|PROKKA_01512
Description: ER03809_3A_prokka|PROKKA_01512
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01549
Name: ER03809_3A_prokka|PROKKA_01549
Description: ER03809_3A_prokka|PROKKA_01549
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01620
Name: ER03809_3A_prokka|PROKKA_01620
Description: ER03809_3A_prokka|PROKKA_01620
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01785
Name: ER03809_3A_prokka|PROKKA_01785
Description: ER03809_3A_prokka|PROKKA_01785
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01792
Name: ER03809_3A_prokka|PROKKA_01792
Description: ER03809_3A_prokka|PROKKA_01792
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01811
Name: ER03809_3A_prokka|PROKKA_01811
Description: ER03809_3A_prokka|PROKKA_01811
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01846
Name: ER03809_3A_prokka|PROKKA_01846
Description: ER03809_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01898
Name: ER03809_3A_prokka|PROKKA_01898
Description: ER03809_3A_prokka|PROKKA_01898
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01970
Name: ER03809_3A_prokka|PROKKA_01970
Description: ER03809_3A_prokka|PROKKA_01970
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01974
Name: ER03809_3A_prokka|PROKKA_01974
Description: ER03809_3A_prokka|PROKKA_01974
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_01990
Name: ER03809_3A_prokka|PROKKA_01990
Description: ER03809_3A_prokka|PROKKA_01990
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_02010
Name: ER03809_3A_prokka|PROKKA_02010
Description: ER03809_3A_prokka|PROKKA_02010
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_02040
Name: ER03809_3A_prokka|PROKKA_02040
Description: ER03809_3A_prokka|PROKKA_02040
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_02042
Name: ER03809_3A_prokka|PROKKA_02042
Description: ER03809_3A_prokka|PROKKA_02042
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_02091
Name: ER03809_3A_prokka|PROKKA_02091
Description: ER03809_3A_prokka|PROKKA_02091
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_02211
Name: ER03809_3A_prokka|PROKKA_02211
Description: ER03809_3A_prokka|PROKKA_02211
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_02235
Name: ER03809_3A_prokka|PROKKA_02235
Description: ER03809_3A_prokka|PROKKA_02235
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_02266
Name: ER03809_3A_prokka|PROKKA_02266
Description: ER03809_3A_prokka|PROKKA_02266
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_02421
Name: ER03809_3A_prokka|PROKKA_02421
Description: ER03809_3A_prokka|PROKKA_02421
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_02632
Name: ER03809_3A_prokka|PROKKA_02632
Description: ER03809_3A_prokka|PROKKA_02632
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_02719
Name: ER03809_3A_prokka|PROKKA_02719
Description: ER03809_3A_prokka|PROKKA_02719
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03809_3A_prokka|PROKKA_02749
Name: ER03809_3A_prokka|PROKKA_02749
Description: ER03809_3A_prokka|PROKKA_02749
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_00014
Name: ER03857_3B_prokka|PROKKA_00014
Description: ER03857_3B_prokka|PROKKA_00014
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_00061
Name: ER03857_3B_prokka|PROKKA_00061
Description: ER03857_3B_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_00070
Name: ER03857_3B_prokka|PROKKA_00070
Description: ER03857_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_00091
Name: ER03857_3B_prokka|PROKKA_00091
Description: ER03857_3B_prokka|PROKKA_00091
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_00181
Name: ER03857_3B_prokka|PROKKA_00181
Description: ER03857_3B_prokka|PROKKA_00181
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_00279
Name: ER03857_3B_prokka|PROKKA_00279
Description: ER03857_3B_prokka|PROKKA_00279
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_00331
Name: ER03857_3B_prokka|PROKKA_00331
Description: ER03857_3B_prokka|PROKKA_00331
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_00430
Name: ER03857_3B_prokka|PROKKA_00430
Description: ER03857_3B_prokka|PROKKA_00430
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_00468
Name: ER03857_3B_prokka|PROKKA_00468
Description: ER03857_3B_prokka|PROKKA_00468
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_00598
Name: ER03857_3B_prokka|PROKKA_00598
Description: ER03857_3B_prokka|PROKKA_00598
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_00634
Name: ER03857_3B_prokka|PROKKA_00634
Description: ER03857_3B_prokka|PROKKA_00634
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_00897
Name: ER03857_3B_prokka|PROKKA_00897
Description: ER03857_3B_prokka|PROKKA_00897
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01005
Name: ER03857_3B_prokka|PROKKA_01005
Description: ER03857_3B_prokka|PROKKA_01005
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01044
Name: ER03857_3B_prokka|PROKKA_01044
Description: ER03857_3B_prokka|PROKKA_01044
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01124
Name: ER03857_3B_prokka|PROKKA_01124
Description: ER03857_3B_prokka|PROKKA_01124
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01137
Name: ER03857_3B_prokka|PROKKA_01137
Description: ER03857_3B_prokka|PROKKA_01137
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01138
Name: ER03857_3B_prokka|PROKKA_01138
Description: ER03857_3B_prokka|PROKKA_01138
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01273
Name: ER03857_3B_prokka|PROKKA_01273
Description: ER03857_3B_prokka|PROKKA_01273
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01277
Name: ER03857_3B_prokka|PROKKA_01277
Description: ER03857_3B_prokka|PROKKA_01277
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01281
Name: ER03857_3B_prokka|PROKKA_01281
Description: ER03857_3B_prokka|PROKKA_01281
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01283
Name: ER03857_3B_prokka|PROKKA_01283
Description: ER03857_3B_prokka|PROKKA_01283
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01307
Name: ER03857_3B_prokka|PROKKA_01307
Description: ER03857_3B_prokka|PROKKA_01307
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01402
Name: ER03857_3B_prokka|PROKKA_01402
Description: ER03857_3B_prokka|PROKKA_01402
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01415
Name: ER03857_3B_prokka|PROKKA_01415
Description: ER03857_3B_prokka|PROKKA_01415
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01464
Name: ER03857_3B_prokka|PROKKA_01464
Description: ER03857_3B_prokka|PROKKA_01464
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01473
Name: ER03857_3B_prokka|PROKKA_01473
Description: ER03857_3B_prokka|PROKKA_01473
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01493
Name: ER03857_3B_prokka|PROKKA_01493
Description: ER03857_3B_prokka|PROKKA_01493
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01521
Name: ER03857_3B_prokka|PROKKA_01521
Description: ER03857_3B_prokka|PROKKA_01521
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01548
Name: ER03857_3B_prokka|PROKKA_01548
Description: ER03857_3B_prokka|PROKKA_01548
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01585
Name: ER03857_3B_prokka|PROKKA_01585
Description: ER03857_3B_prokka|PROKKA_01585
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01656
Name: ER03857_3B_prokka|PROKKA_01656
Description: ER03857_3B_prokka|PROKKA_01656
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01821
Name: ER03857_3B_prokka|PROKKA_01821
Description: ER03857_3B_prokka|PROKKA_01821
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01828
Name: ER03857_3B_prokka|PROKKA_01828
Description: ER03857_3B_prokka|PROKKA_01828
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01847
Name: ER03857_3B_prokka|PROKKA_01847
Description: ER03857_3B_prokka|PROKKA_01847
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01882
Name: ER03857_3B_prokka|PROKKA_01882
Description: ER03857_3B_prokka|PROKKA_01882
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_01933
Name: ER03857_3B_prokka|PROKKA_01933
Description: ER03857_3B_prokka|PROKKA_01933
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02005
Name: ER03857_3B_prokka|PROKKA_02005
Description: ER03857_3B_prokka|PROKKA_02005
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02007
Name: ER03857_3B_prokka|PROKKA_02007
Description: ER03857_3B_prokka|PROKKA_02007
Number of features: 0
Seq('MLSEKSFGSNYFNVDSGYSELIIQPENVFDTTVKWQDRYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02010
Name: ER03857_3B_prokka|PROKKA_02010
Description: ER03857_3B_prokka|PROKKA_02010
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02026
Name: ER03857_3B_prokka|PROKKA_02026
Description: ER03857_3B_prokka|PROKKA_02026
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02046
Name: ER03857_3B_prokka|PROKKA_02046
Description: ER03857_3B_prokka|PROKKA_02046
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02076
Name: ER03857_3B_prokka|PROKKA_02076
Description: ER03857_3B_prokka|PROKKA_02076
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02078
Name: ER03857_3B_prokka|PROKKA_02078
Description: ER03857_3B_prokka|PROKKA_02078
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02127
Name: ER03857_3B_prokka|PROKKA_02127
Description: ER03857_3B_prokka|PROKKA_02127
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02247
Name: ER03857_3B_prokka|PROKKA_02247
Description: ER03857_3B_prokka|PROKKA_02247
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02271
Name: ER03857_3B_prokka|PROKKA_02271
Description: ER03857_3B_prokka|PROKKA_02271
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02302
Name: ER03857_3B_prokka|PROKKA_02302
Description: ER03857_3B_prokka|PROKKA_02302
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02457
Name: ER03857_3B_prokka|PROKKA_02457
Description: ER03857_3B_prokka|PROKKA_02457
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02666
Name: ER03857_3B_prokka|PROKKA_02666
Description: ER03857_3B_prokka|PROKKA_02666
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03857_3B_prokka|PROKKA_02753
Name: ER03857_3B_prokka|PROKKA_02753
Description: ER03857_3B_prokka|PROKKA_02753
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00031
Name: ER03864_3B_prokka|PROKKA_00031
Description: ER03864_3B_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00040
Name: ER03864_3B_prokka|PROKKA_00040
Description: ER03864_3B_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00128
Name: ER03864_3B_prokka|PROKKA_00128
Description: ER03864_3B_prokka|PROKKA_00128
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00229
Name: ER03864_3B_prokka|PROKKA_00229
Description: ER03864_3B_prokka|PROKKA_00229
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00281
Name: ER03864_3B_prokka|PROKKA_00281
Description: ER03864_3B_prokka|PROKKA_00281
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00378
Name: ER03864_3B_prokka|PROKKA_00378
Description: ER03864_3B_prokka|PROKKA_00378
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00415
Name: ER03864_3B_prokka|PROKKA_00415
Description: ER03864_3B_prokka|PROKKA_00415
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00545
Name: ER03864_3B_prokka|PROKKA_00545
Description: ER03864_3B_prokka|PROKKA_00545
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00581
Name: ER03864_3B_prokka|PROKKA_00581
Description: ER03864_3B_prokka|PROKKA_00581
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00782
Name: ER03864_3B_prokka|PROKKA_00782
Description: ER03864_3B_prokka|PROKKA_00782
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00808
Name: ER03864_3B_prokka|PROKKA_00808
Description: ER03864_3B_prokka|PROKKA_00808
Number of features: 0
Seq('MGRDNVLITPHIGSASVTTRDNMIQLCINNIEAVMTNQVPHTPVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00809
Name: ER03864_3B_prokka|PROKKA_00809
Description: ER03864_3B_prokka|PROKKA_00809
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00917
Name: ER03864_3B_prokka|PROKKA_00917
Description: ER03864_3B_prokka|PROKKA_00917
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_00956
Name: ER03864_3B_prokka|PROKKA_00956
Description: ER03864_3B_prokka|PROKKA_00956
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01010
Name: ER03864_3B_prokka|PROKKA_01010
Description: ER03864_3B_prokka|PROKKA_01010
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01016
Name: ER03864_3B_prokka|PROKKA_01016
Description: ER03864_3B_prokka|PROKKA_01016
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01017
Name: ER03864_3B_prokka|PROKKA_01017
Description: ER03864_3B_prokka|PROKKA_01017
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFMYYKECFFKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01023
Name: ER03864_3B_prokka|PROKKA_01023
Description: ER03864_3B_prokka|PROKKA_01023
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRNAMHAVKVEKILKSPFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01027
Name: ER03864_3B_prokka|PROKKA_01027
Description: ER03864_3B_prokka|PROKKA_01027
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01043
Name: ER03864_3B_prokka|PROKKA_01043
Description: ER03864_3B_prokka|PROKKA_01043
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01106
Name: ER03864_3B_prokka|PROKKA_01106
Description: ER03864_3B_prokka|PROKKA_01106
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01118
Name: ER03864_3B_prokka|PROKKA_01118
Description: ER03864_3B_prokka|PROKKA_01118
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01119
Name: ER03864_3B_prokka|PROKKA_01119
Description: ER03864_3B_prokka|PROKKA_01119
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01254
Name: ER03864_3B_prokka|PROKKA_01254
Description: ER03864_3B_prokka|PROKKA_01254
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01258
Name: ER03864_3B_prokka|PROKKA_01258
Description: ER03864_3B_prokka|PROKKA_01258
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01262
Name: ER03864_3B_prokka|PROKKA_01262
Description: ER03864_3B_prokka|PROKKA_01262
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01264
Name: ER03864_3B_prokka|PROKKA_01264
Description: ER03864_3B_prokka|PROKKA_01264
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01288
Name: ER03864_3B_prokka|PROKKA_01288
Description: ER03864_3B_prokka|PROKKA_01288
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01384
Name: ER03864_3B_prokka|PROKKA_01384
Description: ER03864_3B_prokka|PROKKA_01384
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01396
Name: ER03864_3B_prokka|PROKKA_01396
Description: ER03864_3B_prokka|PROKKA_01396
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01443
Name: ER03864_3B_prokka|PROKKA_01443
Description: ER03864_3B_prokka|PROKKA_01443
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01451
Name: ER03864_3B_prokka|PROKKA_01451
Description: ER03864_3B_prokka|PROKKA_01451
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01471
Name: ER03864_3B_prokka|PROKKA_01471
Description: ER03864_3B_prokka|PROKKA_01471
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01485
Name: ER03864_3B_prokka|PROKKA_01485
Description: ER03864_3B_prokka|PROKKA_01485
Number of features: 0
Seq('MTIKELEEKFNISRYFVVKHDRDWETGEIIDTCIVLDEYADHINIEVEEVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01491
Name: ER03864_3B_prokka|PROKKA_01491
Description: ER03864_3B_prokka|PROKKA_01491
Number of features: 0
Seq('MSDTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYGE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01499
Name: ER03864_3B_prokka|PROKKA_01499
Description: ER03864_3B_prokka|PROKKA_01499
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01504
Name: ER03864_3B_prokka|PROKKA_01504
Description: ER03864_3B_prokka|PROKKA_01504
Number of features: 0
Seq('MVDKNKKQEATRSNPLNKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01530
Name: ER03864_3B_prokka|PROKKA_01530
Description: ER03864_3B_prokka|PROKKA_01530
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01567
Name: ER03864_3B_prokka|PROKKA_01567
Description: ER03864_3B_prokka|PROKKA_01567
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01638
Name: ER03864_3B_prokka|PROKKA_01638
Description: ER03864_3B_prokka|PROKKA_01638
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01810
Name: ER03864_3B_prokka|PROKKA_01810
Description: ER03864_3B_prokka|PROKKA_01810
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01829
Name: ER03864_3B_prokka|PROKKA_01829
Description: ER03864_3B_prokka|PROKKA_01829
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01864
Name: ER03864_3B_prokka|PROKKA_01864
Description: ER03864_3B_prokka|PROKKA_01864
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01914
Name: ER03864_3B_prokka|PROKKA_01914
Description: ER03864_3B_prokka|PROKKA_01914
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01986
Name: ER03864_3B_prokka|PROKKA_01986
Description: ER03864_3B_prokka|PROKKA_01986
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_01996
Name: ER03864_3B_prokka|PROKKA_01996
Description: ER03864_3B_prokka|PROKKA_01996
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02007
Name: ER03864_3B_prokka|PROKKA_02007
Description: ER03864_3B_prokka|PROKKA_02007
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02025
Name: ER03864_3B_prokka|PROKKA_02025
Description: ER03864_3B_prokka|PROKKA_02025
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02029
Name: ER03864_3B_prokka|PROKKA_02029
Description: ER03864_3B_prokka|PROKKA_02029
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02035
Name: ER03864_3B_prokka|PROKKA_02035
Description: ER03864_3B_prokka|PROKKA_02035
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02038
Name: ER03864_3B_prokka|PROKKA_02038
Description: ER03864_3B_prokka|PROKKA_02038
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02045
Name: ER03864_3B_prokka|PROKKA_02045
Description: ER03864_3B_prokka|PROKKA_02045
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02047
Name: ER03864_3B_prokka|PROKKA_02047
Description: ER03864_3B_prokka|PROKKA_02047
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02055
Name: ER03864_3B_prokka|PROKKA_02055
Description: ER03864_3B_prokka|PROKKA_02055
Number of features: 0
Seq('MKQLVGIPESMLIPLIARAKEYENEKPIIKDALSKKYLMV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02067
Name: ER03864_3B_prokka|PROKKA_02067
Description: ER03864_3B_prokka|PROKKA_02067
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02069
Name: ER03864_3B_prokka|PROKKA_02069
Description: ER03864_3B_prokka|PROKKA_02069
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02118
Name: ER03864_3B_prokka|PROKKA_02118
Description: ER03864_3B_prokka|PROKKA_02118
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02237
Name: ER03864_3B_prokka|PROKKA_02237
Description: ER03864_3B_prokka|PROKKA_02237
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02261
Name: ER03864_3B_prokka|PROKKA_02261
Description: ER03864_3B_prokka|PROKKA_02261
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02292
Name: ER03864_3B_prokka|PROKKA_02292
Description: ER03864_3B_prokka|PROKKA_02292
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02447
Name: ER03864_3B_prokka|PROKKA_02447
Description: ER03864_3B_prokka|PROKKA_02447
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02655
Name: ER03864_3B_prokka|PROKKA_02655
Description: ER03864_3B_prokka|PROKKA_02655
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03864_3B_prokka|PROKKA_02742
Name: ER03864_3B_prokka|PROKKA_02742
Description: ER03864_3B_prokka|PROKKA_02742
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00006
Name: ER03868_3B_prokka|PROKKA_00006
Description: ER03868_3B_prokka|PROKKA_00006
Number of features: 0
Seq('MGKLAIKAGKIIGGGIASALGWAAGEKAVGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00007
Name: ER03868_3B_prokka|PROKKA_00007
Description: ER03868_3B_prokka|PROKKA_00007
Number of features: 0
Seq('MGAVAKFLGKAALGGAAGGATYAGLKKIFG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00008
Name: ER03868_3B_prokka|PROKKA_00008
Description: ER03868_3B_prokka|PROKKA_00008
Number of features: 0
Seq('MGALIKTGAKIIGSGAAGGLGTYIGHKILGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00009
Name: ER03868_3B_prokka|PROKKA_00009
Description: ER03868_3B_prokka|PROKKA_00009
Number of features: 0
Seq('MGAVIKVGAKVIGWGAASGAGLYGLEKIFKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00044
Name: ER03868_3B_prokka|PROKKA_00044
Description: ER03868_3B_prokka|PROKKA_00044
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00047
Name: ER03868_3B_prokka|PROKKA_00047
Description: ER03868_3B_prokka|PROKKA_00047
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00051
Name: ER03868_3B_prokka|PROKKA_00051
Description: ER03868_3B_prokka|PROKKA_00051
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00055
Name: ER03868_3B_prokka|PROKKA_00055
Description: ER03868_3B_prokka|PROKKA_00055
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDMSEILRERGVNVHHLTV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00064
Name: ER03868_3B_prokka|PROKKA_00064
Description: ER03868_3B_prokka|PROKKA_00064
Number of features: 0
Seq('MNWIKVAQLSVTVINEVIEIMKEKQNGEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00070
Name: ER03868_3B_prokka|PROKKA_00070
Description: ER03868_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MKFREAFENFITSKYVLGVLVVLTVYQIIQMLK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00120
Name: ER03868_3B_prokka|PROKKA_00120
Description: ER03868_3B_prokka|PROKKA_00120
Number of features: 0
Seq('MMKFSVIVPTYNSEKYITELLNSLAKQDFPKTEFEVIVVDDC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00129
Name: ER03868_3B_prokka|PROKKA_00129
Description: ER03868_3B_prokka|PROKKA_00129
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00206
Name: ER03868_3B_prokka|PROKKA_00206
Description: ER03868_3B_prokka|PROKKA_00206
Number of features: 0
Seq('MTKIIAVGWFLIANHLTAVFNYANLRCGYYKDRVVYELW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00270
Name: ER03868_3B_prokka|PROKKA_00270
Description: ER03868_3B_prokka|PROKKA_00270
Number of features: 0
Seq('MGIPDPLSNPMSDPLLGDSWMVGDLKKRQEKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00275
Name: ER03868_3B_prokka|PROKKA_00275
Description: ER03868_3B_prokka|PROKKA_00275
Number of features: 0
Seq('MMKRLNKLVLGISFLMLAISITAGCGIGKEAEIKKSFEKF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00291
Name: ER03868_3B_prokka|PROKKA_00291
Description: ER03868_3B_prokka|PROKKA_00291
Number of features: 0
Seq('MITIDSKINKQIAKNLSLEGMYVTREQQIQILHAINNEKEITNELIRKIAFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00311
Name: ER03868_3B_prokka|PROKKA_00311
Description: ER03868_3B_prokka|PROKKA_00311
Number of features: 0
Seq('MQNLWWGAGYNIVAVPLAAGILAFIGLILSPAIGAILMSLSTVIVAINAFTLKLK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00317
Name: ER03868_3B_prokka|PROKKA_00317
Description: ER03868_3B_prokka|PROKKA_00317
Number of features: 0
Seq('MDMENKKTEWKALYDISKESEMGVAERVSEYG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00416
Name: ER03868_3B_prokka|PROKKA_00416
Description: ER03868_3B_prokka|PROKKA_00416
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00584
Name: ER03868_3B_prokka|PROKKA_00584
Description: ER03868_3B_prokka|PROKKA_00584
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00827
Name: ER03868_3B_prokka|PROKKA_00827
Description: ER03868_3B_prokka|PROKKA_00827
Number of features: 0
Seq('MKMYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00843
Name: ER03868_3B_prokka|PROKKA_00843
Description: ER03868_3B_prokka|PROKKA_00843
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00844
Name: ER03868_3B_prokka|PROKKA_00844
Description: ER03868_3B_prokka|PROKKA_00844
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00865
Name: ER03868_3B_prokka|PROKKA_00865
Description: ER03868_3B_prokka|PROKKA_00865
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_00976
Name: ER03868_3B_prokka|PROKKA_00976
Description: ER03868_3B_prokka|PROKKA_00976
Number of features: 0
Seq('MRQFIKRIVKTILVGYVIKFIRNKLSGKSSHPTDNKHK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01016
Name: ER03868_3B_prokka|PROKKA_01016
Description: ER03868_3B_prokka|PROKKA_01016
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01094
Name: ER03868_3B_prokka|PROKKA_01094
Description: ER03868_3B_prokka|PROKKA_01094
Number of features: 0
Seq('MKLFYIAFLIILWLNIFLGNEVIHTLTVLITTLYIVNRRKRVKNDTVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01106
Name: ER03868_3B_prokka|PROKKA_01106
Description: ER03868_3B_prokka|PROKKA_01106
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01107
Name: ER03868_3B_prokka|PROKKA_01107
Description: ER03868_3B_prokka|PROKKA_01107
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01252
Name: ER03868_3B_prokka|PROKKA_01252
Description: ER03868_3B_prokka|PROKKA_01252
Number of features: 0
Seq('MSNTYKSYIIAVMCITILAICLMPFLYFTTAWVIAASTGIAIFIFYDEYFFRE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01278
Name: ER03868_3B_prokka|PROKKA_01278
Description: ER03868_3B_prokka|PROKKA_01278
Number of features: 0
Seq('MYFAQLDGEITNKQSQELLDKEYKKAIELENKNKEQKLEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01280
Name: ER03868_3B_prokka|PROKKA_01280
Description: ER03868_3B_prokka|PROKKA_01280
Number of features: 0
Seq('MSIQHLDGYISIEDFFKHMEELSKKEELEKEINQSKSKYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01301
Name: ER03868_3B_prokka|PROKKA_01301
Description: ER03868_3B_prokka|PROKKA_01301
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01406
Name: ER03868_3B_prokka|PROKKA_01406
Description: ER03868_3B_prokka|PROKKA_01406
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01469
Name: ER03868_3B_prokka|PROKKA_01469
Description: ER03868_3B_prokka|PROKKA_01469
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01506
Name: ER03868_3B_prokka|PROKKA_01506
Description: ER03868_3B_prokka|PROKKA_01506
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01577
Name: ER03868_3B_prokka|PROKKA_01577
Description: ER03868_3B_prokka|PROKKA_01577
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01755
Name: ER03868_3B_prokka|PROKKA_01755
Description: ER03868_3B_prokka|PROKKA_01755
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01798
Name: ER03868_3B_prokka|PROKKA_01798
Description: ER03868_3B_prokka|PROKKA_01798
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVNDFEDLKELGKEMEQISDQNDQEKNSEEESQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01849
Name: ER03868_3B_prokka|PROKKA_01849
Description: ER03868_3B_prokka|PROKKA_01849
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01921
Name: ER03868_3B_prokka|PROKKA_01921
Description: ER03868_3B_prokka|PROKKA_01921
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01925
Name: ER03868_3B_prokka|PROKKA_01925
Description: ER03868_3B_prokka|PROKKA_01925
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLYIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01941
Name: ER03868_3B_prokka|PROKKA_01941
Description: ER03868_3B_prokka|PROKKA_01941
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01960
Name: ER03868_3B_prokka|PROKKA_01960
Description: ER03868_3B_prokka|PROKKA_01960
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01969
Name: ER03868_3B_prokka|PROKKA_01969
Description: ER03868_3B_prokka|PROKKA_01969
Number of features: 0
Seq('MNLKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_01999
Name: ER03868_3B_prokka|PROKKA_01999
Description: ER03868_3B_prokka|PROKKA_01999
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02010
Name: ER03868_3B_prokka|PROKKA_02010
Description: ER03868_3B_prokka|PROKKA_02010
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02012
Name: ER03868_3B_prokka|PROKKA_02012
Description: ER03868_3B_prokka|PROKKA_02012
Number of features: 0
Seq('MNTLLNIFFDFITGVLKNIGSVASYSTCYFIMDEVEIPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02062
Name: ER03868_3B_prokka|PROKKA_02062
Description: ER03868_3B_prokka|PROKKA_02062
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02174
Name: ER03868_3B_prokka|PROKKA_02174
Description: ER03868_3B_prokka|PROKKA_02174
Number of features: 0
Seq('MIEIFKSFIFILFAWVIFYWIIPYGMYLTLKHKNMEKESIMRHDVY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02176
Name: ER03868_3B_prokka|PROKKA_02176
Description: ER03868_3B_prokka|PROKKA_02176
Number of features: 0
Seq('MFVLNCIASLFILFLSIKRIKYLLDKEENRHKVEINKIKTNIFKNIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02197
Name: ER03868_3B_prokka|PROKKA_02197
Description: ER03868_3B_prokka|PROKKA_02197
Number of features: 0
Seq('MTYIPFSIITLNTGIIMHMTMYFVPFECRKMPLFMAIIVTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02220
Name: ER03868_3B_prokka|PROKKA_02220
Description: ER03868_3B_prokka|PROKKA_02220
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02251
Name: ER03868_3B_prokka|PROKKA_02251
Description: ER03868_3B_prokka|PROKKA_02251
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02406
Name: ER03868_3B_prokka|PROKKA_02406
Description: ER03868_3B_prokka|PROKKA_02406
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02442
Name: ER03868_3B_prokka|PROKKA_02442
Description: ER03868_3B_prokka|PROKKA_02442
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02446
Name: ER03868_3B_prokka|PROKKA_02446
Description: ER03868_3B_prokka|PROKKA_02446
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02480
Name: ER03868_3B_prokka|PROKKA_02480
Description: ER03868_3B_prokka|PROKKA_02480
Number of features: 0
Seq('MKKKFVSSCIASTILFGTLLGVTYKAEAATVHVAGGVWSHGIGKHYV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02485
Name: ER03868_3B_prokka|PROKKA_02485
Description: ER03868_3B_prokka|PROKKA_02485
Number of features: 0
Seq('MKTGPLKCPKCNQDLYIKKVRYPISDIETLC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02513
Name: ER03868_3B_prokka|PROKKA_02513
Description: ER03868_3B_prokka|PROKKA_02513
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02655
Name: ER03868_3B_prokka|PROKKA_02655
Description: ER03868_3B_prokka|PROKKA_02655
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02726
Name: ER03868_3B_prokka|PROKKA_02726
Description: ER03868_3B_prokka|PROKKA_02726
Number of features: 0
Seq('MTVTWYNVIALTILVIVLSSFTTPIIGIPAGLLGGAYYLKRREEKGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03868_3B_prokka|PROKKA_02736
Name: ER03868_3B_prokka|PROKKA_02736
Description: ER03868_3B_prokka|PROKKA_02736
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00030
Name: ER03910_3B_prokka|PROKKA_00030
Description: ER03910_3B_prokka|PROKKA_00030
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00034
Name: ER03910_3B_prokka|PROKKA_00034
Description: ER03910_3B_prokka|PROKKA_00034
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00043
Name: ER03910_3B_prokka|PROKKA_00043
Description: ER03910_3B_prokka|PROKKA_00043
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00056
Name: ER03910_3B_prokka|PROKKA_00056
Description: ER03910_3B_prokka|PROKKA_00056
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00059
Name: ER03910_3B_prokka|PROKKA_00059
Description: ER03910_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00224
Name: ER03910_3B_prokka|PROKKA_00224
Description: ER03910_3B_prokka|PROKKA_00224
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00320
Name: ER03910_3B_prokka|PROKKA_00320
Description: ER03910_3B_prokka|PROKKA_00320
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00326
Name: ER03910_3B_prokka|PROKKA_00326
Description: ER03910_3B_prokka|PROKKA_00326
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00370
Name: ER03910_3B_prokka|PROKKA_00370
Description: ER03910_3B_prokka|PROKKA_00370
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00388
Name: ER03910_3B_prokka|PROKKA_00388
Description: ER03910_3B_prokka|PROKKA_00388
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00553
Name: ER03910_3B_prokka|PROKKA_00553
Description: ER03910_3B_prokka|PROKKA_00553
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00805
Name: ER03910_3B_prokka|PROKKA_00805
Description: ER03910_3B_prokka|PROKKA_00805
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00832
Name: ER03910_3B_prokka|PROKKA_00832
Description: ER03910_3B_prokka|PROKKA_00832
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00940
Name: ER03910_3B_prokka|PROKKA_00940
Description: ER03910_3B_prokka|PROKKA_00940
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_00980
Name: ER03910_3B_prokka|PROKKA_00980
Description: ER03910_3B_prokka|PROKKA_00980
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01061
Name: ER03910_3B_prokka|PROKKA_01061
Description: ER03910_3B_prokka|PROKKA_01061
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01073
Name: ER03910_3B_prokka|PROKKA_01073
Description: ER03910_3B_prokka|PROKKA_01073
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01074
Name: ER03910_3B_prokka|PROKKA_01074
Description: ER03910_3B_prokka|PROKKA_01074
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01209
Name: ER03910_3B_prokka|PROKKA_01209
Description: ER03910_3B_prokka|PROKKA_01209
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01213
Name: ER03910_3B_prokka|PROKKA_01213
Description: ER03910_3B_prokka|PROKKA_01213
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01237
Name: ER03910_3B_prokka|PROKKA_01237
Description: ER03910_3B_prokka|PROKKA_01237
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01332
Name: ER03910_3B_prokka|PROKKA_01332
Description: ER03910_3B_prokka|PROKKA_01332
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01344
Name: ER03910_3B_prokka|PROKKA_01344
Description: ER03910_3B_prokka|PROKKA_01344
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01411
Name: ER03910_3B_prokka|PROKKA_01411
Description: ER03910_3B_prokka|PROKKA_01411
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01414
Name: ER03910_3B_prokka|PROKKA_01414
Description: ER03910_3B_prokka|PROKKA_01414
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01449
Name: ER03910_3B_prokka|PROKKA_01449
Description: ER03910_3B_prokka|PROKKA_01449
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01522
Name: ER03910_3B_prokka|PROKKA_01522
Description: ER03910_3B_prokka|PROKKA_01522
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01685
Name: ER03910_3B_prokka|PROKKA_01685
Description: ER03910_3B_prokka|PROKKA_01685
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01700
Name: ER03910_3B_prokka|PROKKA_01700
Description: ER03910_3B_prokka|PROKKA_01700
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01742
Name: ER03910_3B_prokka|PROKKA_01742
Description: ER03910_3B_prokka|PROKKA_01742
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01794
Name: ER03910_3B_prokka|PROKKA_01794
Description: ER03910_3B_prokka|PROKKA_01794
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01867
Name: ER03910_3B_prokka|PROKKA_01867
Description: ER03910_3B_prokka|PROKKA_01867
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01877
Name: ER03910_3B_prokka|PROKKA_01877
Description: ER03910_3B_prokka|PROKKA_01877
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01888
Name: ER03910_3B_prokka|PROKKA_01888
Description: ER03910_3B_prokka|PROKKA_01888
Number of features: 0
Seq('MTKQILRLLFLLAMYELGKYVTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01892
Name: ER03910_3B_prokka|PROKKA_01892
Description: ER03910_3B_prokka|PROKKA_01892
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSESEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01907
Name: ER03910_3B_prokka|PROKKA_01907
Description: ER03910_3B_prokka|PROKKA_01907
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01910
Name: ER03910_3B_prokka|PROKKA_01910
Description: ER03910_3B_prokka|PROKKA_01910
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01917
Name: ER03910_3B_prokka|PROKKA_01917
Description: ER03910_3B_prokka|PROKKA_01917
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01919
Name: ER03910_3B_prokka|PROKKA_01919
Description: ER03910_3B_prokka|PROKKA_01919
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01946
Name: ER03910_3B_prokka|PROKKA_01946
Description: ER03910_3B_prokka|PROKKA_01946
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01957
Name: ER03910_3B_prokka|PROKKA_01957
Description: ER03910_3B_prokka|PROKKA_01957
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_01959
Name: ER03910_3B_prokka|PROKKA_01959
Description: ER03910_3B_prokka|PROKKA_01959
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02009
Name: ER03910_3B_prokka|PROKKA_02009
Description: ER03910_3B_prokka|PROKKA_02009
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02135
Name: ER03910_3B_prokka|PROKKA_02135
Description: ER03910_3B_prokka|PROKKA_02135
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02148
Name: ER03910_3B_prokka|PROKKA_02148
Description: ER03910_3B_prokka|PROKKA_02148
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02179
Name: ER03910_3B_prokka|PROKKA_02179
Description: ER03910_3B_prokka|PROKKA_02179
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02333
Name: ER03910_3B_prokka|PROKKA_02333
Description: ER03910_3B_prokka|PROKKA_02333
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02397
Name: ER03910_3B_prokka|PROKKA_02397
Description: ER03910_3B_prokka|PROKKA_02397
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02515
Name: ER03910_3B_prokka|PROKKA_02515
Description: ER03910_3B_prokka|PROKKA_02515
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02528
Name: ER03910_3B_prokka|PROKKA_02528
Description: ER03910_3B_prokka|PROKKA_02528
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02530
Name: ER03910_3B_prokka|PROKKA_02530
Description: ER03910_3B_prokka|PROKKA_02530
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02533
Name: ER03910_3B_prokka|PROKKA_02533
Description: ER03910_3B_prokka|PROKKA_02533
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02540
Name: ER03910_3B_prokka|PROKKA_02540
Description: ER03910_3B_prokka|PROKKA_02540
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02578
Name: ER03910_3B_prokka|PROKKA_02578
Description: ER03910_3B_prokka|PROKKA_02578
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02657
Name: ER03910_3B_prokka|PROKKA_02657
Description: ER03910_3B_prokka|PROKKA_02657
Number of features: 0
Seq('MIFSQNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEHRTLIYVPA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02663
Name: ER03910_3B_prokka|PROKKA_02663
Description: ER03910_3B_prokka|PROKKA_02663
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03910_3B_prokka|PROKKA_02666
Name: ER03910_3B_prokka|PROKKA_02666
Description: ER03910_3B_prokka|PROKKA_02666
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00005
Name: ER03913_3B_prokka|PROKKA_00005
Description: ER03913_3B_prokka|PROKKA_00005
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALTEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00039
Name: ER03913_3B_prokka|PROKKA_00039
Description: ER03913_3B_prokka|PROKKA_00039
Number of features: 0
Seq('MKRLGSLVVVLMLAACSGHSEDTENQEAVSPEEDNQEVVDNEADVCQRK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00104
Name: ER03913_3B_prokka|PROKKA_00104
Description: ER03913_3B_prokka|PROKKA_00104
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00113
Name: ER03913_3B_prokka|PROKKA_00113
Description: ER03913_3B_prokka|PROKKA_00113
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00134
Name: ER03913_3B_prokka|PROKKA_00134
Description: ER03913_3B_prokka|PROKKA_00134
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00225
Name: ER03913_3B_prokka|PROKKA_00225
Description: ER03913_3B_prokka|PROKKA_00225
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00324
Name: ER03913_3B_prokka|PROKKA_00324
Description: ER03913_3B_prokka|PROKKA_00324
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00376
Name: ER03913_3B_prokka|PROKKA_00376
Description: ER03913_3B_prokka|PROKKA_00376
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00475
Name: ER03913_3B_prokka|PROKKA_00475
Description: ER03913_3B_prokka|PROKKA_00475
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00513
Name: ER03913_3B_prokka|PROKKA_00513
Description: ER03913_3B_prokka|PROKKA_00513
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00642
Name: ER03913_3B_prokka|PROKKA_00642
Description: ER03913_3B_prokka|PROKKA_00642
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00678
Name: ER03913_3B_prokka|PROKKA_00678
Description: ER03913_3B_prokka|PROKKA_00678
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00896
Name: ER03913_3B_prokka|PROKKA_00896
Description: ER03913_3B_prokka|PROKKA_00896
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_00940
Name: ER03913_3B_prokka|PROKKA_00940
Description: ER03913_3B_prokka|PROKKA_00940
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01048
Name: ER03913_3B_prokka|PROKKA_01048
Description: ER03913_3B_prokka|PROKKA_01048
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01087
Name: ER03913_3B_prokka|PROKKA_01087
Description: ER03913_3B_prokka|PROKKA_01087
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01088
Name: ER03913_3B_prokka|PROKKA_01088
Description: ER03913_3B_prokka|PROKKA_01088
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01168
Name: ER03913_3B_prokka|PROKKA_01168
Description: ER03913_3B_prokka|PROKKA_01168
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01181
Name: ER03913_3B_prokka|PROKKA_01181
Description: ER03913_3B_prokka|PROKKA_01181
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01182
Name: ER03913_3B_prokka|PROKKA_01182
Description: ER03913_3B_prokka|PROKKA_01182
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01317
Name: ER03913_3B_prokka|PROKKA_01317
Description: ER03913_3B_prokka|PROKKA_01317
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01321
Name: ER03913_3B_prokka|PROKKA_01321
Description: ER03913_3B_prokka|PROKKA_01321
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01325
Name: ER03913_3B_prokka|PROKKA_01325
Description: ER03913_3B_prokka|PROKKA_01325
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01327
Name: ER03913_3B_prokka|PROKKA_01327
Description: ER03913_3B_prokka|PROKKA_01327
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01351
Name: ER03913_3B_prokka|PROKKA_01351
Description: ER03913_3B_prokka|PROKKA_01351
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01446
Name: ER03913_3B_prokka|PROKKA_01446
Description: ER03913_3B_prokka|PROKKA_01446
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01459
Name: ER03913_3B_prokka|PROKKA_01459
Description: ER03913_3B_prokka|PROKKA_01459
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01514
Name: ER03913_3B_prokka|PROKKA_01514
Description: ER03913_3B_prokka|PROKKA_01514
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01522
Name: ER03913_3B_prokka|PROKKA_01522
Description: ER03913_3B_prokka|PROKKA_01522
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01542
Name: ER03913_3B_prokka|PROKKA_01542
Description: ER03913_3B_prokka|PROKKA_01542
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01571
Name: ER03913_3B_prokka|PROKKA_01571
Description: ER03913_3B_prokka|PROKKA_01571
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01598
Name: ER03913_3B_prokka|PROKKA_01598
Description: ER03913_3B_prokka|PROKKA_01598
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01635
Name: ER03913_3B_prokka|PROKKA_01635
Description: ER03913_3B_prokka|PROKKA_01635
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01706
Name: ER03913_3B_prokka|PROKKA_01706
Description: ER03913_3B_prokka|PROKKA_01706
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01871
Name: ER03913_3B_prokka|PROKKA_01871
Description: ER03913_3B_prokka|PROKKA_01871
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01878
Name: ER03913_3B_prokka|PROKKA_01878
Description: ER03913_3B_prokka|PROKKA_01878
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01897
Name: ER03913_3B_prokka|PROKKA_01897
Description: ER03913_3B_prokka|PROKKA_01897
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01932
Name: ER03913_3B_prokka|PROKKA_01932
Description: ER03913_3B_prokka|PROKKA_01932
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01984
Name: ER03913_3B_prokka|PROKKA_01984
Description: ER03913_3B_prokka|PROKKA_01984
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01986
Name: ER03913_3B_prokka|PROKKA_01986
Description: ER03913_3B_prokka|PROKKA_01986
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_01987
Name: ER03913_3B_prokka|PROKKA_01987
Description: ER03913_3B_prokka|PROKKA_01987
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02017
Name: ER03913_3B_prokka|PROKKA_02017
Description: ER03913_3B_prokka|PROKKA_02017
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02026
Name: ER03913_3B_prokka|PROKKA_02026
Description: ER03913_3B_prokka|PROKKA_02026
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02033
Name: ER03913_3B_prokka|PROKKA_02033
Description: ER03913_3B_prokka|PROKKA_02033
Number of features: 0
Seq('MVTKEFLKTKLECSDIYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02049
Name: ER03913_3B_prokka|PROKKA_02049
Description: ER03913_3B_prokka|PROKKA_02049
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKLDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02124
Name: ER03913_3B_prokka|PROKKA_02124
Description: ER03913_3B_prokka|PROKKA_02124
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02128
Name: ER03913_3B_prokka|PROKKA_02128
Description: ER03913_3B_prokka|PROKKA_02128
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02144
Name: ER03913_3B_prokka|PROKKA_02144
Description: ER03913_3B_prokka|PROKKA_02144
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02164
Name: ER03913_3B_prokka|PROKKA_02164
Description: ER03913_3B_prokka|PROKKA_02164
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02194
Name: ER03913_3B_prokka|PROKKA_02194
Description: ER03913_3B_prokka|PROKKA_02194
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02196
Name: ER03913_3B_prokka|PROKKA_02196
Description: ER03913_3B_prokka|PROKKA_02196
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02245
Name: ER03913_3B_prokka|PROKKA_02245
Description: ER03913_3B_prokka|PROKKA_02245
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02372
Name: ER03913_3B_prokka|PROKKA_02372
Description: ER03913_3B_prokka|PROKKA_02372
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02396
Name: ER03913_3B_prokka|PROKKA_02396
Description: ER03913_3B_prokka|PROKKA_02396
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02427
Name: ER03913_3B_prokka|PROKKA_02427
Description: ER03913_3B_prokka|PROKKA_02427
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02582
Name: ER03913_3B_prokka|PROKKA_02582
Description: ER03913_3B_prokka|PROKKA_02582
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02710
Name: ER03913_3B_prokka|PROKKA_02710
Description: ER03913_3B_prokka|PROKKA_02710
Number of features: 0
Seq('MITVAVIDTGVDIYHNKLYKYINLSKSFC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02792
Name: ER03913_3B_prokka|PROKKA_02792
Description: ER03913_3B_prokka|PROKKA_02792
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02879
Name: ER03913_3B_prokka|PROKKA_02879
Description: ER03913_3B_prokka|PROKKA_02879
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03913_3B_prokka|PROKKA_02899
Name: ER03913_3B_prokka|PROKKA_02899
Description: ER03913_3B_prokka|PROKKA_02899
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00029
Name: ER03928_3B_prokka|PROKKA_00029
Description: ER03928_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00038
Name: ER03928_3B_prokka|PROKKA_00038
Description: ER03928_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00059
Name: ER03928_3B_prokka|PROKKA_00059
Description: ER03928_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00147
Name: ER03928_3B_prokka|PROKKA_00147
Description: ER03928_3B_prokka|PROKKA_00147
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00248
Name: ER03928_3B_prokka|PROKKA_00248
Description: ER03928_3B_prokka|PROKKA_00248
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00300
Name: ER03928_3B_prokka|PROKKA_00300
Description: ER03928_3B_prokka|PROKKA_00300
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00398
Name: ER03928_3B_prokka|PROKKA_00398
Description: ER03928_3B_prokka|PROKKA_00398
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00436
Name: ER03928_3B_prokka|PROKKA_00436
Description: ER03928_3B_prokka|PROKKA_00436
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00565
Name: ER03928_3B_prokka|PROKKA_00565
Description: ER03928_3B_prokka|PROKKA_00565
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00601
Name: ER03928_3B_prokka|PROKKA_00601
Description: ER03928_3B_prokka|PROKKA_00601
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00820
Name: ER03928_3B_prokka|PROKKA_00820
Description: ER03928_3B_prokka|PROKKA_00820
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00864
Name: ER03928_3B_prokka|PROKKA_00864
Description: ER03928_3B_prokka|PROKKA_00864
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_00972
Name: ER03928_3B_prokka|PROKKA_00972
Description: ER03928_3B_prokka|PROKKA_00972
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01011
Name: ER03928_3B_prokka|PROKKA_01011
Description: ER03928_3B_prokka|PROKKA_01011
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01068
Name: ER03928_3B_prokka|PROKKA_01068
Description: ER03928_3B_prokka|PROKKA_01068
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01069
Name: ER03928_3B_prokka|PROKKA_01069
Description: ER03928_3B_prokka|PROKKA_01069
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01088
Name: ER03928_3B_prokka|PROKKA_01088
Description: ER03928_3B_prokka|PROKKA_01088
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01119
Name: ER03928_3B_prokka|PROKKA_01119
Description: ER03928_3B_prokka|PROKKA_01119
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01120
Name: ER03928_3B_prokka|PROKKA_01120
Description: ER03928_3B_prokka|PROKKA_01120
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01154
Name: ER03928_3B_prokka|PROKKA_01154
Description: ER03928_3B_prokka|PROKKA_01154
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01167
Name: ER03928_3B_prokka|PROKKA_01167
Description: ER03928_3B_prokka|PROKKA_01167
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01168
Name: ER03928_3B_prokka|PROKKA_01168
Description: ER03928_3B_prokka|PROKKA_01168
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01303
Name: ER03928_3B_prokka|PROKKA_01303
Description: ER03928_3B_prokka|PROKKA_01303
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01307
Name: ER03928_3B_prokka|PROKKA_01307
Description: ER03928_3B_prokka|PROKKA_01307
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01311
Name: ER03928_3B_prokka|PROKKA_01311
Description: ER03928_3B_prokka|PROKKA_01311
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01313
Name: ER03928_3B_prokka|PROKKA_01313
Description: ER03928_3B_prokka|PROKKA_01313
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01337
Name: ER03928_3B_prokka|PROKKA_01337
Description: ER03928_3B_prokka|PROKKA_01337
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01432
Name: ER03928_3B_prokka|PROKKA_01432
Description: ER03928_3B_prokka|PROKKA_01432
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01444
Name: ER03928_3B_prokka|PROKKA_01444
Description: ER03928_3B_prokka|PROKKA_01444
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01494
Name: ER03928_3B_prokka|PROKKA_01494
Description: ER03928_3B_prokka|PROKKA_01494
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01502
Name: ER03928_3B_prokka|PROKKA_01502
Description: ER03928_3B_prokka|PROKKA_01502
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01522
Name: ER03928_3B_prokka|PROKKA_01522
Description: ER03928_3B_prokka|PROKKA_01522
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01550
Name: ER03928_3B_prokka|PROKKA_01550
Description: ER03928_3B_prokka|PROKKA_01550
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01577
Name: ER03928_3B_prokka|PROKKA_01577
Description: ER03928_3B_prokka|PROKKA_01577
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01614
Name: ER03928_3B_prokka|PROKKA_01614
Description: ER03928_3B_prokka|PROKKA_01614
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01685
Name: ER03928_3B_prokka|PROKKA_01685
Description: ER03928_3B_prokka|PROKKA_01685
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01850
Name: ER03928_3B_prokka|PROKKA_01850
Description: ER03928_3B_prokka|PROKKA_01850
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01857
Name: ER03928_3B_prokka|PROKKA_01857
Description: ER03928_3B_prokka|PROKKA_01857
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01876
Name: ER03928_3B_prokka|PROKKA_01876
Description: ER03928_3B_prokka|PROKKA_01876
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01911
Name: ER03928_3B_prokka|PROKKA_01911
Description: ER03928_3B_prokka|PROKKA_01911
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_01963
Name: ER03928_3B_prokka|PROKKA_01963
Description: ER03928_3B_prokka|PROKKA_01963
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02035
Name: ER03928_3B_prokka|PROKKA_02035
Description: ER03928_3B_prokka|PROKKA_02035
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02039
Name: ER03928_3B_prokka|PROKKA_02039
Description: ER03928_3B_prokka|PROKKA_02039
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02050
Name: ER03928_3B_prokka|PROKKA_02050
Description: ER03928_3B_prokka|PROKKA_02050
Number of features: 0
Seq('MVIKNILKKIKNRRKTDGFMAFVHALYRADDIVDKDMSKALDALMSIDF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02056
Name: ER03928_3B_prokka|PROKKA_02056
Description: ER03928_3B_prokka|PROKKA_02056
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02076
Name: ER03928_3B_prokka|PROKKA_02076
Description: ER03928_3B_prokka|PROKKA_02076
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02106
Name: ER03928_3B_prokka|PROKKA_02106
Description: ER03928_3B_prokka|PROKKA_02106
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02108
Name: ER03928_3B_prokka|PROKKA_02108
Description: ER03928_3B_prokka|PROKKA_02108
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02158
Name: ER03928_3B_prokka|PROKKA_02158
Description: ER03928_3B_prokka|PROKKA_02158
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02278
Name: ER03928_3B_prokka|PROKKA_02278
Description: ER03928_3B_prokka|PROKKA_02278
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02302
Name: ER03928_3B_prokka|PROKKA_02302
Description: ER03928_3B_prokka|PROKKA_02302
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02333
Name: ER03928_3B_prokka|PROKKA_02333
Description: ER03928_3B_prokka|PROKKA_02333
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02488
Name: ER03928_3B_prokka|PROKKA_02488
Description: ER03928_3B_prokka|PROKKA_02488
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02692
Name: ER03928_3B_prokka|PROKKA_02692
Description: ER03928_3B_prokka|PROKKA_02692
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02779
Name: ER03928_3B_prokka|PROKKA_02779
Description: ER03928_3B_prokka|PROKKA_02779
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03928_3B_prokka|PROKKA_02809
Name: ER03928_3B_prokka|PROKKA_02809
Description: ER03928_3B_prokka|PROKKA_02809
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00039
Name: ER03930_3B_prokka|PROKKA_00039
Description: ER03930_3B_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00042
Name: ER03930_3B_prokka|PROKKA_00042
Description: ER03930_3B_prokka|PROKKA_00042
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00046
Name: ER03930_3B_prokka|PROKKA_00046
Description: ER03930_3B_prokka|PROKKA_00046
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00067
Name: ER03930_3B_prokka|PROKKA_00067
Description: ER03930_3B_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00085
Name: ER03930_3B_prokka|PROKKA_00085
Description: ER03930_3B_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00252
Name: ER03930_3B_prokka|PROKKA_00252
Description: ER03930_3B_prokka|PROKKA_00252
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00376
Name: ER03930_3B_prokka|PROKKA_00376
Description: ER03930_3B_prokka|PROKKA_00376
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00393
Name: ER03930_3B_prokka|PROKKA_00393
Description: ER03930_3B_prokka|PROKKA_00393
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00559
Name: ER03930_3B_prokka|PROKKA_00559
Description: ER03930_3B_prokka|PROKKA_00559
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00788
Name: ER03930_3B_prokka|PROKKA_00788
Description: ER03930_3B_prokka|PROKKA_00788
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00819
Name: ER03930_3B_prokka|PROKKA_00819
Description: ER03930_3B_prokka|PROKKA_00819
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00823
Name: ER03930_3B_prokka|PROKKA_00823
Description: ER03930_3B_prokka|PROKKA_00823
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00839
Name: ER03930_3B_prokka|PROKKA_00839
Description: ER03930_3B_prokka|PROKKA_00839
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00869
Name: ER03930_3B_prokka|PROKKA_00869
Description: ER03930_3B_prokka|PROKKA_00869
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00870
Name: ER03930_3B_prokka|PROKKA_00870
Description: ER03930_3B_prokka|PROKKA_00870
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00872
Name: ER03930_3B_prokka|PROKKA_00872
Description: ER03930_3B_prokka|PROKKA_00872
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00924
Name: ER03930_3B_prokka|PROKKA_00924
Description: ER03930_3B_prokka|PROKKA_00924
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00966
Name: ER03930_3B_prokka|PROKKA_00966
Description: ER03930_3B_prokka|PROKKA_00966
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_00980
Name: ER03930_3B_prokka|PROKKA_00980
Description: ER03930_3B_prokka|PROKKA_00980
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01149
Name: ER03930_3B_prokka|PROKKA_01149
Description: ER03930_3B_prokka|PROKKA_01149
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01223
Name: ER03930_3B_prokka|PROKKA_01223
Description: ER03930_3B_prokka|PROKKA_01223
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01258
Name: ER03930_3B_prokka|PROKKA_01258
Description: ER03930_3B_prokka|PROKKA_01258
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01261
Name: ER03930_3B_prokka|PROKKA_01261
Description: ER03930_3B_prokka|PROKKA_01261
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01288
Name: ER03930_3B_prokka|PROKKA_01288
Description: ER03930_3B_prokka|PROKKA_01288
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01293
Name: ER03930_3B_prokka|PROKKA_01293
Description: ER03930_3B_prokka|PROKKA_01293
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01301
Name: ER03930_3B_prokka|PROKKA_01301
Description: ER03930_3B_prokka|PROKKA_01301
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01316
Name: ER03930_3B_prokka|PROKKA_01316
Description: ER03930_3B_prokka|PROKKA_01316
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01335
Name: ER03930_3B_prokka|PROKKA_01335
Description: ER03930_3B_prokka|PROKKA_01335
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01343
Name: ER03930_3B_prokka|PROKKA_01343
Description: ER03930_3B_prokka|PROKKA_01343
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01390
Name: ER03930_3B_prokka|PROKKA_01390
Description: ER03930_3B_prokka|PROKKA_01390
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01402
Name: ER03930_3B_prokka|PROKKA_01402
Description: ER03930_3B_prokka|PROKKA_01402
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01496
Name: ER03930_3B_prokka|PROKKA_01496
Description: ER03930_3B_prokka|PROKKA_01496
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01520
Name: ER03930_3B_prokka|PROKKA_01520
Description: ER03930_3B_prokka|PROKKA_01520
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01524
Name: ER03930_3B_prokka|PROKKA_01524
Description: ER03930_3B_prokka|PROKKA_01524
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01660
Name: ER03930_3B_prokka|PROKKA_01660
Description: ER03930_3B_prokka|PROKKA_01660
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01661
Name: ER03930_3B_prokka|PROKKA_01661
Description: ER03930_3B_prokka|PROKKA_01661
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01673
Name: ER03930_3B_prokka|PROKKA_01673
Description: ER03930_3B_prokka|PROKKA_01673
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01755
Name: ER03930_3B_prokka|PROKKA_01755
Description: ER03930_3B_prokka|PROKKA_01755
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01756
Name: ER03930_3B_prokka|PROKKA_01756
Description: ER03930_3B_prokka|PROKKA_01756
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01773
Name: ER03930_3B_prokka|PROKKA_01773
Description: ER03930_3B_prokka|PROKKA_01773
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01796
Name: ER03930_3B_prokka|PROKKA_01796
Description: ER03930_3B_prokka|PROKKA_01796
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01902
Name: ER03930_3B_prokka|PROKKA_01902
Description: ER03930_3B_prokka|PROKKA_01902
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01917
Name: ER03930_3B_prokka|PROKKA_01917
Description: ER03930_3B_prokka|PROKKA_01917
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01918
Name: ER03930_3B_prokka|PROKKA_01918
Description: ER03930_3B_prokka|PROKKA_01918
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01949
Name: ER03930_3B_prokka|PROKKA_01949
Description: ER03930_3B_prokka|PROKKA_01949
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01971
Name: ER03930_3B_prokka|PROKKA_01971
Description: ER03930_3B_prokka|PROKKA_01971
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_01976
Name: ER03930_3B_prokka|PROKKA_01976
Description: ER03930_3B_prokka|PROKKA_01976
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02050
Name: ER03930_3B_prokka|PROKKA_02050
Description: ER03930_3B_prokka|PROKKA_02050
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02054
Name: ER03930_3B_prokka|PROKKA_02054
Description: ER03930_3B_prokka|PROKKA_02054
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02070
Name: ER03930_3B_prokka|PROKKA_02070
Description: ER03930_3B_prokka|PROKKA_02070
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02088
Name: ER03930_3B_prokka|PROKKA_02088
Description: ER03930_3B_prokka|PROKKA_02088
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02094
Name: ER03930_3B_prokka|PROKKA_02094
Description: ER03930_3B_prokka|PROKKA_02094
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02099
Name: ER03930_3B_prokka|PROKKA_02099
Description: ER03930_3B_prokka|PROKKA_02099
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02115
Name: ER03930_3B_prokka|PROKKA_02115
Description: ER03930_3B_prokka|PROKKA_02115
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02117
Name: ER03930_3B_prokka|PROKKA_02117
Description: ER03930_3B_prokka|PROKKA_02117
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02170
Name: ER03930_3B_prokka|PROKKA_02170
Description: ER03930_3B_prokka|PROKKA_02170
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02278
Name: ER03930_3B_prokka|PROKKA_02278
Description: ER03930_3B_prokka|PROKKA_02278
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02297
Name: ER03930_3B_prokka|PROKKA_02297
Description: ER03930_3B_prokka|PROKKA_02297
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02310
Name: ER03930_3B_prokka|PROKKA_02310
Description: ER03930_3B_prokka|PROKKA_02310
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02342
Name: ER03930_3B_prokka|PROKKA_02342
Description: ER03930_3B_prokka|PROKKA_02342
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02487
Name: ER03930_3B_prokka|PROKKA_02487
Description: ER03930_3B_prokka|PROKKA_02487
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02496
Name: ER03930_3B_prokka|PROKKA_02496
Description: ER03930_3B_prokka|PROKKA_02496
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02560
Name: ER03930_3B_prokka|PROKKA_02560
Description: ER03930_3B_prokka|PROKKA_02560
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02668
Name: ER03930_3B_prokka|PROKKA_02668
Description: ER03930_3B_prokka|PROKKA_02668
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02706
Name: ER03930_3B_prokka|PROKKA_02706
Description: ER03930_3B_prokka|PROKKA_02706
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02790
Name: ER03930_3B_prokka|PROKKA_02790
Description: ER03930_3B_prokka|PROKKA_02790
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03930_3B_prokka|PROKKA_02860
Name: ER03930_3B_prokka|PROKKA_02860
Description: ER03930_3B_prokka|PROKKA_02860
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00016
Name: ER03947_3B_prokka|PROKKA_00016
Description: ER03947_3B_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00031
Name: ER03947_3B_prokka|PROKKA_00031
Description: ER03947_3B_prokka|PROKKA_00031
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00046
Name: ER03947_3B_prokka|PROKKA_00046
Description: ER03947_3B_prokka|PROKKA_00046
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00054
Name: ER03947_3B_prokka|PROKKA_00054
Description: ER03947_3B_prokka|PROKKA_00054
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00059
Name: ER03947_3B_prokka|PROKKA_00059
Description: ER03947_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00062
Name: ER03947_3B_prokka|PROKKA_00062
Description: ER03947_3B_prokka|PROKKA_00062
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00069
Name: ER03947_3B_prokka|PROKKA_00069
Description: ER03947_3B_prokka|PROKKA_00069
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00088
Name: ER03947_3B_prokka|PROKKA_00088
Description: ER03947_3B_prokka|PROKKA_00088
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00101
Name: ER03947_3B_prokka|PROKKA_00101
Description: ER03947_3B_prokka|PROKKA_00101
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00133
Name: ER03947_3B_prokka|PROKKA_00133
Description: ER03947_3B_prokka|PROKKA_00133
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00278
Name: ER03947_3B_prokka|PROKKA_00278
Description: ER03947_3B_prokka|PROKKA_00278
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00287
Name: ER03947_3B_prokka|PROKKA_00287
Description: ER03947_3B_prokka|PROKKA_00287
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00351
Name: ER03947_3B_prokka|PROKKA_00351
Description: ER03947_3B_prokka|PROKKA_00351
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00459
Name: ER03947_3B_prokka|PROKKA_00459
Description: ER03947_3B_prokka|PROKKA_00459
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00497
Name: ER03947_3B_prokka|PROKKA_00497
Description: ER03947_3B_prokka|PROKKA_00497
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00581
Name: ER03947_3B_prokka|PROKKA_00581
Description: ER03947_3B_prokka|PROKKA_00581
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00620
Name: ER03947_3B_prokka|PROKKA_00620
Description: ER03947_3B_prokka|PROKKA_00620
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00626
Name: ER03947_3B_prokka|PROKKA_00626
Description: ER03947_3B_prokka|PROKKA_00626
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00647
Name: ER03947_3B_prokka|PROKKA_00647
Description: ER03947_3B_prokka|PROKKA_00647
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00665
Name: ER03947_3B_prokka|PROKKA_00665
Description: ER03947_3B_prokka|PROKKA_00665
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00832
Name: ER03947_3B_prokka|PROKKA_00832
Description: ER03947_3B_prokka|PROKKA_00832
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00956
Name: ER03947_3B_prokka|PROKKA_00956
Description: ER03947_3B_prokka|PROKKA_00956
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_00973
Name: ER03947_3B_prokka|PROKKA_00973
Description: ER03947_3B_prokka|PROKKA_00973
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01139
Name: ER03947_3B_prokka|PROKKA_01139
Description: ER03947_3B_prokka|PROKKA_01139
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01258
Name: ER03947_3B_prokka|PROKKA_01258
Description: ER03947_3B_prokka|PROKKA_01258
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01369
Name: ER03947_3B_prokka|PROKKA_01369
Description: ER03947_3B_prokka|PROKKA_01369
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01396
Name: ER03947_3B_prokka|PROKKA_01396
Description: ER03947_3B_prokka|PROKKA_01396
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01501
Name: ER03947_3B_prokka|PROKKA_01501
Description: ER03947_3B_prokka|PROKKA_01501
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01540
Name: ER03947_3B_prokka|PROKKA_01540
Description: ER03947_3B_prokka|PROKKA_01540
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01541
Name: ER03947_3B_prokka|PROKKA_01541
Description: ER03947_3B_prokka|PROKKA_01541
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01624
Name: ER03947_3B_prokka|PROKKA_01624
Description: ER03947_3B_prokka|PROKKA_01624
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01636
Name: ER03947_3B_prokka|PROKKA_01636
Description: ER03947_3B_prokka|PROKKA_01636
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01637
Name: ER03947_3B_prokka|PROKKA_01637
Description: ER03947_3B_prokka|PROKKA_01637
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01773
Name: ER03947_3B_prokka|PROKKA_01773
Description: ER03947_3B_prokka|PROKKA_01773
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01777
Name: ER03947_3B_prokka|PROKKA_01777
Description: ER03947_3B_prokka|PROKKA_01777
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01801
Name: ER03947_3B_prokka|PROKKA_01801
Description: ER03947_3B_prokka|PROKKA_01801
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01905
Name: ER03947_3B_prokka|PROKKA_01905
Description: ER03947_3B_prokka|PROKKA_01905
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01952
Name: ER03947_3B_prokka|PROKKA_01952
Description: ER03947_3B_prokka|PROKKA_01952
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01960
Name: ER03947_3B_prokka|PROKKA_01960
Description: ER03947_3B_prokka|PROKKA_01960
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01979
Name: ER03947_3B_prokka|PROKKA_01979
Description: ER03947_3B_prokka|PROKKA_01979
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_01994
Name: ER03947_3B_prokka|PROKKA_01994
Description: ER03947_3B_prokka|PROKKA_01994
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02002
Name: ER03947_3B_prokka|PROKKA_02002
Description: ER03947_3B_prokka|PROKKA_02002
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02007
Name: ER03947_3B_prokka|PROKKA_02007
Description: ER03947_3B_prokka|PROKKA_02007
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02034
Name: ER03947_3B_prokka|PROKKA_02034
Description: ER03947_3B_prokka|PROKKA_02034
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02037
Name: ER03947_3B_prokka|PROKKA_02037
Description: ER03947_3B_prokka|PROKKA_02037
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02072
Name: ER03947_3B_prokka|PROKKA_02072
Description: ER03947_3B_prokka|PROKKA_02072
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02146
Name: ER03947_3B_prokka|PROKKA_02146
Description: ER03947_3B_prokka|PROKKA_02146
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02315
Name: ER03947_3B_prokka|PROKKA_02315
Description: ER03947_3B_prokka|PROKKA_02315
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02329
Name: ER03947_3B_prokka|PROKKA_02329
Description: ER03947_3B_prokka|PROKKA_02329
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02371
Name: ER03947_3B_prokka|PROKKA_02371
Description: ER03947_3B_prokka|PROKKA_02371
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02423
Name: ER03947_3B_prokka|PROKKA_02423
Description: ER03947_3B_prokka|PROKKA_02423
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02425
Name: ER03947_3B_prokka|PROKKA_02425
Description: ER03947_3B_prokka|PROKKA_02425
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02426
Name: ER03947_3B_prokka|PROKKA_02426
Description: ER03947_3B_prokka|PROKKA_02426
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02456
Name: ER03947_3B_prokka|PROKKA_02456
Description: ER03947_3B_prokka|PROKKA_02456
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02478
Name: ER03947_3B_prokka|PROKKA_02478
Description: ER03947_3B_prokka|PROKKA_02478
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02483
Name: ER03947_3B_prokka|PROKKA_02483
Description: ER03947_3B_prokka|PROKKA_02483
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02559
Name: ER03947_3B_prokka|PROKKA_02559
Description: ER03947_3B_prokka|PROKKA_02559
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02561
Name: ER03947_3B_prokka|PROKKA_02561
Description: ER03947_3B_prokka|PROKKA_02561
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02612
Name: ER03947_3B_prokka|PROKKA_02612
Description: ER03947_3B_prokka|PROKKA_02612
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03947_3B_prokka|PROKKA_02720
Name: ER03947_3B_prokka|PROKKA_02720
Description: ER03947_3B_prokka|PROKKA_02720
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00078
Name: ER03967_3A_prokka|PROKKA_00078
Description: ER03967_3A_prokka|PROKKA_00078
Number of features: 0
Seq('MHFLKEGDLTIYFYIWNKKEYLTSDLFDLTESEKQEINHQVIDEIEEEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00079
Name: ER03967_3A_prokka|PROKKA_00079
Description: ER03967_3A_prokka|PROKKA_00079
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00086
Name: ER03967_3A_prokka|PROKKA_00086
Description: ER03967_3A_prokka|PROKKA_00086
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00095
Name: ER03967_3A_prokka|PROKKA_00095
Description: ER03967_3A_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00117
Name: ER03967_3A_prokka|PROKKA_00117
Description: ER03967_3A_prokka|PROKKA_00117
Number of features: 0
Seq('MKKCIKTLFLSIILVVMGGWYHSAHASDSLSKSPENWMSKLDESKHLTEINMPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00271
Name: ER03967_3A_prokka|PROKKA_00271
Description: ER03967_3A_prokka|PROKKA_00271
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00396
Name: ER03967_3A_prokka|PROKKA_00396
Description: ER03967_3A_prokka|PROKKA_00396
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00413
Name: ER03967_3A_prokka|PROKKA_00413
Description: ER03967_3A_prokka|PROKKA_00413
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00580
Name: ER03967_3A_prokka|PROKKA_00580
Description: ER03967_3A_prokka|PROKKA_00580
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00698
Name: ER03967_3A_prokka|PROKKA_00698
Description: ER03967_3A_prokka|PROKKA_00698
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00811
Name: ER03967_3A_prokka|PROKKA_00811
Description: ER03967_3A_prokka|PROKKA_00811
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00838
Name: ER03967_3A_prokka|PROKKA_00838
Description: ER03967_3A_prokka|PROKKA_00838
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00943
Name: ER03967_3A_prokka|PROKKA_00943
Description: ER03967_3A_prokka|PROKKA_00943
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_00983
Name: ER03967_3A_prokka|PROKKA_00983
Description: ER03967_3A_prokka|PROKKA_00983
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01066
Name: ER03967_3A_prokka|PROKKA_01066
Description: ER03967_3A_prokka|PROKKA_01066
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01078
Name: ER03967_3A_prokka|PROKKA_01078
Description: ER03967_3A_prokka|PROKKA_01078
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01079
Name: ER03967_3A_prokka|PROKKA_01079
Description: ER03967_3A_prokka|PROKKA_01079
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01214
Name: ER03967_3A_prokka|PROKKA_01214
Description: ER03967_3A_prokka|PROKKA_01214
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01218
Name: ER03967_3A_prokka|PROKKA_01218
Description: ER03967_3A_prokka|PROKKA_01218
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01242
Name: ER03967_3A_prokka|PROKKA_01242
Description: ER03967_3A_prokka|PROKKA_01242
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01336
Name: ER03967_3A_prokka|PROKKA_01336
Description: ER03967_3A_prokka|PROKKA_01336
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01348
Name: ER03967_3A_prokka|PROKKA_01348
Description: ER03967_3A_prokka|PROKKA_01348
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01415
Name: ER03967_3A_prokka|PROKKA_01415
Description: ER03967_3A_prokka|PROKKA_01415
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01418
Name: ER03967_3A_prokka|PROKKA_01418
Description: ER03967_3A_prokka|PROKKA_01418
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01453
Name: ER03967_3A_prokka|PROKKA_01453
Description: ER03967_3A_prokka|PROKKA_01453
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01525
Name: ER03967_3A_prokka|PROKKA_01525
Description: ER03967_3A_prokka|PROKKA_01525
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01688
Name: ER03967_3A_prokka|PROKKA_01688
Description: ER03967_3A_prokka|PROKKA_01688
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01703
Name: ER03967_3A_prokka|PROKKA_01703
Description: ER03967_3A_prokka|PROKKA_01703
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01745
Name: ER03967_3A_prokka|PROKKA_01745
Description: ER03967_3A_prokka|PROKKA_01745
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01797
Name: ER03967_3A_prokka|PROKKA_01797
Description: ER03967_3A_prokka|PROKKA_01797
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01799
Name: ER03967_3A_prokka|PROKKA_01799
Description: ER03967_3A_prokka|PROKKA_01799
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01800
Name: ER03967_3A_prokka|PROKKA_01800
Description: ER03967_3A_prokka|PROKKA_01800
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01831
Name: ER03967_3A_prokka|PROKKA_01831
Description: ER03967_3A_prokka|PROKKA_01831
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01838
Name: ER03967_3A_prokka|PROKKA_01838
Description: ER03967_3A_prokka|PROKKA_01838
Number of features: 0
Seq('MTVTLSDEQYKNLCTKLNKLLGKLHKALKQRDEYKKQRDELIGDIAEVKRT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01848
Name: ER03967_3A_prokka|PROKKA_01848
Description: ER03967_3A_prokka|PROKKA_01848
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01867
Name: ER03967_3A_prokka|PROKKA_01867
Description: ER03967_3A_prokka|PROKKA_01867
Number of features: 0
Seq('MRKYNFDKFFLYMAVLSLPIVIFFPLMLSIPIIFFIFSIRKKED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01945
Name: ER03967_3A_prokka|PROKKA_01945
Description: ER03967_3A_prokka|PROKKA_01945
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01949
Name: ER03967_3A_prokka|PROKKA_01949
Description: ER03967_3A_prokka|PROKKA_01949
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01965
Name: ER03967_3A_prokka|PROKKA_01965
Description: ER03967_3A_prokka|PROKKA_01965
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_01983
Name: ER03967_3A_prokka|PROKKA_01983
Description: ER03967_3A_prokka|PROKKA_01983
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02009
Name: ER03967_3A_prokka|PROKKA_02009
Description: ER03967_3A_prokka|PROKKA_02009
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02011
Name: ER03967_3A_prokka|PROKKA_02011
Description: ER03967_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02061
Name: ER03967_3A_prokka|PROKKA_02061
Description: ER03967_3A_prokka|PROKKA_02061
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02187
Name: ER03967_3A_prokka|PROKKA_02187
Description: ER03967_3A_prokka|PROKKA_02187
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02215
Name: ER03967_3A_prokka|PROKKA_02215
Description: ER03967_3A_prokka|PROKKA_02215
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02246
Name: ER03967_3A_prokka|PROKKA_02246
Description: ER03967_3A_prokka|PROKKA_02246
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02399
Name: ER03967_3A_prokka|PROKKA_02399
Description: ER03967_3A_prokka|PROKKA_02399
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02463
Name: ER03967_3A_prokka|PROKKA_02463
Description: ER03967_3A_prokka|PROKKA_02463
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02579
Name: ER03967_3A_prokka|PROKKA_02579
Description: ER03967_3A_prokka|PROKKA_02579
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02617
Name: ER03967_3A_prokka|PROKKA_02617
Description: ER03967_3A_prokka|PROKKA_02617
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02701
Name: ER03967_3A_prokka|PROKKA_02701
Description: ER03967_3A_prokka|PROKKA_02701
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02708
Name: ER03967_3A_prokka|PROKKA_02708
Description: ER03967_3A_prokka|PROKKA_02708
Number of features: 0
Seq('MVKAIAVDMDGTFLDSKKTYDKPRFEAILLNLEIEILHLLLRVAINMRS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02712
Name: ER03967_3A_prokka|PROKKA_02712
Description: ER03967_3A_prokka|PROKKA_02712
Number of features: 0
Seq('MSNMNQTIMDAFHFRHATKQFDPQKKVSKEDFETILESGRLSPSSLG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02714
Name: ER03967_3A_prokka|PROKKA_02714
Description: ER03967_3A_prokka|PROKKA_02714
Number of features: 0
Seq('MTDILANKGILDTEQFGLSVMVAFGYRQQDPPKNKTRQAYEDVIEWVGPKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02721
Name: ER03967_3A_prokka|PROKKA_02721
Description: ER03967_3A_prokka|PROKKA_02721
Number of features: 0
Seq('MSFRVKDHDAIEAWATKYKEVGINNSGIVNRFYFEALYARVGIF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02722
Name: ER03967_3A_prokka|PROKKA_02722
Description: ER03967_3A_prokka|PROKKA_02722
Number of features: 0
Seq('MEDEPYETLGEGLSLPPFLENKREYIESEIRPFNTKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02727
Name: ER03967_3A_prokka|PROKKA_02727
Description: ER03967_3A_prokka|PROKKA_02727
Number of features: 0
Seq('MQYNTTRYIDENQDNKTLKDMMKNGKQRPWREKKVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02732
Name: ER03967_3A_prokka|PROKKA_02732
Description: ER03967_3A_prokka|PROKKA_02732
Number of features: 0
Seq('MNYFRYKQFDKDVITVAVGYYLRYALSYRDISEILRERGIYVHHSTIYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02733
Name: ER03967_3A_prokka|PROKKA_02733
Description: ER03967_3A_prokka|PROKKA_02733
Number of features: 0
Seq('MQDNHTKYIDGNQDNETLKDVTKSGKQRPWREKKIDNLRFCCKVRNIV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02745
Name: ER03967_3A_prokka|PROKKA_02745
Description: ER03967_3A_prokka|PROKKA_02745
Number of features: 0
Seq('MLEEGQAISKIAKEVNITRQTVYRIKHDKGLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02749
Name: ER03967_3A_prokka|PROKKA_02749
Description: ER03967_3A_prokka|PROKKA_02749
Number of features: 0
Seq('MKTGPLKCPKCNQDLYIKKVRYPISDIETLC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02753
Name: ER03967_3A_prokka|PROKKA_02753
Description: ER03967_3A_prokka|PROKKA_02753
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02757
Name: ER03967_3A_prokka|PROKKA_02757
Description: ER03967_3A_prokka|PROKKA_02757
Number of features: 0
Seq('MQYNTTRYIDENQDNKTLKDMMKNGKQRPWREKKVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02762
Name: ER03967_3A_prokka|PROKKA_02762
Description: ER03967_3A_prokka|PROKKA_02762
Number of features: 0
Seq('MNYFRYKQFDKDVITVAVGYYLRYALSYRDISEILRERGIYVHHSTIYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02763
Name: ER03967_3A_prokka|PROKKA_02763
Description: ER03967_3A_prokka|PROKKA_02763
Number of features: 0
Seq('MQDNHTKYIDGNQDNETLKDVTKSGKQRPWREKKIDNLRFCCKVRNIV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02791
Name: ER03967_3A_prokka|PROKKA_02791
Description: ER03967_3A_prokka|PROKKA_02791
Number of features: 0
Seq('MKHKSVYLLCFLILPILLLTSVSAYAVSNPVGEPSHAVKPKIEKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03967_3A_prokka|PROKKA_02793
Name: ER03967_3A_prokka|PROKKA_02793
Description: ER03967_3A_prokka|PROKKA_02793
Number of features: 0
Seq('MCLIGFGVGILANAGNIIRGTNNIGKDLNNIIMNSTSTIDGNIDYIS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00030
Name: ER03996_3B_prokka|PROKKA_00030
Description: ER03996_3B_prokka|PROKKA_00030
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00061
Name: ER03996_3B_prokka|PROKKA_00061
Description: ER03996_3B_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00070
Name: ER03996_3B_prokka|PROKKA_00070
Description: ER03996_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00090
Name: ER03996_3B_prokka|PROKKA_00090
Description: ER03996_3B_prokka|PROKKA_00090
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00179
Name: ER03996_3B_prokka|PROKKA_00179
Description: ER03996_3B_prokka|PROKKA_00179
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00277
Name: ER03996_3B_prokka|PROKKA_00277
Description: ER03996_3B_prokka|PROKKA_00277
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00329
Name: ER03996_3B_prokka|PROKKA_00329
Description: ER03996_3B_prokka|PROKKA_00329
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00427
Name: ER03996_3B_prokka|PROKKA_00427
Description: ER03996_3B_prokka|PROKKA_00427
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00465
Name: ER03996_3B_prokka|PROKKA_00465
Description: ER03996_3B_prokka|PROKKA_00465
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00595
Name: ER03996_3B_prokka|PROKKA_00595
Description: ER03996_3B_prokka|PROKKA_00595
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00631
Name: ER03996_3B_prokka|PROKKA_00631
Description: ER03996_3B_prokka|PROKKA_00631
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00850
Name: ER03996_3B_prokka|PROKKA_00850
Description: ER03996_3B_prokka|PROKKA_00850
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_00894
Name: ER03996_3B_prokka|PROKKA_00894
Description: ER03996_3B_prokka|PROKKA_00894
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01002
Name: ER03996_3B_prokka|PROKKA_01002
Description: ER03996_3B_prokka|PROKKA_01002
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01041
Name: ER03996_3B_prokka|PROKKA_01041
Description: ER03996_3B_prokka|PROKKA_01041
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01121
Name: ER03996_3B_prokka|PROKKA_01121
Description: ER03996_3B_prokka|PROKKA_01121
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01134
Name: ER03996_3B_prokka|PROKKA_01134
Description: ER03996_3B_prokka|PROKKA_01134
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01135
Name: ER03996_3B_prokka|PROKKA_01135
Description: ER03996_3B_prokka|PROKKA_01135
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01270
Name: ER03996_3B_prokka|PROKKA_01270
Description: ER03996_3B_prokka|PROKKA_01270
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01274
Name: ER03996_3B_prokka|PROKKA_01274
Description: ER03996_3B_prokka|PROKKA_01274
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01278
Name: ER03996_3B_prokka|PROKKA_01278
Description: ER03996_3B_prokka|PROKKA_01278
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01280
Name: ER03996_3B_prokka|PROKKA_01280
Description: ER03996_3B_prokka|PROKKA_01280
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01304
Name: ER03996_3B_prokka|PROKKA_01304
Description: ER03996_3B_prokka|PROKKA_01304
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01398
Name: ER03996_3B_prokka|PROKKA_01398
Description: ER03996_3B_prokka|PROKKA_01398
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01410
Name: ER03996_3B_prokka|PROKKA_01410
Description: ER03996_3B_prokka|PROKKA_01410
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01459
Name: ER03996_3B_prokka|PROKKA_01459
Description: ER03996_3B_prokka|PROKKA_01459
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01467
Name: ER03996_3B_prokka|PROKKA_01467
Description: ER03996_3B_prokka|PROKKA_01467
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01487
Name: ER03996_3B_prokka|PROKKA_01487
Description: ER03996_3B_prokka|PROKKA_01487
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01515
Name: ER03996_3B_prokka|PROKKA_01515
Description: ER03996_3B_prokka|PROKKA_01515
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01542
Name: ER03996_3B_prokka|PROKKA_01542
Description: ER03996_3B_prokka|PROKKA_01542
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01579
Name: ER03996_3B_prokka|PROKKA_01579
Description: ER03996_3B_prokka|PROKKA_01579
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01650
Name: ER03996_3B_prokka|PROKKA_01650
Description: ER03996_3B_prokka|PROKKA_01650
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01815
Name: ER03996_3B_prokka|PROKKA_01815
Description: ER03996_3B_prokka|PROKKA_01815
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01822
Name: ER03996_3B_prokka|PROKKA_01822
Description: ER03996_3B_prokka|PROKKA_01822
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01842
Name: ER03996_3B_prokka|PROKKA_01842
Description: ER03996_3B_prokka|PROKKA_01842
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01877
Name: ER03996_3B_prokka|PROKKA_01877
Description: ER03996_3B_prokka|PROKKA_01877
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01929
Name: ER03996_3B_prokka|PROKKA_01929
Description: ER03996_3B_prokka|PROKKA_01929
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01931
Name: ER03996_3B_prokka|PROKKA_01931
Description: ER03996_3B_prokka|PROKKA_01931
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01932
Name: ER03996_3B_prokka|PROKKA_01932
Description: ER03996_3B_prokka|PROKKA_01932
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01962
Name: ER03996_3B_prokka|PROKKA_01962
Description: ER03996_3B_prokka|PROKKA_01962
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01971
Name: ER03996_3B_prokka|PROKKA_01971
Description: ER03996_3B_prokka|PROKKA_01971
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01978
Name: ER03996_3B_prokka|PROKKA_01978
Description: ER03996_3B_prokka|PROKKA_01978
Number of features: 0
Seq('MVTKEFLKTKLECSDIYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_01994
Name: ER03996_3B_prokka|PROKKA_01994
Description: ER03996_3B_prokka|PROKKA_01994
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKLDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02069
Name: ER03996_3B_prokka|PROKKA_02069
Description: ER03996_3B_prokka|PROKKA_02069
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02073
Name: ER03996_3B_prokka|PROKKA_02073
Description: ER03996_3B_prokka|PROKKA_02073
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02089
Name: ER03996_3B_prokka|PROKKA_02089
Description: ER03996_3B_prokka|PROKKA_02089
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02109
Name: ER03996_3B_prokka|PROKKA_02109
Description: ER03996_3B_prokka|PROKKA_02109
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02139
Name: ER03996_3B_prokka|PROKKA_02139
Description: ER03996_3B_prokka|PROKKA_02139
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02141
Name: ER03996_3B_prokka|PROKKA_02141
Description: ER03996_3B_prokka|PROKKA_02141
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02190
Name: ER03996_3B_prokka|PROKKA_02190
Description: ER03996_3B_prokka|PROKKA_02190
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02310
Name: ER03996_3B_prokka|PROKKA_02310
Description: ER03996_3B_prokka|PROKKA_02310
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02334
Name: ER03996_3B_prokka|PROKKA_02334
Description: ER03996_3B_prokka|PROKKA_02334
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02365
Name: ER03996_3B_prokka|PROKKA_02365
Description: ER03996_3B_prokka|PROKKA_02365
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02520
Name: ER03996_3B_prokka|PROKKA_02520
Description: ER03996_3B_prokka|PROKKA_02520
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02729
Name: ER03996_3B_prokka|PROKKA_02729
Description: ER03996_3B_prokka|PROKKA_02729
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER03996_3B_prokka|PROKKA_02816
Name: ER03996_3B_prokka|PROKKA_02816
Description: ER03996_3B_prokka|PROKKA_02816
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00031
Name: ER04013_3A_prokka|PROKKA_00031
Description: ER04013_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALSEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00074
Name: ER04013_3A_prokka|PROKKA_00074
Description: ER04013_3A_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00083
Name: ER04013_3A_prokka|PROKKA_00083
Description: ER04013_3A_prokka|PROKKA_00083
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00171
Name: ER04013_3A_prokka|PROKKA_00171
Description: ER04013_3A_prokka|PROKKA_00171
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00272
Name: ER04013_3A_prokka|PROKKA_00272
Description: ER04013_3A_prokka|PROKKA_00272
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00324
Name: ER04013_3A_prokka|PROKKA_00324
Description: ER04013_3A_prokka|PROKKA_00324
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00421
Name: ER04013_3A_prokka|PROKKA_00421
Description: ER04013_3A_prokka|PROKKA_00421
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00458
Name: ER04013_3A_prokka|PROKKA_00458
Description: ER04013_3A_prokka|PROKKA_00458
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00588
Name: ER04013_3A_prokka|PROKKA_00588
Description: ER04013_3A_prokka|PROKKA_00588
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00624
Name: ER04013_3A_prokka|PROKKA_00624
Description: ER04013_3A_prokka|PROKKA_00624
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00824
Name: ER04013_3A_prokka|PROKKA_00824
Description: ER04013_3A_prokka|PROKKA_00824
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00839
Name: ER04013_3A_prokka|PROKKA_00839
Description: ER04013_3A_prokka|PROKKA_00839
Number of features: 0
Seq('MKMYLAYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00855
Name: ER04013_3A_prokka|PROKKA_00855
Description: ER04013_3A_prokka|PROKKA_00855
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00856
Name: ER04013_3A_prokka|PROKKA_00856
Description: ER04013_3A_prokka|PROKKA_00856
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIGRKTHFYCLDKKNGCR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00877
Name: ER04013_3A_prokka|PROKKA_00877
Description: ER04013_3A_prokka|PROKKA_00877
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_00985
Name: ER04013_3A_prokka|PROKKA_00985
Description: ER04013_3A_prokka|PROKKA_00985
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01024
Name: ER04013_3A_prokka|PROKKA_01024
Description: ER04013_3A_prokka|PROKKA_01024
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01104
Name: ER04013_3A_prokka|PROKKA_01104
Description: ER04013_3A_prokka|PROKKA_01104
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01116
Name: ER04013_3A_prokka|PROKKA_01116
Description: ER04013_3A_prokka|PROKKA_01116
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01117
Name: ER04013_3A_prokka|PROKKA_01117
Description: ER04013_3A_prokka|PROKKA_01117
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01252
Name: ER04013_3A_prokka|PROKKA_01252
Description: ER04013_3A_prokka|PROKKA_01252
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01256
Name: ER04013_3A_prokka|PROKKA_01256
Description: ER04013_3A_prokka|PROKKA_01256
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01260
Name: ER04013_3A_prokka|PROKKA_01260
Description: ER04013_3A_prokka|PROKKA_01260
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01262
Name: ER04013_3A_prokka|PROKKA_01262
Description: ER04013_3A_prokka|PROKKA_01262
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01286
Name: ER04013_3A_prokka|PROKKA_01286
Description: ER04013_3A_prokka|PROKKA_01286
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01381
Name: ER04013_3A_prokka|PROKKA_01381
Description: ER04013_3A_prokka|PROKKA_01381
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01393
Name: ER04013_3A_prokka|PROKKA_01393
Description: ER04013_3A_prokka|PROKKA_01393
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01440
Name: ER04013_3A_prokka|PROKKA_01440
Description: ER04013_3A_prokka|PROKKA_01440
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01448
Name: ER04013_3A_prokka|PROKKA_01448
Description: ER04013_3A_prokka|PROKKA_01448
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01469
Name: ER04013_3A_prokka|PROKKA_01469
Description: ER04013_3A_prokka|PROKKA_01469
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01489
Name: ER04013_3A_prokka|PROKKA_01489
Description: ER04013_3A_prokka|PROKKA_01489
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01499
Name: ER04013_3A_prokka|PROKKA_01499
Description: ER04013_3A_prokka|PROKKA_01499
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01525
Name: ER04013_3A_prokka|PROKKA_01525
Description: ER04013_3A_prokka|PROKKA_01525
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01562
Name: ER04013_3A_prokka|PROKKA_01562
Description: ER04013_3A_prokka|PROKKA_01562
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01633
Name: ER04013_3A_prokka|PROKKA_01633
Description: ER04013_3A_prokka|PROKKA_01633
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01805
Name: ER04013_3A_prokka|PROKKA_01805
Description: ER04013_3A_prokka|PROKKA_01805
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01824
Name: ER04013_3A_prokka|PROKKA_01824
Description: ER04013_3A_prokka|PROKKA_01824
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01859
Name: ER04013_3A_prokka|PROKKA_01859
Description: ER04013_3A_prokka|PROKKA_01859
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01910
Name: ER04013_3A_prokka|PROKKA_01910
Description: ER04013_3A_prokka|PROKKA_01910
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01982
Name: ER04013_3A_prokka|PROKKA_01982
Description: ER04013_3A_prokka|PROKKA_01982
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_01992
Name: ER04013_3A_prokka|PROKKA_01992
Description: ER04013_3A_prokka|PROKKA_01992
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02003
Name: ER04013_3A_prokka|PROKKA_02003
Description: ER04013_3A_prokka|PROKKA_02003
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02021
Name: ER04013_3A_prokka|PROKKA_02021
Description: ER04013_3A_prokka|PROKKA_02021
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02025
Name: ER04013_3A_prokka|PROKKA_02025
Description: ER04013_3A_prokka|PROKKA_02025
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02031
Name: ER04013_3A_prokka|PROKKA_02031
Description: ER04013_3A_prokka|PROKKA_02031
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02034
Name: ER04013_3A_prokka|PROKKA_02034
Description: ER04013_3A_prokka|PROKKA_02034
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02041
Name: ER04013_3A_prokka|PROKKA_02041
Description: ER04013_3A_prokka|PROKKA_02041
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02043
Name: ER04013_3A_prokka|PROKKA_02043
Description: ER04013_3A_prokka|PROKKA_02043
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02062
Name: ER04013_3A_prokka|PROKKA_02062
Description: ER04013_3A_prokka|PROKKA_02062
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02064
Name: ER04013_3A_prokka|PROKKA_02064
Description: ER04013_3A_prokka|PROKKA_02064
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02114
Name: ER04013_3A_prokka|PROKKA_02114
Description: ER04013_3A_prokka|PROKKA_02114
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02233
Name: ER04013_3A_prokka|PROKKA_02233
Description: ER04013_3A_prokka|PROKKA_02233
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02257
Name: ER04013_3A_prokka|PROKKA_02257
Description: ER04013_3A_prokka|PROKKA_02257
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02288
Name: ER04013_3A_prokka|PROKKA_02288
Description: ER04013_3A_prokka|PROKKA_02288
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02443
Name: ER04013_3A_prokka|PROKKA_02443
Description: ER04013_3A_prokka|PROKKA_02443
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02650
Name: ER04013_3A_prokka|PROKKA_02650
Description: ER04013_3A_prokka|PROKKA_02650
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02737
Name: ER04013_3A_prokka|PROKKA_02737
Description: ER04013_3A_prokka|PROKKA_02737
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02738
Name: ER04013_3A_prokka|PROKKA_02738
Description: ER04013_3A_prokka|PROKKA_02738
Number of features: 0
Seq('MGAVAKFLGKAALGGAAGGATYAGLKKIFG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02739
Name: ER04013_3A_prokka|PROKKA_02739
Description: ER04013_3A_prokka|PROKKA_02739
Number of features: 0
Seq('MGALIKTGAKIIGSGAAGGLGTYIGHKILGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02740
Name: ER04013_3A_prokka|PROKKA_02740
Description: ER04013_3A_prokka|PROKKA_02740
Number of features: 0
Seq('MGAVIKVGAKVIGWGAASGAGLYGLEKIFKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04013_3A_prokka|PROKKA_02764
Name: ER04013_3A_prokka|PROKKA_02764
Description: ER04013_3A_prokka|PROKKA_02764
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00065
Name: ER04020_4A_prokka|PROKKA_00065
Description: ER04020_4A_prokka|PROKKA_00065
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00112
Name: ER04020_4A_prokka|PROKKA_00112
Description: ER04020_4A_prokka|PROKKA_00112
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00115
Name: ER04020_4A_prokka|PROKKA_00115
Description: ER04020_4A_prokka|PROKKA_00115
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00119
Name: ER04020_4A_prokka|PROKKA_00119
Description: ER04020_4A_prokka|PROKKA_00119
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00140
Name: ER04020_4A_prokka|PROKKA_00140
Description: ER04020_4A_prokka|PROKKA_00140
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00158
Name: ER04020_4A_prokka|PROKKA_00158
Description: ER04020_4A_prokka|PROKKA_00158
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00281
Name: ER04020_4A_prokka|PROKKA_00281
Description: ER04020_4A_prokka|PROKKA_00281
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00325
Name: ER04020_4A_prokka|PROKKA_00325
Description: ER04020_4A_prokka|PROKKA_00325
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00449
Name: ER04020_4A_prokka|PROKKA_00449
Description: ER04020_4A_prokka|PROKKA_00449
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00466
Name: ER04020_4A_prokka|PROKKA_00466
Description: ER04020_4A_prokka|PROKKA_00466
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00632
Name: ER04020_4A_prokka|PROKKA_00632
Description: ER04020_4A_prokka|PROKKA_00632
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00861
Name: ER04020_4A_prokka|PROKKA_00861
Description: ER04020_4A_prokka|PROKKA_00861
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00892
Name: ER04020_4A_prokka|PROKKA_00892
Description: ER04020_4A_prokka|PROKKA_00892
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00896
Name: ER04020_4A_prokka|PROKKA_00896
Description: ER04020_4A_prokka|PROKKA_00896
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00912
Name: ER04020_4A_prokka|PROKKA_00912
Description: ER04020_4A_prokka|PROKKA_00912
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00942
Name: ER04020_4A_prokka|PROKKA_00942
Description: ER04020_4A_prokka|PROKKA_00942
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00943
Name: ER04020_4A_prokka|PROKKA_00943
Description: ER04020_4A_prokka|PROKKA_00943
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00945
Name: ER04020_4A_prokka|PROKKA_00945
Description: ER04020_4A_prokka|PROKKA_00945
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_00997
Name: ER04020_4A_prokka|PROKKA_00997
Description: ER04020_4A_prokka|PROKKA_00997
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01039
Name: ER04020_4A_prokka|PROKKA_01039
Description: ER04020_4A_prokka|PROKKA_01039
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01053
Name: ER04020_4A_prokka|PROKKA_01053
Description: ER04020_4A_prokka|PROKKA_01053
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01222
Name: ER04020_4A_prokka|PROKKA_01222
Description: ER04020_4A_prokka|PROKKA_01222
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01296
Name: ER04020_4A_prokka|PROKKA_01296
Description: ER04020_4A_prokka|PROKKA_01296
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01331
Name: ER04020_4A_prokka|PROKKA_01331
Description: ER04020_4A_prokka|PROKKA_01331
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01334
Name: ER04020_4A_prokka|PROKKA_01334
Description: ER04020_4A_prokka|PROKKA_01334
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01361
Name: ER04020_4A_prokka|PROKKA_01361
Description: ER04020_4A_prokka|PROKKA_01361
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01366
Name: ER04020_4A_prokka|PROKKA_01366
Description: ER04020_4A_prokka|PROKKA_01366
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01374
Name: ER04020_4A_prokka|PROKKA_01374
Description: ER04020_4A_prokka|PROKKA_01374
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01389
Name: ER04020_4A_prokka|PROKKA_01389
Description: ER04020_4A_prokka|PROKKA_01389
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01408
Name: ER04020_4A_prokka|PROKKA_01408
Description: ER04020_4A_prokka|PROKKA_01408
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01416
Name: ER04020_4A_prokka|PROKKA_01416
Description: ER04020_4A_prokka|PROKKA_01416
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01463
Name: ER04020_4A_prokka|PROKKA_01463
Description: ER04020_4A_prokka|PROKKA_01463
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01475
Name: ER04020_4A_prokka|PROKKA_01475
Description: ER04020_4A_prokka|PROKKA_01475
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01568
Name: ER04020_4A_prokka|PROKKA_01568
Description: ER04020_4A_prokka|PROKKA_01568
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01592
Name: ER04020_4A_prokka|PROKKA_01592
Description: ER04020_4A_prokka|PROKKA_01592
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01596
Name: ER04020_4A_prokka|PROKKA_01596
Description: ER04020_4A_prokka|PROKKA_01596
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01732
Name: ER04020_4A_prokka|PROKKA_01732
Description: ER04020_4A_prokka|PROKKA_01732
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01733
Name: ER04020_4A_prokka|PROKKA_01733
Description: ER04020_4A_prokka|PROKKA_01733
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01745
Name: ER04020_4A_prokka|PROKKA_01745
Description: ER04020_4A_prokka|PROKKA_01745
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01827
Name: ER04020_4A_prokka|PROKKA_01827
Description: ER04020_4A_prokka|PROKKA_01827
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01828
Name: ER04020_4A_prokka|PROKKA_01828
Description: ER04020_4A_prokka|PROKKA_01828
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01845
Name: ER04020_4A_prokka|PROKKA_01845
Description: ER04020_4A_prokka|PROKKA_01845
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01868
Name: ER04020_4A_prokka|PROKKA_01868
Description: ER04020_4A_prokka|PROKKA_01868
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01974
Name: ER04020_4A_prokka|PROKKA_01974
Description: ER04020_4A_prokka|PROKKA_01974
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01989
Name: ER04020_4A_prokka|PROKKA_01989
Description: ER04020_4A_prokka|PROKKA_01989
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_01990
Name: ER04020_4A_prokka|PROKKA_01990
Description: ER04020_4A_prokka|PROKKA_01990
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02021
Name: ER04020_4A_prokka|PROKKA_02021
Description: ER04020_4A_prokka|PROKKA_02021
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02043
Name: ER04020_4A_prokka|PROKKA_02043
Description: ER04020_4A_prokka|PROKKA_02043
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02048
Name: ER04020_4A_prokka|PROKKA_02048
Description: ER04020_4A_prokka|PROKKA_02048
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02124
Name: ER04020_4A_prokka|PROKKA_02124
Description: ER04020_4A_prokka|PROKKA_02124
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02128
Name: ER04020_4A_prokka|PROKKA_02128
Description: ER04020_4A_prokka|PROKKA_02128
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02144
Name: ER04020_4A_prokka|PROKKA_02144
Description: ER04020_4A_prokka|PROKKA_02144
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02162
Name: ER04020_4A_prokka|PROKKA_02162
Description: ER04020_4A_prokka|PROKKA_02162
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02188
Name: ER04020_4A_prokka|PROKKA_02188
Description: ER04020_4A_prokka|PROKKA_02188
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02190
Name: ER04020_4A_prokka|PROKKA_02190
Description: ER04020_4A_prokka|PROKKA_02190
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02242
Name: ER04020_4A_prokka|PROKKA_02242
Description: ER04020_4A_prokka|PROKKA_02242
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02350
Name: ER04020_4A_prokka|PROKKA_02350
Description: ER04020_4A_prokka|PROKKA_02350
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02369
Name: ER04020_4A_prokka|PROKKA_02369
Description: ER04020_4A_prokka|PROKKA_02369
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02382
Name: ER04020_4A_prokka|PROKKA_02382
Description: ER04020_4A_prokka|PROKKA_02382
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02414
Name: ER04020_4A_prokka|PROKKA_02414
Description: ER04020_4A_prokka|PROKKA_02414
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02559
Name: ER04020_4A_prokka|PROKKA_02559
Description: ER04020_4A_prokka|PROKKA_02559
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02568
Name: ER04020_4A_prokka|PROKKA_02568
Description: ER04020_4A_prokka|PROKKA_02568
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02632
Name: ER04020_4A_prokka|PROKKA_02632
Description: ER04020_4A_prokka|PROKKA_02632
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02740
Name: ER04020_4A_prokka|PROKKA_02740
Description: ER04020_4A_prokka|PROKKA_02740
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02778
Name: ER04020_4A_prokka|PROKKA_02778
Description: ER04020_4A_prokka|PROKKA_02778
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04020_4A_prokka|PROKKA_02862
Name: ER04020_4A_prokka|PROKKA_02862
Description: ER04020_4A_prokka|PROKKA_02862
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00024
Name: ER04041_3A_prokka|PROKKA_00024
Description: ER04041_3A_prokka|PROKKA_00024
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00064
Name: ER04041_3A_prokka|PROKKA_00064
Description: ER04041_3A_prokka|PROKKA_00064
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00073
Name: ER04041_3A_prokka|PROKKA_00073
Description: ER04041_3A_prokka|PROKKA_00073
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00093
Name: ER04041_3A_prokka|PROKKA_00093
Description: ER04041_3A_prokka|PROKKA_00093
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00182
Name: ER04041_3A_prokka|PROKKA_00182
Description: ER04041_3A_prokka|PROKKA_00182
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00281
Name: ER04041_3A_prokka|PROKKA_00281
Description: ER04041_3A_prokka|PROKKA_00281
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00333
Name: ER04041_3A_prokka|PROKKA_00333
Description: ER04041_3A_prokka|PROKKA_00333
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00431
Name: ER04041_3A_prokka|PROKKA_00431
Description: ER04041_3A_prokka|PROKKA_00431
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00469
Name: ER04041_3A_prokka|PROKKA_00469
Description: ER04041_3A_prokka|PROKKA_00469
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00599
Name: ER04041_3A_prokka|PROKKA_00599
Description: ER04041_3A_prokka|PROKKA_00599
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00635
Name: ER04041_3A_prokka|PROKKA_00635
Description: ER04041_3A_prokka|PROKKA_00635
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00853
Name: ER04041_3A_prokka|PROKKA_00853
Description: ER04041_3A_prokka|PROKKA_00853
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_00897
Name: ER04041_3A_prokka|PROKKA_00897
Description: ER04041_3A_prokka|PROKKA_00897
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01005
Name: ER04041_3A_prokka|PROKKA_01005
Description: ER04041_3A_prokka|PROKKA_01005
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01044
Name: ER04041_3A_prokka|PROKKA_01044
Description: ER04041_3A_prokka|PROKKA_01044
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01124
Name: ER04041_3A_prokka|PROKKA_01124
Description: ER04041_3A_prokka|PROKKA_01124
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01137
Name: ER04041_3A_prokka|PROKKA_01137
Description: ER04041_3A_prokka|PROKKA_01137
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01138
Name: ER04041_3A_prokka|PROKKA_01138
Description: ER04041_3A_prokka|PROKKA_01138
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01273
Name: ER04041_3A_prokka|PROKKA_01273
Description: ER04041_3A_prokka|PROKKA_01273
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01277
Name: ER04041_3A_prokka|PROKKA_01277
Description: ER04041_3A_prokka|PROKKA_01277
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01281
Name: ER04041_3A_prokka|PROKKA_01281
Description: ER04041_3A_prokka|PROKKA_01281
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01283
Name: ER04041_3A_prokka|PROKKA_01283
Description: ER04041_3A_prokka|PROKKA_01283
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01307
Name: ER04041_3A_prokka|PROKKA_01307
Description: ER04041_3A_prokka|PROKKA_01307
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01403
Name: ER04041_3A_prokka|PROKKA_01403
Description: ER04041_3A_prokka|PROKKA_01403
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01415
Name: ER04041_3A_prokka|PROKKA_01415
Description: ER04041_3A_prokka|PROKKA_01415
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01464
Name: ER04041_3A_prokka|PROKKA_01464
Description: ER04041_3A_prokka|PROKKA_01464
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01472
Name: ER04041_3A_prokka|PROKKA_01472
Description: ER04041_3A_prokka|PROKKA_01472
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01492
Name: ER04041_3A_prokka|PROKKA_01492
Description: ER04041_3A_prokka|PROKKA_01492
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01520
Name: ER04041_3A_prokka|PROKKA_01520
Description: ER04041_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01547
Name: ER04041_3A_prokka|PROKKA_01547
Description: ER04041_3A_prokka|PROKKA_01547
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01584
Name: ER04041_3A_prokka|PROKKA_01584
Description: ER04041_3A_prokka|PROKKA_01584
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01655
Name: ER04041_3A_prokka|PROKKA_01655
Description: ER04041_3A_prokka|PROKKA_01655
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01819
Name: ER04041_3A_prokka|PROKKA_01819
Description: ER04041_3A_prokka|PROKKA_01819
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01826
Name: ER04041_3A_prokka|PROKKA_01826
Description: ER04041_3A_prokka|PROKKA_01826
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01846
Name: ER04041_3A_prokka|PROKKA_01846
Description: ER04041_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01881
Name: ER04041_3A_prokka|PROKKA_01881
Description: ER04041_3A_prokka|PROKKA_01881
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01933
Name: ER04041_3A_prokka|PROKKA_01933
Description: ER04041_3A_prokka|PROKKA_01933
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01935
Name: ER04041_3A_prokka|PROKKA_01935
Description: ER04041_3A_prokka|PROKKA_01935
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01936
Name: ER04041_3A_prokka|PROKKA_01936
Description: ER04041_3A_prokka|PROKKA_01936
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01966
Name: ER04041_3A_prokka|PROKKA_01966
Description: ER04041_3A_prokka|PROKKA_01966
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01975
Name: ER04041_3A_prokka|PROKKA_01975
Description: ER04041_3A_prokka|PROKKA_01975
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01982
Name: ER04041_3A_prokka|PROKKA_01982
Description: ER04041_3A_prokka|PROKKA_01982
Number of features: 0
Seq('MVTKEFLKTKLECSDIYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_01998
Name: ER04041_3A_prokka|PROKKA_01998
Description: ER04041_3A_prokka|PROKKA_01998
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKLDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02073
Name: ER04041_3A_prokka|PROKKA_02073
Description: ER04041_3A_prokka|PROKKA_02073
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02077
Name: ER04041_3A_prokka|PROKKA_02077
Description: ER04041_3A_prokka|PROKKA_02077
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02093
Name: ER04041_3A_prokka|PROKKA_02093
Description: ER04041_3A_prokka|PROKKA_02093
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02113
Name: ER04041_3A_prokka|PROKKA_02113
Description: ER04041_3A_prokka|PROKKA_02113
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02144
Name: ER04041_3A_prokka|PROKKA_02144
Description: ER04041_3A_prokka|PROKKA_02144
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02146
Name: ER04041_3A_prokka|PROKKA_02146
Description: ER04041_3A_prokka|PROKKA_02146
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02195
Name: ER04041_3A_prokka|PROKKA_02195
Description: ER04041_3A_prokka|PROKKA_02195
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02315
Name: ER04041_3A_prokka|PROKKA_02315
Description: ER04041_3A_prokka|PROKKA_02315
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02339
Name: ER04041_3A_prokka|PROKKA_02339
Description: ER04041_3A_prokka|PROKKA_02339
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02370
Name: ER04041_3A_prokka|PROKKA_02370
Description: ER04041_3A_prokka|PROKKA_02370
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02526
Name: ER04041_3A_prokka|PROKKA_02526
Description: ER04041_3A_prokka|PROKKA_02526
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02736
Name: ER04041_3A_prokka|PROKKA_02736
Description: ER04041_3A_prokka|PROKKA_02736
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04041_3A_prokka|PROKKA_02823
Name: ER04041_3A_prokka|PROKKA_02823
Description: ER04041_3A_prokka|PROKKA_02823
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00031
Name: ER04060_3A_prokka|PROKKA_00031
Description: ER04060_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00040
Name: ER04060_3A_prokka|PROKKA_00040
Description: ER04060_3A_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00128
Name: ER04060_3A_prokka|PROKKA_00128
Description: ER04060_3A_prokka|PROKKA_00128
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00229
Name: ER04060_3A_prokka|PROKKA_00229
Description: ER04060_3A_prokka|PROKKA_00229
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00281
Name: ER04060_3A_prokka|PROKKA_00281
Description: ER04060_3A_prokka|PROKKA_00281
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00378
Name: ER04060_3A_prokka|PROKKA_00378
Description: ER04060_3A_prokka|PROKKA_00378
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00415
Name: ER04060_3A_prokka|PROKKA_00415
Description: ER04060_3A_prokka|PROKKA_00415
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00545
Name: ER04060_3A_prokka|PROKKA_00545
Description: ER04060_3A_prokka|PROKKA_00545
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00581
Name: ER04060_3A_prokka|PROKKA_00581
Description: ER04060_3A_prokka|PROKKA_00581
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00781
Name: ER04060_3A_prokka|PROKKA_00781
Description: ER04060_3A_prokka|PROKKA_00781
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00807
Name: ER04060_3A_prokka|PROKKA_00807
Description: ER04060_3A_prokka|PROKKA_00807
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00915
Name: ER04060_3A_prokka|PROKKA_00915
Description: ER04060_3A_prokka|PROKKA_00915
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00954
Name: ER04060_3A_prokka|PROKKA_00954
Description: ER04060_3A_prokka|PROKKA_00954
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_00955
Name: ER04060_3A_prokka|PROKKA_00955
Description: ER04060_3A_prokka|PROKKA_00955
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01004
Name: ER04060_3A_prokka|PROKKA_01004
Description: ER04060_3A_prokka|PROKKA_01004
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01013
Name: ER04060_3A_prokka|PROKKA_01013
Description: ER04060_3A_prokka|PROKKA_01013
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01014
Name: ER04060_3A_prokka|PROKKA_01014
Description: ER04060_3A_prokka|PROKKA_01014
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01021
Name: ER04060_3A_prokka|PROKKA_01021
Description: ER04060_3A_prokka|PROKKA_01021
Number of features: 0
Seq('MNKILIRFAINYIKYQQKQLREKEARIKYLEGFLKGKGY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01025
Name: ER04060_3A_prokka|PROKKA_01025
Description: ER04060_3A_prokka|PROKKA_01025
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01040
Name: ER04060_3A_prokka|PROKKA_01040
Description: ER04060_3A_prokka|PROKKA_01040
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01104
Name: ER04060_3A_prokka|PROKKA_01104
Description: ER04060_3A_prokka|PROKKA_01104
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01117
Name: ER04060_3A_prokka|PROKKA_01117
Description: ER04060_3A_prokka|PROKKA_01117
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01118
Name: ER04060_3A_prokka|PROKKA_01118
Description: ER04060_3A_prokka|PROKKA_01118
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01253
Name: ER04060_3A_prokka|PROKKA_01253
Description: ER04060_3A_prokka|PROKKA_01253
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01257
Name: ER04060_3A_prokka|PROKKA_01257
Description: ER04060_3A_prokka|PROKKA_01257
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01261
Name: ER04060_3A_prokka|PROKKA_01261
Description: ER04060_3A_prokka|PROKKA_01261
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01263
Name: ER04060_3A_prokka|PROKKA_01263
Description: ER04060_3A_prokka|PROKKA_01263
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01287
Name: ER04060_3A_prokka|PROKKA_01287
Description: ER04060_3A_prokka|PROKKA_01287
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01382
Name: ER04060_3A_prokka|PROKKA_01382
Description: ER04060_3A_prokka|PROKKA_01382
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01394
Name: ER04060_3A_prokka|PROKKA_01394
Description: ER04060_3A_prokka|PROKKA_01394
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01460
Name: ER04060_3A_prokka|PROKKA_01460
Description: ER04060_3A_prokka|PROKKA_01460
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01497
Name: ER04060_3A_prokka|PROKKA_01497
Description: ER04060_3A_prokka|PROKKA_01497
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01568
Name: ER04060_3A_prokka|PROKKA_01568
Description: ER04060_3A_prokka|PROKKA_01568
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01740
Name: ER04060_3A_prokka|PROKKA_01740
Description: ER04060_3A_prokka|PROKKA_01740
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01759
Name: ER04060_3A_prokka|PROKKA_01759
Description: ER04060_3A_prokka|PROKKA_01759
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01794
Name: ER04060_3A_prokka|PROKKA_01794
Description: ER04060_3A_prokka|PROKKA_01794
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01844
Name: ER04060_3A_prokka|PROKKA_01844
Description: ER04060_3A_prokka|PROKKA_01844
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01916
Name: ER04060_3A_prokka|PROKKA_01916
Description: ER04060_3A_prokka|PROKKA_01916
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01926
Name: ER04060_3A_prokka|PROKKA_01926
Description: ER04060_3A_prokka|PROKKA_01926
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01937
Name: ER04060_3A_prokka|PROKKA_01937
Description: ER04060_3A_prokka|PROKKA_01937
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01955
Name: ER04060_3A_prokka|PROKKA_01955
Description: ER04060_3A_prokka|PROKKA_01955
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01959
Name: ER04060_3A_prokka|PROKKA_01959
Description: ER04060_3A_prokka|PROKKA_01959
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01965
Name: ER04060_3A_prokka|PROKKA_01965
Description: ER04060_3A_prokka|PROKKA_01965
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01968
Name: ER04060_3A_prokka|PROKKA_01968
Description: ER04060_3A_prokka|PROKKA_01968
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01975
Name: ER04060_3A_prokka|PROKKA_01975
Description: ER04060_3A_prokka|PROKKA_01975
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01977
Name: ER04060_3A_prokka|PROKKA_01977
Description: ER04060_3A_prokka|PROKKA_01977
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01996
Name: ER04060_3A_prokka|PROKKA_01996
Description: ER04060_3A_prokka|PROKKA_01996
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_01998
Name: ER04060_3A_prokka|PROKKA_01998
Description: ER04060_3A_prokka|PROKKA_01998
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_02047
Name: ER04060_3A_prokka|PROKKA_02047
Description: ER04060_3A_prokka|PROKKA_02047
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_02166
Name: ER04060_3A_prokka|PROKKA_02166
Description: ER04060_3A_prokka|PROKKA_02166
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_02190
Name: ER04060_3A_prokka|PROKKA_02190
Description: ER04060_3A_prokka|PROKKA_02190
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_02221
Name: ER04060_3A_prokka|PROKKA_02221
Description: ER04060_3A_prokka|PROKKA_02221
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_02377
Name: ER04060_3A_prokka|PROKKA_02377
Description: ER04060_3A_prokka|PROKKA_02377
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_02585
Name: ER04060_3A_prokka|PROKKA_02585
Description: ER04060_3A_prokka|PROKKA_02585
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04060_3A_prokka|PROKKA_02672
Name: ER04060_3A_prokka|PROKKA_02672
Description: ER04060_3A_prokka|PROKKA_02672
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00031
Name: ER04069_3A_prokka|PROKKA_00031
Description: ER04069_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00040
Name: ER04069_3A_prokka|PROKKA_00040
Description: ER04069_3A_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00124
Name: ER04069_3A_prokka|PROKKA_00124
Description: ER04069_3A_prokka|PROKKA_00124
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00227
Name: ER04069_3A_prokka|PROKKA_00227
Description: ER04069_3A_prokka|PROKKA_00227
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00279
Name: ER04069_3A_prokka|PROKKA_00279
Description: ER04069_3A_prokka|PROKKA_00279
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00377
Name: ER04069_3A_prokka|PROKKA_00377
Description: ER04069_3A_prokka|PROKKA_00377
Number of features: 0
Seq('MKLYLVYVTLTSFLTILLLAISNMYVAFSVYGMMATYGFNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00398
Name: ER04069_3A_prokka|PROKKA_00398
Description: ER04069_3A_prokka|PROKKA_00398
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00435
Name: ER04069_3A_prokka|PROKKA_00435
Description: ER04069_3A_prokka|PROKKA_00435
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00560
Name: ER04069_3A_prokka|PROKKA_00560
Description: ER04069_3A_prokka|PROKKA_00560
Number of features: 0
Seq('MDFNKENINMVDAKKAKKTVVATGIGNAM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00566
Name: ER04069_3A_prokka|PROKKA_00566
Description: ER04069_3A_prokka|PROKKA_00566
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00602
Name: ER04069_3A_prokka|PROKKA_00602
Description: ER04069_3A_prokka|PROKKA_00602
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00804
Name: ER04069_3A_prokka|PROKKA_00804
Description: ER04069_3A_prokka|PROKKA_00804
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00830
Name: ER04069_3A_prokka|PROKKA_00830
Description: ER04069_3A_prokka|PROKKA_00830
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00938
Name: ER04069_3A_prokka|PROKKA_00938
Description: ER04069_3A_prokka|PROKKA_00938
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00967
Name: ER04069_3A_prokka|PROKKA_00967
Description: ER04069_3A_prokka|PROKKA_00967
Number of features: 0
Seq('MKFAVLVFPGSNCDRDMFNAAIKSGVEAEYVDYRETSLSGFDGVLIPGGFSFGIT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00978
Name: ER04069_3A_prokka|PROKKA_00978
Description: ER04069_3A_prokka|PROKKA_00978
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_00979
Name: ER04069_3A_prokka|PROKKA_00979
Description: ER04069_3A_prokka|PROKKA_00979
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01033
Name: ER04069_3A_prokka|PROKKA_01033
Description: ER04069_3A_prokka|PROKKA_01033
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01039
Name: ER04069_3A_prokka|PROKKA_01039
Description: ER04069_3A_prokka|PROKKA_01039
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01040
Name: ER04069_3A_prokka|PROKKA_01040
Description: ER04069_3A_prokka|PROKKA_01040
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFMYYKECFFKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01050
Name: ER04069_3A_prokka|PROKKA_01050
Description: ER04069_3A_prokka|PROKKA_01050
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01064
Name: ER04069_3A_prokka|PROKKA_01064
Description: ER04069_3A_prokka|PROKKA_01064
Number of features: 0
Seq('MMWLVIVIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01128
Name: ER04069_3A_prokka|PROKKA_01128
Description: ER04069_3A_prokka|PROKKA_01128
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01140
Name: ER04069_3A_prokka|PROKKA_01140
Description: ER04069_3A_prokka|PROKKA_01140
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01141
Name: ER04069_3A_prokka|PROKKA_01141
Description: ER04069_3A_prokka|PROKKA_01141
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01276
Name: ER04069_3A_prokka|PROKKA_01276
Description: ER04069_3A_prokka|PROKKA_01276
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01280
Name: ER04069_3A_prokka|PROKKA_01280
Description: ER04069_3A_prokka|PROKKA_01280
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01284
Name: ER04069_3A_prokka|PROKKA_01284
Description: ER04069_3A_prokka|PROKKA_01284
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01286
Name: ER04069_3A_prokka|PROKKA_01286
Description: ER04069_3A_prokka|PROKKA_01286
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01310
Name: ER04069_3A_prokka|PROKKA_01310
Description: ER04069_3A_prokka|PROKKA_01310
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01405
Name: ER04069_3A_prokka|PROKKA_01405
Description: ER04069_3A_prokka|PROKKA_01405
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01417
Name: ER04069_3A_prokka|PROKKA_01417
Description: ER04069_3A_prokka|PROKKA_01417
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01464
Name: ER04069_3A_prokka|PROKKA_01464
Description: ER04069_3A_prokka|PROKKA_01464
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01472
Name: ER04069_3A_prokka|PROKKA_01472
Description: ER04069_3A_prokka|PROKKA_01472
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01492
Name: ER04069_3A_prokka|PROKKA_01492
Description: ER04069_3A_prokka|PROKKA_01492
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01506
Name: ER04069_3A_prokka|PROKKA_01506
Description: ER04069_3A_prokka|PROKKA_01506
Number of features: 0
Seq('MTIKELEEKFNISRYFVVKHDRDWETGEIIDTCIVLDEYADHINIEVEEVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01512
Name: ER04069_3A_prokka|PROKKA_01512
Description: ER04069_3A_prokka|PROKKA_01512
Number of features: 0
Seq('MSDTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYGE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01520
Name: ER04069_3A_prokka|PROKKA_01520
Description: ER04069_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01525
Name: ER04069_3A_prokka|PROKKA_01525
Description: ER04069_3A_prokka|PROKKA_01525
Number of features: 0
Seq('MVDKNKKQEATRSNPLNKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01551
Name: ER04069_3A_prokka|PROKKA_01551
Description: ER04069_3A_prokka|PROKKA_01551
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01588
Name: ER04069_3A_prokka|PROKKA_01588
Description: ER04069_3A_prokka|PROKKA_01588
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01659
Name: ER04069_3A_prokka|PROKKA_01659
Description: ER04069_3A_prokka|PROKKA_01659
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01831
Name: ER04069_3A_prokka|PROKKA_01831
Description: ER04069_3A_prokka|PROKKA_01831
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01850
Name: ER04069_3A_prokka|PROKKA_01850
Description: ER04069_3A_prokka|PROKKA_01850
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01885
Name: ER04069_3A_prokka|PROKKA_01885
Description: ER04069_3A_prokka|PROKKA_01885
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_01936
Name: ER04069_3A_prokka|PROKKA_01936
Description: ER04069_3A_prokka|PROKKA_01936
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02008
Name: ER04069_3A_prokka|PROKKA_02008
Description: ER04069_3A_prokka|PROKKA_02008
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02018
Name: ER04069_3A_prokka|PROKKA_02018
Description: ER04069_3A_prokka|PROKKA_02018
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02029
Name: ER04069_3A_prokka|PROKKA_02029
Description: ER04069_3A_prokka|PROKKA_02029
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02047
Name: ER04069_3A_prokka|PROKKA_02047
Description: ER04069_3A_prokka|PROKKA_02047
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02051
Name: ER04069_3A_prokka|PROKKA_02051
Description: ER04069_3A_prokka|PROKKA_02051
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02057
Name: ER04069_3A_prokka|PROKKA_02057
Description: ER04069_3A_prokka|PROKKA_02057
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02060
Name: ER04069_3A_prokka|PROKKA_02060
Description: ER04069_3A_prokka|PROKKA_02060
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02067
Name: ER04069_3A_prokka|PROKKA_02067
Description: ER04069_3A_prokka|PROKKA_02067
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02069
Name: ER04069_3A_prokka|PROKKA_02069
Description: ER04069_3A_prokka|PROKKA_02069
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02088
Name: ER04069_3A_prokka|PROKKA_02088
Description: ER04069_3A_prokka|PROKKA_02088
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02090
Name: ER04069_3A_prokka|PROKKA_02090
Description: ER04069_3A_prokka|PROKKA_02090
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02139
Name: ER04069_3A_prokka|PROKKA_02139
Description: ER04069_3A_prokka|PROKKA_02139
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02258
Name: ER04069_3A_prokka|PROKKA_02258
Description: ER04069_3A_prokka|PROKKA_02258
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02283
Name: ER04069_3A_prokka|PROKKA_02283
Description: ER04069_3A_prokka|PROKKA_02283
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02314
Name: ER04069_3A_prokka|PROKKA_02314
Description: ER04069_3A_prokka|PROKKA_02314
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02469
Name: ER04069_3A_prokka|PROKKA_02469
Description: ER04069_3A_prokka|PROKKA_02469
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02682
Name: ER04069_3A_prokka|PROKKA_02682
Description: ER04069_3A_prokka|PROKKA_02682
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04069_3A_prokka|PROKKA_02768
Name: ER04069_3A_prokka|PROKKA_02768
Description: ER04069_3A_prokka|PROKKA_02768
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00027
Name: ER04085_3B_prokka|PROKKA_00027
Description: ER04085_3B_prokka|PROKKA_00027
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00067
Name: ER04085_3B_prokka|PROKKA_00067
Description: ER04085_3B_prokka|PROKKA_00067
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00070
Name: ER04085_3B_prokka|PROKKA_00070
Description: ER04085_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00074
Name: ER04085_3B_prokka|PROKKA_00074
Description: ER04085_3B_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00095
Name: ER04085_3B_prokka|PROKKA_00095
Description: ER04085_3B_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00113
Name: ER04085_3B_prokka|PROKKA_00113
Description: ER04085_3B_prokka|PROKKA_00113
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00236
Name: ER04085_3B_prokka|PROKKA_00236
Description: ER04085_3B_prokka|PROKKA_00236
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00280
Name: ER04085_3B_prokka|PROKKA_00280
Description: ER04085_3B_prokka|PROKKA_00280
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00404
Name: ER04085_3B_prokka|PROKKA_00404
Description: ER04085_3B_prokka|PROKKA_00404
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00421
Name: ER04085_3B_prokka|PROKKA_00421
Description: ER04085_3B_prokka|PROKKA_00421
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00587
Name: ER04085_3B_prokka|PROKKA_00587
Description: ER04085_3B_prokka|PROKKA_00587
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00816
Name: ER04085_3B_prokka|PROKKA_00816
Description: ER04085_3B_prokka|PROKKA_00816
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00847
Name: ER04085_3B_prokka|PROKKA_00847
Description: ER04085_3B_prokka|PROKKA_00847
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00851
Name: ER04085_3B_prokka|PROKKA_00851
Description: ER04085_3B_prokka|PROKKA_00851
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00867
Name: ER04085_3B_prokka|PROKKA_00867
Description: ER04085_3B_prokka|PROKKA_00867
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00899
Name: ER04085_3B_prokka|PROKKA_00899
Description: ER04085_3B_prokka|PROKKA_00899
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00900
Name: ER04085_3B_prokka|PROKKA_00900
Description: ER04085_3B_prokka|PROKKA_00900
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_00915
Name: ER04085_3B_prokka|PROKKA_00915
Description: ER04085_3B_prokka|PROKKA_00915
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01021
Name: ER04085_3B_prokka|PROKKA_01021
Description: ER04085_3B_prokka|PROKKA_01021
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01060
Name: ER04085_3B_prokka|PROKKA_01060
Description: ER04085_3B_prokka|PROKKA_01060
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01061
Name: ER04085_3B_prokka|PROKKA_01061
Description: ER04085_3B_prokka|PROKKA_01061
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01143
Name: ER04085_3B_prokka|PROKKA_01143
Description: ER04085_3B_prokka|PROKKA_01143
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01155
Name: ER04085_3B_prokka|PROKKA_01155
Description: ER04085_3B_prokka|PROKKA_01155
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01156
Name: ER04085_3B_prokka|PROKKA_01156
Description: ER04085_3B_prokka|PROKKA_01156
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01292
Name: ER04085_3B_prokka|PROKKA_01292
Description: ER04085_3B_prokka|PROKKA_01292
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01296
Name: ER04085_3B_prokka|PROKKA_01296
Description: ER04085_3B_prokka|PROKKA_01296
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01320
Name: ER04085_3B_prokka|PROKKA_01320
Description: ER04085_3B_prokka|PROKKA_01320
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01414
Name: ER04085_3B_prokka|PROKKA_01414
Description: ER04085_3B_prokka|PROKKA_01414
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01426
Name: ER04085_3B_prokka|PROKKA_01426
Description: ER04085_3B_prokka|PROKKA_01426
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01473
Name: ER04085_3B_prokka|PROKKA_01473
Description: ER04085_3B_prokka|PROKKA_01473
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01481
Name: ER04085_3B_prokka|PROKKA_01481
Description: ER04085_3B_prokka|PROKKA_01481
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01500
Name: ER04085_3B_prokka|PROKKA_01500
Description: ER04085_3B_prokka|PROKKA_01500
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01515
Name: ER04085_3B_prokka|PROKKA_01515
Description: ER04085_3B_prokka|PROKKA_01515
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01523
Name: ER04085_3B_prokka|PROKKA_01523
Description: ER04085_3B_prokka|PROKKA_01523
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01528
Name: ER04085_3B_prokka|PROKKA_01528
Description: ER04085_3B_prokka|PROKKA_01528
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01555
Name: ER04085_3B_prokka|PROKKA_01555
Description: ER04085_3B_prokka|PROKKA_01555
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01558
Name: ER04085_3B_prokka|PROKKA_01558
Description: ER04085_3B_prokka|PROKKA_01558
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01593
Name: ER04085_3B_prokka|PROKKA_01593
Description: ER04085_3B_prokka|PROKKA_01593
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01667
Name: ER04085_3B_prokka|PROKKA_01667
Description: ER04085_3B_prokka|PROKKA_01667
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01836
Name: ER04085_3B_prokka|PROKKA_01836
Description: ER04085_3B_prokka|PROKKA_01836
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01850
Name: ER04085_3B_prokka|PROKKA_01850
Description: ER04085_3B_prokka|PROKKA_01850
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01892
Name: ER04085_3B_prokka|PROKKA_01892
Description: ER04085_3B_prokka|PROKKA_01892
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01944
Name: ER04085_3B_prokka|PROKKA_01944
Description: ER04085_3B_prokka|PROKKA_01944
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01946
Name: ER04085_3B_prokka|PROKKA_01946
Description: ER04085_3B_prokka|PROKKA_01946
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01947
Name: ER04085_3B_prokka|PROKKA_01947
Description: ER04085_3B_prokka|PROKKA_01947
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01977
Name: ER04085_3B_prokka|PROKKA_01977
Description: ER04085_3B_prokka|PROKKA_01977
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_01999
Name: ER04085_3B_prokka|PROKKA_01999
Description: ER04085_3B_prokka|PROKKA_01999
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02004
Name: ER04085_3B_prokka|PROKKA_02004
Description: ER04085_3B_prokka|PROKKA_02004
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02080
Name: ER04085_3B_prokka|PROKKA_02080
Description: ER04085_3B_prokka|PROKKA_02080
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02084
Name: ER04085_3B_prokka|PROKKA_02084
Description: ER04085_3B_prokka|PROKKA_02084
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02100
Name: ER04085_3B_prokka|PROKKA_02100
Description: ER04085_3B_prokka|PROKKA_02100
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02118
Name: ER04085_3B_prokka|PROKKA_02118
Description: ER04085_3B_prokka|PROKKA_02118
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02144
Name: ER04085_3B_prokka|PROKKA_02144
Description: ER04085_3B_prokka|PROKKA_02144
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02146
Name: ER04085_3B_prokka|PROKKA_02146
Description: ER04085_3B_prokka|PROKKA_02146
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02198
Name: ER04085_3B_prokka|PROKKA_02198
Description: ER04085_3B_prokka|PROKKA_02198
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02306
Name: ER04085_3B_prokka|PROKKA_02306
Description: ER04085_3B_prokka|PROKKA_02306
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02325
Name: ER04085_3B_prokka|PROKKA_02325
Description: ER04085_3B_prokka|PROKKA_02325
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02338
Name: ER04085_3B_prokka|PROKKA_02338
Description: ER04085_3B_prokka|PROKKA_02338
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02370
Name: ER04085_3B_prokka|PROKKA_02370
Description: ER04085_3B_prokka|PROKKA_02370
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02515
Name: ER04085_3B_prokka|PROKKA_02515
Description: ER04085_3B_prokka|PROKKA_02515
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02524
Name: ER04085_3B_prokka|PROKKA_02524
Description: ER04085_3B_prokka|PROKKA_02524
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02588
Name: ER04085_3B_prokka|PROKKA_02588
Description: ER04085_3B_prokka|PROKKA_02588
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02696
Name: ER04085_3B_prokka|PROKKA_02696
Description: ER04085_3B_prokka|PROKKA_02696
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02734
Name: ER04085_3B_prokka|PROKKA_02734
Description: ER04085_3B_prokka|PROKKA_02734
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04085_3B_prokka|PROKKA_02818
Name: ER04085_3B_prokka|PROKKA_02818
Description: ER04085_3B_prokka|PROKKA_02818
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00005
Name: ER04086_3B_prokka|PROKKA_00005
Description: ER04086_3B_prokka|PROKKA_00005
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00050
Name: ER04086_3B_prokka|PROKKA_00050
Description: ER04086_3B_prokka|PROKKA_00050
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00059
Name: ER04086_3B_prokka|PROKKA_00059
Description: ER04086_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00080
Name: ER04086_3B_prokka|PROKKA_00080
Description: ER04086_3B_prokka|PROKKA_00080
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00168
Name: ER04086_3B_prokka|PROKKA_00168
Description: ER04086_3B_prokka|PROKKA_00168
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00266
Name: ER04086_3B_prokka|PROKKA_00266
Description: ER04086_3B_prokka|PROKKA_00266
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00319
Name: ER04086_3B_prokka|PROKKA_00319
Description: ER04086_3B_prokka|PROKKA_00319
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00417
Name: ER04086_3B_prokka|PROKKA_00417
Description: ER04086_3B_prokka|PROKKA_00417
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00455
Name: ER04086_3B_prokka|PROKKA_00455
Description: ER04086_3B_prokka|PROKKA_00455
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00585
Name: ER04086_3B_prokka|PROKKA_00585
Description: ER04086_3B_prokka|PROKKA_00585
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00621
Name: ER04086_3B_prokka|PROKKA_00621
Description: ER04086_3B_prokka|PROKKA_00621
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00839
Name: ER04086_3B_prokka|PROKKA_00839
Description: ER04086_3B_prokka|PROKKA_00839
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00883
Name: ER04086_3B_prokka|PROKKA_00883
Description: ER04086_3B_prokka|PROKKA_00883
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_00991
Name: ER04086_3B_prokka|PROKKA_00991
Description: ER04086_3B_prokka|PROKKA_00991
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01030
Name: ER04086_3B_prokka|PROKKA_01030
Description: ER04086_3B_prokka|PROKKA_01030
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01122
Name: ER04086_3B_prokka|PROKKA_01122
Description: ER04086_3B_prokka|PROKKA_01122
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01123
Name: ER04086_3B_prokka|PROKKA_01123
Description: ER04086_3B_prokka|PROKKA_01123
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01258
Name: ER04086_3B_prokka|PROKKA_01258
Description: ER04086_3B_prokka|PROKKA_01258
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01262
Name: ER04086_3B_prokka|PROKKA_01262
Description: ER04086_3B_prokka|PROKKA_01262
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01266
Name: ER04086_3B_prokka|PROKKA_01266
Description: ER04086_3B_prokka|PROKKA_01266
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01268
Name: ER04086_3B_prokka|PROKKA_01268
Description: ER04086_3B_prokka|PROKKA_01268
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01292
Name: ER04086_3B_prokka|PROKKA_01292
Description: ER04086_3B_prokka|PROKKA_01292
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01387
Name: ER04086_3B_prokka|PROKKA_01387
Description: ER04086_3B_prokka|PROKKA_01387
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01399
Name: ER04086_3B_prokka|PROKKA_01399
Description: ER04086_3B_prokka|PROKKA_01399
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01448
Name: ER04086_3B_prokka|PROKKA_01448
Description: ER04086_3B_prokka|PROKKA_01448
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01456
Name: ER04086_3B_prokka|PROKKA_01456
Description: ER04086_3B_prokka|PROKKA_01456
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01476
Name: ER04086_3B_prokka|PROKKA_01476
Description: ER04086_3B_prokka|PROKKA_01476
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01504
Name: ER04086_3B_prokka|PROKKA_01504
Description: ER04086_3B_prokka|PROKKA_01504
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01531
Name: ER04086_3B_prokka|PROKKA_01531
Description: ER04086_3B_prokka|PROKKA_01531
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01568
Name: ER04086_3B_prokka|PROKKA_01568
Description: ER04086_3B_prokka|PROKKA_01568
Number of features: 0
Seq('MRVNITLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01639
Name: ER04086_3B_prokka|PROKKA_01639
Description: ER04086_3B_prokka|PROKKA_01639
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01805
Name: ER04086_3B_prokka|PROKKA_01805
Description: ER04086_3B_prokka|PROKKA_01805
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01812
Name: ER04086_3B_prokka|PROKKA_01812
Description: ER04086_3B_prokka|PROKKA_01812
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01831
Name: ER04086_3B_prokka|PROKKA_01831
Description: ER04086_3B_prokka|PROKKA_01831
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01866
Name: ER04086_3B_prokka|PROKKA_01866
Description: ER04086_3B_prokka|PROKKA_01866
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01918
Name: ER04086_3B_prokka|PROKKA_01918
Description: ER04086_3B_prokka|PROKKA_01918
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01990
Name: ER04086_3B_prokka|PROKKA_01990
Description: ER04086_3B_prokka|PROKKA_01990
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_01994
Name: ER04086_3B_prokka|PROKKA_01994
Description: ER04086_3B_prokka|PROKKA_01994
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_02010
Name: ER04086_3B_prokka|PROKKA_02010
Description: ER04086_3B_prokka|PROKKA_02010
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_02030
Name: ER04086_3B_prokka|PROKKA_02030
Description: ER04086_3B_prokka|PROKKA_02030
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_02060
Name: ER04086_3B_prokka|PROKKA_02060
Description: ER04086_3B_prokka|PROKKA_02060
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_02062
Name: ER04086_3B_prokka|PROKKA_02062
Description: ER04086_3B_prokka|PROKKA_02062
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_02111
Name: ER04086_3B_prokka|PROKKA_02111
Description: ER04086_3B_prokka|PROKKA_02111
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_02231
Name: ER04086_3B_prokka|PROKKA_02231
Description: ER04086_3B_prokka|PROKKA_02231
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_02255
Name: ER04086_3B_prokka|PROKKA_02255
Description: ER04086_3B_prokka|PROKKA_02255
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_02286
Name: ER04086_3B_prokka|PROKKA_02286
Description: ER04086_3B_prokka|PROKKA_02286
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_02441
Name: ER04086_3B_prokka|PROKKA_02441
Description: ER04086_3B_prokka|PROKKA_02441
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_02650
Name: ER04086_3B_prokka|PROKKA_02650
Description: ER04086_3B_prokka|PROKKA_02650
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04086_3B_prokka|PROKKA_02737
Name: ER04086_3B_prokka|PROKKA_02737
Description: ER04086_3B_prokka|PROKKA_02737
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00016
Name: ER04115_3B_prokka|PROKKA_00016
Description: ER04115_3B_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00067
Name: ER04115_3B_prokka|PROKKA_00067
Description: ER04115_3B_prokka|PROKKA_00067
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00070
Name: ER04115_3B_prokka|PROKKA_00070
Description: ER04115_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00074
Name: ER04115_3B_prokka|PROKKA_00074
Description: ER04115_3B_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00095
Name: ER04115_3B_prokka|PROKKA_00095
Description: ER04115_3B_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00113
Name: ER04115_3B_prokka|PROKKA_00113
Description: ER04115_3B_prokka|PROKKA_00113
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00281
Name: ER04115_3B_prokka|PROKKA_00281
Description: ER04115_3B_prokka|PROKKA_00281
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00405
Name: ER04115_3B_prokka|PROKKA_00405
Description: ER04115_3B_prokka|PROKKA_00405
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00422
Name: ER04115_3B_prokka|PROKKA_00422
Description: ER04115_3B_prokka|PROKKA_00422
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00588
Name: ER04115_3B_prokka|PROKKA_00588
Description: ER04115_3B_prokka|PROKKA_00588
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00817
Name: ER04115_3B_prokka|PROKKA_00817
Description: ER04115_3B_prokka|PROKKA_00817
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00848
Name: ER04115_3B_prokka|PROKKA_00848
Description: ER04115_3B_prokka|PROKKA_00848
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00852
Name: ER04115_3B_prokka|PROKKA_00852
Description: ER04115_3B_prokka|PROKKA_00852
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00868
Name: ER04115_3B_prokka|PROKKA_00868
Description: ER04115_3B_prokka|PROKKA_00868
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00898
Name: ER04115_3B_prokka|PROKKA_00898
Description: ER04115_3B_prokka|PROKKA_00898
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00899
Name: ER04115_3B_prokka|PROKKA_00899
Description: ER04115_3B_prokka|PROKKA_00899
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00901
Name: ER04115_3B_prokka|PROKKA_00901
Description: ER04115_3B_prokka|PROKKA_00901
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00953
Name: ER04115_3B_prokka|PROKKA_00953
Description: ER04115_3B_prokka|PROKKA_00953
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_00995
Name: ER04115_3B_prokka|PROKKA_00995
Description: ER04115_3B_prokka|PROKKA_00995
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01009
Name: ER04115_3B_prokka|PROKKA_01009
Description: ER04115_3B_prokka|PROKKA_01009
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01178
Name: ER04115_3B_prokka|PROKKA_01178
Description: ER04115_3B_prokka|PROKKA_01178
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01252
Name: ER04115_3B_prokka|PROKKA_01252
Description: ER04115_3B_prokka|PROKKA_01252
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01287
Name: ER04115_3B_prokka|PROKKA_01287
Description: ER04115_3B_prokka|PROKKA_01287
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01290
Name: ER04115_3B_prokka|PROKKA_01290
Description: ER04115_3B_prokka|PROKKA_01290
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01317
Name: ER04115_3B_prokka|PROKKA_01317
Description: ER04115_3B_prokka|PROKKA_01317
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01322
Name: ER04115_3B_prokka|PROKKA_01322
Description: ER04115_3B_prokka|PROKKA_01322
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01330
Name: ER04115_3B_prokka|PROKKA_01330
Description: ER04115_3B_prokka|PROKKA_01330
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01345
Name: ER04115_3B_prokka|PROKKA_01345
Description: ER04115_3B_prokka|PROKKA_01345
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01364
Name: ER04115_3B_prokka|PROKKA_01364
Description: ER04115_3B_prokka|PROKKA_01364
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01372
Name: ER04115_3B_prokka|PROKKA_01372
Description: ER04115_3B_prokka|PROKKA_01372
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01419
Name: ER04115_3B_prokka|PROKKA_01419
Description: ER04115_3B_prokka|PROKKA_01419
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01431
Name: ER04115_3B_prokka|PROKKA_01431
Description: ER04115_3B_prokka|PROKKA_01431
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01524
Name: ER04115_3B_prokka|PROKKA_01524
Description: ER04115_3B_prokka|PROKKA_01524
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01548
Name: ER04115_3B_prokka|PROKKA_01548
Description: ER04115_3B_prokka|PROKKA_01548
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01552
Name: ER04115_3B_prokka|PROKKA_01552
Description: ER04115_3B_prokka|PROKKA_01552
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01689
Name: ER04115_3B_prokka|PROKKA_01689
Description: ER04115_3B_prokka|PROKKA_01689
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01690
Name: ER04115_3B_prokka|PROKKA_01690
Description: ER04115_3B_prokka|PROKKA_01690
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01702
Name: ER04115_3B_prokka|PROKKA_01702
Description: ER04115_3B_prokka|PROKKA_01702
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01784
Name: ER04115_3B_prokka|PROKKA_01784
Description: ER04115_3B_prokka|PROKKA_01784
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01785
Name: ER04115_3B_prokka|PROKKA_01785
Description: ER04115_3B_prokka|PROKKA_01785
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01802
Name: ER04115_3B_prokka|PROKKA_01802
Description: ER04115_3B_prokka|PROKKA_01802
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01825
Name: ER04115_3B_prokka|PROKKA_01825
Description: ER04115_3B_prokka|PROKKA_01825
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01931
Name: ER04115_3B_prokka|PROKKA_01931
Description: ER04115_3B_prokka|PROKKA_01931
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01946
Name: ER04115_3B_prokka|PROKKA_01946
Description: ER04115_3B_prokka|PROKKA_01946
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01947
Name: ER04115_3B_prokka|PROKKA_01947
Description: ER04115_3B_prokka|PROKKA_01947
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_01978
Name: ER04115_3B_prokka|PROKKA_01978
Description: ER04115_3B_prokka|PROKKA_01978
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02000
Name: ER04115_3B_prokka|PROKKA_02000
Description: ER04115_3B_prokka|PROKKA_02000
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02005
Name: ER04115_3B_prokka|PROKKA_02005
Description: ER04115_3B_prokka|PROKKA_02005
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02080
Name: ER04115_3B_prokka|PROKKA_02080
Description: ER04115_3B_prokka|PROKKA_02080
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02084
Name: ER04115_3B_prokka|PROKKA_02084
Description: ER04115_3B_prokka|PROKKA_02084
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02100
Name: ER04115_3B_prokka|PROKKA_02100
Description: ER04115_3B_prokka|PROKKA_02100
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02118
Name: ER04115_3B_prokka|PROKKA_02118
Description: ER04115_3B_prokka|PROKKA_02118
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02144
Name: ER04115_3B_prokka|PROKKA_02144
Description: ER04115_3B_prokka|PROKKA_02144
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02146
Name: ER04115_3B_prokka|PROKKA_02146
Description: ER04115_3B_prokka|PROKKA_02146
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02198
Name: ER04115_3B_prokka|PROKKA_02198
Description: ER04115_3B_prokka|PROKKA_02198
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02306
Name: ER04115_3B_prokka|PROKKA_02306
Description: ER04115_3B_prokka|PROKKA_02306
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02325
Name: ER04115_3B_prokka|PROKKA_02325
Description: ER04115_3B_prokka|PROKKA_02325
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02338
Name: ER04115_3B_prokka|PROKKA_02338
Description: ER04115_3B_prokka|PROKKA_02338
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02370
Name: ER04115_3B_prokka|PROKKA_02370
Description: ER04115_3B_prokka|PROKKA_02370
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02515
Name: ER04115_3B_prokka|PROKKA_02515
Description: ER04115_3B_prokka|PROKKA_02515
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02524
Name: ER04115_3B_prokka|PROKKA_02524
Description: ER04115_3B_prokka|PROKKA_02524
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02588
Name: ER04115_3B_prokka|PROKKA_02588
Description: ER04115_3B_prokka|PROKKA_02588
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02696
Name: ER04115_3B_prokka|PROKKA_02696
Description: ER04115_3B_prokka|PROKKA_02696
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02734
Name: ER04115_3B_prokka|PROKKA_02734
Description: ER04115_3B_prokka|PROKKA_02734
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04115_3B_prokka|PROKKA_02818
Name: ER04115_3B_prokka|PROKKA_02818
Description: ER04115_3B_prokka|PROKKA_02818
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00083
Name: ER04119_3B_prokka|PROKKA_00083
Description: ER04119_3B_prokka|PROKKA_00083
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00086
Name: ER04119_3B_prokka|PROKKA_00086
Description: ER04119_3B_prokka|PROKKA_00086
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00090
Name: ER04119_3B_prokka|PROKKA_00090
Description: ER04119_3B_prokka|PROKKA_00090
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00111
Name: ER04119_3B_prokka|PROKKA_00111
Description: ER04119_3B_prokka|PROKKA_00111
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00129
Name: ER04119_3B_prokka|PROKKA_00129
Description: ER04119_3B_prokka|PROKKA_00129
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00295
Name: ER04119_3B_prokka|PROKKA_00295
Description: ER04119_3B_prokka|PROKKA_00295
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00419
Name: ER04119_3B_prokka|PROKKA_00419
Description: ER04119_3B_prokka|PROKKA_00419
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00436
Name: ER04119_3B_prokka|PROKKA_00436
Description: ER04119_3B_prokka|PROKKA_00436
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00602
Name: ER04119_3B_prokka|PROKKA_00602
Description: ER04119_3B_prokka|PROKKA_00602
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00831
Name: ER04119_3B_prokka|PROKKA_00831
Description: ER04119_3B_prokka|PROKKA_00831
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00862
Name: ER04119_3B_prokka|PROKKA_00862
Description: ER04119_3B_prokka|PROKKA_00862
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00866
Name: ER04119_3B_prokka|PROKKA_00866
Description: ER04119_3B_prokka|PROKKA_00866
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00882
Name: ER04119_3B_prokka|PROKKA_00882
Description: ER04119_3B_prokka|PROKKA_00882
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00912
Name: ER04119_3B_prokka|PROKKA_00912
Description: ER04119_3B_prokka|PROKKA_00912
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00913
Name: ER04119_3B_prokka|PROKKA_00913
Description: ER04119_3B_prokka|PROKKA_00913
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00915
Name: ER04119_3B_prokka|PROKKA_00915
Description: ER04119_3B_prokka|PROKKA_00915
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_00967
Name: ER04119_3B_prokka|PROKKA_00967
Description: ER04119_3B_prokka|PROKKA_00967
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01009
Name: ER04119_3B_prokka|PROKKA_01009
Description: ER04119_3B_prokka|PROKKA_01009
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01023
Name: ER04119_3B_prokka|PROKKA_01023
Description: ER04119_3B_prokka|PROKKA_01023
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01192
Name: ER04119_3B_prokka|PROKKA_01192
Description: ER04119_3B_prokka|PROKKA_01192
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01266
Name: ER04119_3B_prokka|PROKKA_01266
Description: ER04119_3B_prokka|PROKKA_01266
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01301
Name: ER04119_3B_prokka|PROKKA_01301
Description: ER04119_3B_prokka|PROKKA_01301
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01304
Name: ER04119_3B_prokka|PROKKA_01304
Description: ER04119_3B_prokka|PROKKA_01304
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01331
Name: ER04119_3B_prokka|PROKKA_01331
Description: ER04119_3B_prokka|PROKKA_01331
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01336
Name: ER04119_3B_prokka|PROKKA_01336
Description: ER04119_3B_prokka|PROKKA_01336
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01344
Name: ER04119_3B_prokka|PROKKA_01344
Description: ER04119_3B_prokka|PROKKA_01344
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01359
Name: ER04119_3B_prokka|PROKKA_01359
Description: ER04119_3B_prokka|PROKKA_01359
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01378
Name: ER04119_3B_prokka|PROKKA_01378
Description: ER04119_3B_prokka|PROKKA_01378
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01386
Name: ER04119_3B_prokka|PROKKA_01386
Description: ER04119_3B_prokka|PROKKA_01386
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01433
Name: ER04119_3B_prokka|PROKKA_01433
Description: ER04119_3B_prokka|PROKKA_01433
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01445
Name: ER04119_3B_prokka|PROKKA_01445
Description: ER04119_3B_prokka|PROKKA_01445
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01537
Name: ER04119_3B_prokka|PROKKA_01537
Description: ER04119_3B_prokka|PROKKA_01537
Number of features: 0
Seq('MFVEHKGSLMDTLKEMQQDLQSSISYAGGKDLKSLRTVDYVIVRNSIFNGDRD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01540
Name: ER04119_3B_prokka|PROKKA_01540
Description: ER04119_3B_prokka|PROKKA_01540
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01564
Name: ER04119_3B_prokka|PROKKA_01564
Description: ER04119_3B_prokka|PROKKA_01564
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01568
Name: ER04119_3B_prokka|PROKKA_01568
Description: ER04119_3B_prokka|PROKKA_01568
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01704
Name: ER04119_3B_prokka|PROKKA_01704
Description: ER04119_3B_prokka|PROKKA_01704
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01705
Name: ER04119_3B_prokka|PROKKA_01705
Description: ER04119_3B_prokka|PROKKA_01705
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01717
Name: ER04119_3B_prokka|PROKKA_01717
Description: ER04119_3B_prokka|PROKKA_01717
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01799
Name: ER04119_3B_prokka|PROKKA_01799
Description: ER04119_3B_prokka|PROKKA_01799
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01800
Name: ER04119_3B_prokka|PROKKA_01800
Description: ER04119_3B_prokka|PROKKA_01800
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01817
Name: ER04119_3B_prokka|PROKKA_01817
Description: ER04119_3B_prokka|PROKKA_01817
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01840
Name: ER04119_3B_prokka|PROKKA_01840
Description: ER04119_3B_prokka|PROKKA_01840
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01946
Name: ER04119_3B_prokka|PROKKA_01946
Description: ER04119_3B_prokka|PROKKA_01946
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01961
Name: ER04119_3B_prokka|PROKKA_01961
Description: ER04119_3B_prokka|PROKKA_01961
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01962
Name: ER04119_3B_prokka|PROKKA_01962
Description: ER04119_3B_prokka|PROKKA_01962
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_01993
Name: ER04119_3B_prokka|PROKKA_01993
Description: ER04119_3B_prokka|PROKKA_01993
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02015
Name: ER04119_3B_prokka|PROKKA_02015
Description: ER04119_3B_prokka|PROKKA_02015
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02020
Name: ER04119_3B_prokka|PROKKA_02020
Description: ER04119_3B_prokka|PROKKA_02020
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02096
Name: ER04119_3B_prokka|PROKKA_02096
Description: ER04119_3B_prokka|PROKKA_02096
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02100
Name: ER04119_3B_prokka|PROKKA_02100
Description: ER04119_3B_prokka|PROKKA_02100
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02116
Name: ER04119_3B_prokka|PROKKA_02116
Description: ER04119_3B_prokka|PROKKA_02116
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02134
Name: ER04119_3B_prokka|PROKKA_02134
Description: ER04119_3B_prokka|PROKKA_02134
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02160
Name: ER04119_3B_prokka|PROKKA_02160
Description: ER04119_3B_prokka|PROKKA_02160
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02162
Name: ER04119_3B_prokka|PROKKA_02162
Description: ER04119_3B_prokka|PROKKA_02162
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02214
Name: ER04119_3B_prokka|PROKKA_02214
Description: ER04119_3B_prokka|PROKKA_02214
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02322
Name: ER04119_3B_prokka|PROKKA_02322
Description: ER04119_3B_prokka|PROKKA_02322
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02341
Name: ER04119_3B_prokka|PROKKA_02341
Description: ER04119_3B_prokka|PROKKA_02341
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02355
Name: ER04119_3B_prokka|PROKKA_02355
Description: ER04119_3B_prokka|PROKKA_02355
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02387
Name: ER04119_3B_prokka|PROKKA_02387
Description: ER04119_3B_prokka|PROKKA_02387
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02532
Name: ER04119_3B_prokka|PROKKA_02532
Description: ER04119_3B_prokka|PROKKA_02532
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02541
Name: ER04119_3B_prokka|PROKKA_02541
Description: ER04119_3B_prokka|PROKKA_02541
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02605
Name: ER04119_3B_prokka|PROKKA_02605
Description: ER04119_3B_prokka|PROKKA_02605
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02713
Name: ER04119_3B_prokka|PROKKA_02713
Description: ER04119_3B_prokka|PROKKA_02713
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02751
Name: ER04119_3B_prokka|PROKKA_02751
Description: ER04119_3B_prokka|PROKKA_02751
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02835
Name: ER04119_3B_prokka|PROKKA_02835
Description: ER04119_3B_prokka|PROKKA_02835
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04119_3B_prokka|PROKKA_02862
Name: ER04119_3B_prokka|PROKKA_02862
Description: ER04119_3B_prokka|PROKKA_02862
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00029
Name: ER04127_3A_prokka|PROKKA_00029
Description: ER04127_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00038
Name: ER04127_3A_prokka|PROKKA_00038
Description: ER04127_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00059
Name: ER04127_3A_prokka|PROKKA_00059
Description: ER04127_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00079
Name: ER04127_3A_prokka|PROKKA_00079
Description: ER04127_3A_prokka|PROKKA_00079
Number of features: 0
Seq('MIKKLFFMILGSLLILSACSNNDEKDKDTND', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00149
Name: ER04127_3A_prokka|PROKKA_00149
Description: ER04127_3A_prokka|PROKKA_00149
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00248
Name: ER04127_3A_prokka|PROKKA_00248
Description: ER04127_3A_prokka|PROKKA_00248
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00300
Name: ER04127_3A_prokka|PROKKA_00300
Description: ER04127_3A_prokka|PROKKA_00300
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00398
Name: ER04127_3A_prokka|PROKKA_00398
Description: ER04127_3A_prokka|PROKKA_00398
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00421
Name: ER04127_3A_prokka|PROKKA_00421
Description: ER04127_3A_prokka|PROKKA_00421
Number of features: 0
Seq('MEYLKRLALLISVIILTIFIMGCDSQSDTAENPKEGSKEAQIKKSFFENVRYVSN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00430
Name: ER04127_3A_prokka|PROKKA_00430
Description: ER04127_3A_prokka|PROKKA_00430
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELSKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00438
Name: ER04127_3A_prokka|PROKKA_00438
Description: ER04127_3A_prokka|PROKKA_00438
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00447
Name: ER04127_3A_prokka|PROKKA_00447
Description: ER04127_3A_prokka|PROKKA_00447
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00462
Name: ER04127_3A_prokka|PROKKA_00462
Description: ER04127_3A_prokka|PROKKA_00462
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00494
Name: ER04127_3A_prokka|PROKKA_00494
Description: ER04127_3A_prokka|PROKKA_00494
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00495
Name: ER04127_3A_prokka|PROKKA_00495
Description: ER04127_3A_prokka|PROKKA_00495
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00507
Name: ER04127_3A_prokka|PROKKA_00507
Description: ER04127_3A_prokka|PROKKA_00507
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00637
Name: ER04127_3A_prokka|PROKKA_00637
Description: ER04127_3A_prokka|PROKKA_00637
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00673
Name: ER04127_3A_prokka|PROKKA_00673
Description: ER04127_3A_prokka|PROKKA_00673
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00892
Name: ER04127_3A_prokka|PROKKA_00892
Description: ER04127_3A_prokka|PROKKA_00892
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_00936
Name: ER04127_3A_prokka|PROKKA_00936
Description: ER04127_3A_prokka|PROKKA_00936
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01044
Name: ER04127_3A_prokka|PROKKA_01044
Description: ER04127_3A_prokka|PROKKA_01044
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01083
Name: ER04127_3A_prokka|PROKKA_01083
Description: ER04127_3A_prokka|PROKKA_01083
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01163
Name: ER04127_3A_prokka|PROKKA_01163
Description: ER04127_3A_prokka|PROKKA_01163
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01176
Name: ER04127_3A_prokka|PROKKA_01176
Description: ER04127_3A_prokka|PROKKA_01176
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01177
Name: ER04127_3A_prokka|PROKKA_01177
Description: ER04127_3A_prokka|PROKKA_01177
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01313
Name: ER04127_3A_prokka|PROKKA_01313
Description: ER04127_3A_prokka|PROKKA_01313
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01317
Name: ER04127_3A_prokka|PROKKA_01317
Description: ER04127_3A_prokka|PROKKA_01317
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01321
Name: ER04127_3A_prokka|PROKKA_01321
Description: ER04127_3A_prokka|PROKKA_01321
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01323
Name: ER04127_3A_prokka|PROKKA_01323
Description: ER04127_3A_prokka|PROKKA_01323
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01347
Name: ER04127_3A_prokka|PROKKA_01347
Description: ER04127_3A_prokka|PROKKA_01347
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01441
Name: ER04127_3A_prokka|PROKKA_01441
Description: ER04127_3A_prokka|PROKKA_01441
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01453
Name: ER04127_3A_prokka|PROKKA_01453
Description: ER04127_3A_prokka|PROKKA_01453
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01502
Name: ER04127_3A_prokka|PROKKA_01502
Description: ER04127_3A_prokka|PROKKA_01502
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01510
Name: ER04127_3A_prokka|PROKKA_01510
Description: ER04127_3A_prokka|PROKKA_01510
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01530
Name: ER04127_3A_prokka|PROKKA_01530
Description: ER04127_3A_prokka|PROKKA_01530
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01558
Name: ER04127_3A_prokka|PROKKA_01558
Description: ER04127_3A_prokka|PROKKA_01558
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01585
Name: ER04127_3A_prokka|PROKKA_01585
Description: ER04127_3A_prokka|PROKKA_01585
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01622
Name: ER04127_3A_prokka|PROKKA_01622
Description: ER04127_3A_prokka|PROKKA_01622
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01693
Name: ER04127_3A_prokka|PROKKA_01693
Description: ER04127_3A_prokka|PROKKA_01693
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01858
Name: ER04127_3A_prokka|PROKKA_01858
Description: ER04127_3A_prokka|PROKKA_01858
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01866
Name: ER04127_3A_prokka|PROKKA_01866
Description: ER04127_3A_prokka|PROKKA_01866
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01885
Name: ER04127_3A_prokka|PROKKA_01885
Description: ER04127_3A_prokka|PROKKA_01885
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01920
Name: ER04127_3A_prokka|PROKKA_01920
Description: ER04127_3A_prokka|PROKKA_01920
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_01972
Name: ER04127_3A_prokka|PROKKA_01972
Description: ER04127_3A_prokka|PROKKA_01972
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02003
Name: ER04127_3A_prokka|PROKKA_02003
Description: ER04127_3A_prokka|PROKKA_02003
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQPEQLKGDVKVKEREIEILRSRLRHFEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02015
Name: ER04127_3A_prokka|PROKKA_02015
Description: ER04127_3A_prokka|PROKKA_02015
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02033
Name: ER04127_3A_prokka|PROKKA_02033
Description: ER04127_3A_prokka|PROKKA_02033
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELSKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02107
Name: ER04127_3A_prokka|PROKKA_02107
Description: ER04127_3A_prokka|PROKKA_02107
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02111
Name: ER04127_3A_prokka|PROKKA_02111
Description: ER04127_3A_prokka|PROKKA_02111
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02127
Name: ER04127_3A_prokka|PROKKA_02127
Description: ER04127_3A_prokka|PROKKA_02127
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02147
Name: ER04127_3A_prokka|PROKKA_02147
Description: ER04127_3A_prokka|PROKKA_02147
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02177
Name: ER04127_3A_prokka|PROKKA_02177
Description: ER04127_3A_prokka|PROKKA_02177
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02179
Name: ER04127_3A_prokka|PROKKA_02179
Description: ER04127_3A_prokka|PROKKA_02179
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02228
Name: ER04127_3A_prokka|PROKKA_02228
Description: ER04127_3A_prokka|PROKKA_02228
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02284
Name: ER04127_3A_prokka|PROKKA_02284
Description: ER04127_3A_prokka|PROKKA_02284
Number of features: 0
Seq('MTAETNYFWLNCGYNRWNHNEPLVGQTALFESGAHFNPSQGFRAFKKAKVGD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02349
Name: ER04127_3A_prokka|PROKKA_02349
Description: ER04127_3A_prokka|PROKKA_02349
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02373
Name: ER04127_3A_prokka|PROKKA_02373
Description: ER04127_3A_prokka|PROKKA_02373
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02404
Name: ER04127_3A_prokka|PROKKA_02404
Description: ER04127_3A_prokka|PROKKA_02404
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02559
Name: ER04127_3A_prokka|PROKKA_02559
Description: ER04127_3A_prokka|PROKKA_02559
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02768
Name: ER04127_3A_prokka|PROKKA_02768
Description: ER04127_3A_prokka|PROKKA_02768
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02796
Name: ER04127_3A_prokka|PROKKA_02796
Description: ER04127_3A_prokka|PROKKA_02796
Number of features: 0
Seq('MSKRQKAFHDSLANEKTRVRLYKSGKNWVKSGIKEIEMFKIMGYHLLVIV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02856
Name: ER04127_3A_prokka|PROKKA_02856
Description: ER04127_3A_prokka|PROKKA_02856
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04127_3A_prokka|PROKKA_02870
Name: ER04127_3A_prokka|PROKKA_02870
Description: ER04127_3A_prokka|PROKKA_02870
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00056
Name: ER04142_3A_prokka|PROKKA_00056
Description: ER04142_3A_prokka|PROKKA_00056
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00074
Name: ER04142_3A_prokka|PROKKA_00074
Description: ER04142_3A_prokka|PROKKA_00074
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00242
Name: ER04142_3A_prokka|PROKKA_00242
Description: ER04142_3A_prokka|PROKKA_00242
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00369
Name: ER04142_3A_prokka|PROKKA_00369
Description: ER04142_3A_prokka|PROKKA_00369
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00386
Name: ER04142_3A_prokka|PROKKA_00386
Description: ER04142_3A_prokka|PROKKA_00386
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00554
Name: ER04142_3A_prokka|PROKKA_00554
Description: ER04142_3A_prokka|PROKKA_00554
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00710
Name: ER04142_3A_prokka|PROKKA_00710
Description: ER04142_3A_prokka|PROKKA_00710
Number of features: 0
Seq('MKKTVLYLVLAVMFLLAACGNNSDKEQSKSEMEGSIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00714
Name: ER04142_3A_prokka|PROKKA_00714
Description: ER04142_3A_prokka|PROKKA_00714
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00717
Name: ER04142_3A_prokka|PROKKA_00717
Description: ER04142_3A_prokka|PROKKA_00717
Number of features: 0
Seq('MEGLQIKNIEATNLDELKKLIESTLKAVEAVEENLEKINNFEIKVIQKSSCQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00723
Name: ER04142_3A_prokka|PROKKA_00723
Description: ER04142_3A_prokka|PROKKA_00723
Number of features: 0
Seq('MSKTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00740
Name: ER04142_3A_prokka|PROKKA_00740
Description: ER04142_3A_prokka|PROKKA_00740
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00756
Name: ER04142_3A_prokka|PROKKA_00756
Description: ER04142_3A_prokka|PROKKA_00756
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00760
Name: ER04142_3A_prokka|PROKKA_00760
Description: ER04142_3A_prokka|PROKKA_00760
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00832
Name: ER04142_3A_prokka|PROKKA_00832
Description: ER04142_3A_prokka|PROKKA_00832
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00884
Name: ER04142_3A_prokka|PROKKA_00884
Description: ER04142_3A_prokka|PROKKA_00884
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00926
Name: ER04142_3A_prokka|PROKKA_00926
Description: ER04142_3A_prokka|PROKKA_00926
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_00941
Name: ER04142_3A_prokka|PROKKA_00941
Description: ER04142_3A_prokka|PROKKA_00941
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01110
Name: ER04142_3A_prokka|PROKKA_01110
Description: ER04142_3A_prokka|PROKKA_01110
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01184
Name: ER04142_3A_prokka|PROKKA_01184
Description: ER04142_3A_prokka|PROKKA_01184
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01220
Name: ER04142_3A_prokka|PROKKA_01220
Description: ER04142_3A_prokka|PROKKA_01220
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01223
Name: ER04142_3A_prokka|PROKKA_01223
Description: ER04142_3A_prokka|PROKKA_01223
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01250
Name: ER04142_3A_prokka|PROKKA_01250
Description: ER04142_3A_prokka|PROKKA_01250
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01260
Name: ER04142_3A_prokka|PROKKA_01260
Description: ER04142_3A_prokka|PROKKA_01260
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01279
Name: ER04142_3A_prokka|PROKKA_01279
Description: ER04142_3A_prokka|PROKKA_01279
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01299
Name: ER04142_3A_prokka|PROKKA_01299
Description: ER04142_3A_prokka|PROKKA_01299
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01307
Name: ER04142_3A_prokka|PROKKA_01307
Description: ER04142_3A_prokka|PROKKA_01307
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01356
Name: ER04142_3A_prokka|PROKKA_01356
Description: ER04142_3A_prokka|PROKKA_01356
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01368
Name: ER04142_3A_prokka|PROKKA_01368
Description: ER04142_3A_prokka|PROKKA_01368
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01462
Name: ER04142_3A_prokka|PROKKA_01462
Description: ER04142_3A_prokka|PROKKA_01462
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01486
Name: ER04142_3A_prokka|PROKKA_01486
Description: ER04142_3A_prokka|PROKKA_01486
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01490
Name: ER04142_3A_prokka|PROKKA_01490
Description: ER04142_3A_prokka|PROKKA_01490
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01626
Name: ER04142_3A_prokka|PROKKA_01626
Description: ER04142_3A_prokka|PROKKA_01626
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01627
Name: ER04142_3A_prokka|PROKKA_01627
Description: ER04142_3A_prokka|PROKKA_01627
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01639
Name: ER04142_3A_prokka|PROKKA_01639
Description: ER04142_3A_prokka|PROKKA_01639
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01695
Name: ER04142_3A_prokka|PROKKA_01695
Description: ER04142_3A_prokka|PROKKA_01695
Number of features: 0
Seq('MNNKRHSTNEQLSLDEINNTIKFDHRSSNKQKFLSFLGPGLLVAVGYMDPETG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01722
Name: ER04142_3A_prokka|PROKKA_01722
Description: ER04142_3A_prokka|PROKKA_01722
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01723
Name: ER04142_3A_prokka|PROKKA_01723
Description: ER04142_3A_prokka|PROKKA_01723
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01740
Name: ER04142_3A_prokka|PROKKA_01740
Description: ER04142_3A_prokka|PROKKA_01740
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01763
Name: ER04142_3A_prokka|PROKKA_01763
Description: ER04142_3A_prokka|PROKKA_01763
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01868
Name: ER04142_3A_prokka|PROKKA_01868
Description: ER04142_3A_prokka|PROKKA_01868
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01895
Name: ER04142_3A_prokka|PROKKA_01895
Description: ER04142_3A_prokka|PROKKA_01895
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01971
Name: ER04142_3A_prokka|PROKKA_01971
Description: ER04142_3A_prokka|PROKKA_01971
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_01972
Name: ER04142_3A_prokka|PROKKA_01972
Description: ER04142_3A_prokka|PROKKA_01972
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02003
Name: ER04142_3A_prokka|PROKKA_02003
Description: ER04142_3A_prokka|PROKKA_02003
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02023
Name: ER04142_3A_prokka|PROKKA_02023
Description: ER04142_3A_prokka|PROKKA_02023
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02029
Name: ER04142_3A_prokka|PROKKA_02029
Description: ER04142_3A_prokka|PROKKA_02029
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02034
Name: ER04142_3A_prokka|PROKKA_02034
Description: ER04142_3A_prokka|PROKKA_02034
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02050
Name: ER04142_3A_prokka|PROKKA_02050
Description: ER04142_3A_prokka|PROKKA_02050
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02052
Name: ER04142_3A_prokka|PROKKA_02052
Description: ER04142_3A_prokka|PROKKA_02052
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02102
Name: ER04142_3A_prokka|PROKKA_02102
Description: ER04142_3A_prokka|PROKKA_02102
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02215
Name: ER04142_3A_prokka|PROKKA_02215
Description: ER04142_3A_prokka|PROKKA_02215
Number of features: 0
Seq('MAQNLDIFDFELTEEDKQQIATLEESNSQFFSHADPEMIKALTSRELDV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02228
Name: ER04142_3A_prokka|PROKKA_02228
Description: ER04142_3A_prokka|PROKKA_02228
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02241
Name: ER04142_3A_prokka|PROKKA_02241
Description: ER04142_3A_prokka|PROKKA_02241
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02272
Name: ER04142_3A_prokka|PROKKA_02272
Description: ER04142_3A_prokka|PROKKA_02272
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02427
Name: ER04142_3A_prokka|PROKKA_02427
Description: ER04142_3A_prokka|PROKKA_02427
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02431
Name: ER04142_3A_prokka|PROKKA_02431
Description: ER04142_3A_prokka|PROKKA_02431
Number of features: 0
Seq('MNLKLNRKKVISMIKNKILTATLAVGLIAL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02492
Name: ER04142_3A_prokka|PROKKA_02492
Description: ER04142_3A_prokka|PROKKA_02492
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02601
Name: ER04142_3A_prokka|PROKKA_02601
Description: ER04142_3A_prokka|PROKKA_02601
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02639
Name: ER04142_3A_prokka|PROKKA_02639
Description: ER04142_3A_prokka|PROKKA_02639
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02723
Name: ER04142_3A_prokka|PROKKA_02723
Description: ER04142_3A_prokka|PROKKA_02723
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02726
Name: ER04142_3A_prokka|PROKKA_02726
Description: ER04142_3A_prokka|PROKKA_02726
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02736
Name: ER04142_3A_prokka|PROKKA_02736
Description: ER04142_3A_prokka|PROKKA_02736
Number of features: 0
Seq('MSQKYGSNQKGYKSDLNWNYINSKDNVDEFFSELLEEKVPLIDLNYVNLI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02741
Name: ER04142_3A_prokka|PROKKA_02741
Description: ER04142_3A_prokka|PROKKA_02741
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04142_3A_prokka|PROKKA_02745
Name: ER04142_3A_prokka|PROKKA_02745
Description: ER04142_3A_prokka|PROKKA_02745
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00014
Name: ER04163_3A_prokka|PROKKA_00014
Description: ER04163_3A_prokka|PROKKA_00014
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00053
Name: ER04163_3A_prokka|PROKKA_00053
Description: ER04163_3A_prokka|PROKKA_00053
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00062
Name: ER04163_3A_prokka|PROKKA_00062
Description: ER04163_3A_prokka|PROKKA_00062
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00083
Name: ER04163_3A_prokka|PROKKA_00083
Description: ER04163_3A_prokka|PROKKA_00083
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00174
Name: ER04163_3A_prokka|PROKKA_00174
Description: ER04163_3A_prokka|PROKKA_00174
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00273
Name: ER04163_3A_prokka|PROKKA_00273
Description: ER04163_3A_prokka|PROKKA_00273
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00325
Name: ER04163_3A_prokka|PROKKA_00325
Description: ER04163_3A_prokka|PROKKA_00325
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00423
Name: ER04163_3A_prokka|PROKKA_00423
Description: ER04163_3A_prokka|PROKKA_00423
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00461
Name: ER04163_3A_prokka|PROKKA_00461
Description: ER04163_3A_prokka|PROKKA_00461
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00592
Name: ER04163_3A_prokka|PROKKA_00592
Description: ER04163_3A_prokka|PROKKA_00592
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00628
Name: ER04163_3A_prokka|PROKKA_00628
Description: ER04163_3A_prokka|PROKKA_00628
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00846
Name: ER04163_3A_prokka|PROKKA_00846
Description: ER04163_3A_prokka|PROKKA_00846
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00884
Name: ER04163_3A_prokka|PROKKA_00884
Description: ER04163_3A_prokka|PROKKA_00884
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00889
Name: ER04163_3A_prokka|PROKKA_00889
Description: ER04163_3A_prokka|PROKKA_00889
Number of features: 0
Seq('MSNIYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00900
Name: ER04163_3A_prokka|PROKKA_00900
Description: ER04163_3A_prokka|PROKKA_00900
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00915
Name: ER04163_3A_prokka|PROKKA_00915
Description: ER04163_3A_prokka|PROKKA_00915
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00921
Name: ER04163_3A_prokka|PROKKA_00921
Description: ER04163_3A_prokka|PROKKA_00921
Number of features: 0
Seq('MSNTDKYLRDIASELKGIRKELQKQNATVFVDTKVDGEKLKVLTNEPLF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_00958
Name: ER04163_3A_prokka|PROKKA_00958
Description: ER04163_3A_prokka|PROKKA_00958
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01066
Name: ER04163_3A_prokka|PROKKA_01066
Description: ER04163_3A_prokka|PROKKA_01066
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01105
Name: ER04163_3A_prokka|PROKKA_01105
Description: ER04163_3A_prokka|PROKKA_01105
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01185
Name: ER04163_3A_prokka|PROKKA_01185
Description: ER04163_3A_prokka|PROKKA_01185
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01198
Name: ER04163_3A_prokka|PROKKA_01198
Description: ER04163_3A_prokka|PROKKA_01198
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01199
Name: ER04163_3A_prokka|PROKKA_01199
Description: ER04163_3A_prokka|PROKKA_01199
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01334
Name: ER04163_3A_prokka|PROKKA_01334
Description: ER04163_3A_prokka|PROKKA_01334
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01338
Name: ER04163_3A_prokka|PROKKA_01338
Description: ER04163_3A_prokka|PROKKA_01338
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01342
Name: ER04163_3A_prokka|PROKKA_01342
Description: ER04163_3A_prokka|PROKKA_01342
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01344
Name: ER04163_3A_prokka|PROKKA_01344
Description: ER04163_3A_prokka|PROKKA_01344
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01368
Name: ER04163_3A_prokka|PROKKA_01368
Description: ER04163_3A_prokka|PROKKA_01368
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01463
Name: ER04163_3A_prokka|PROKKA_01463
Description: ER04163_3A_prokka|PROKKA_01463
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01475
Name: ER04163_3A_prokka|PROKKA_01475
Description: ER04163_3A_prokka|PROKKA_01475
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01524
Name: ER04163_3A_prokka|PROKKA_01524
Description: ER04163_3A_prokka|PROKKA_01524
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01533
Name: ER04163_3A_prokka|PROKKA_01533
Description: ER04163_3A_prokka|PROKKA_01533
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01553
Name: ER04163_3A_prokka|PROKKA_01553
Description: ER04163_3A_prokka|PROKKA_01553
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01581
Name: ER04163_3A_prokka|PROKKA_01581
Description: ER04163_3A_prokka|PROKKA_01581
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01608
Name: ER04163_3A_prokka|PROKKA_01608
Description: ER04163_3A_prokka|PROKKA_01608
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01645
Name: ER04163_3A_prokka|PROKKA_01645
Description: ER04163_3A_prokka|PROKKA_01645
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01716
Name: ER04163_3A_prokka|PROKKA_01716
Description: ER04163_3A_prokka|PROKKA_01716
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01880
Name: ER04163_3A_prokka|PROKKA_01880
Description: ER04163_3A_prokka|PROKKA_01880
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01887
Name: ER04163_3A_prokka|PROKKA_01887
Description: ER04163_3A_prokka|PROKKA_01887
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01906
Name: ER04163_3A_prokka|PROKKA_01906
Description: ER04163_3A_prokka|PROKKA_01906
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01941
Name: ER04163_3A_prokka|PROKKA_01941
Description: ER04163_3A_prokka|PROKKA_01941
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_01993
Name: ER04163_3A_prokka|PROKKA_01993
Description: ER04163_3A_prokka|PROKKA_01993
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02065
Name: ER04163_3A_prokka|PROKKA_02065
Description: ER04163_3A_prokka|PROKKA_02065
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02069
Name: ER04163_3A_prokka|PROKKA_02069
Description: ER04163_3A_prokka|PROKKA_02069
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02085
Name: ER04163_3A_prokka|PROKKA_02085
Description: ER04163_3A_prokka|PROKKA_02085
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02105
Name: ER04163_3A_prokka|PROKKA_02105
Description: ER04163_3A_prokka|PROKKA_02105
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02135
Name: ER04163_3A_prokka|PROKKA_02135
Description: ER04163_3A_prokka|PROKKA_02135
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02137
Name: ER04163_3A_prokka|PROKKA_02137
Description: ER04163_3A_prokka|PROKKA_02137
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02186
Name: ER04163_3A_prokka|PROKKA_02186
Description: ER04163_3A_prokka|PROKKA_02186
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02306
Name: ER04163_3A_prokka|PROKKA_02306
Description: ER04163_3A_prokka|PROKKA_02306
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02331
Name: ER04163_3A_prokka|PROKKA_02331
Description: ER04163_3A_prokka|PROKKA_02331
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02362
Name: ER04163_3A_prokka|PROKKA_02362
Description: ER04163_3A_prokka|PROKKA_02362
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02517
Name: ER04163_3A_prokka|PROKKA_02517
Description: ER04163_3A_prokka|PROKKA_02517
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02726
Name: ER04163_3A_prokka|PROKKA_02726
Description: ER04163_3A_prokka|PROKKA_02726
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04163_3A_prokka|PROKKA_02813
Name: ER04163_3A_prokka|PROKKA_02813
Description: ER04163_3A_prokka|PROKKA_02813
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00003
Name: ER04164_3B_prokka|PROKKA_00003
Description: ER04164_3B_prokka|PROKKA_00003
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00007
Name: ER04164_3B_prokka|PROKKA_00007
Description: ER04164_3B_prokka|PROKKA_00007
Number of features: 0
Seq('MQYNTTRYIDENQDNKTLKDMMKNGKQRPWREKKVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00022
Name: ER04164_3B_prokka|PROKKA_00022
Description: ER04164_3B_prokka|PROKKA_00022
Number of features: 0
Seq('MKTGPLKCPKCNQDLYIKKVRYPISDIETLC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00024
Name: ER04164_3B_prokka|PROKKA_00024
Description: ER04164_3B_prokka|PROKKA_00024
Number of features: 0
Seq('MYLRMNVMKTIKMVADELNVTKQTIVNNAKNLNISFKKKMELIILMIMIV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00102
Name: ER04164_3B_prokka|PROKKA_00102
Description: ER04164_3B_prokka|PROKKA_00102
Number of features: 0
Seq('MHFLKEGDLTIYFYIWNKKEYLTSDLFDLTESEKQEINHQVIDEIEEEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00103
Name: ER04164_3B_prokka|PROKKA_00103
Description: ER04164_3B_prokka|PROKKA_00103
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00110
Name: ER04164_3B_prokka|PROKKA_00110
Description: ER04164_3B_prokka|PROKKA_00110
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00119
Name: ER04164_3B_prokka|PROKKA_00119
Description: ER04164_3B_prokka|PROKKA_00119
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00248
Name: ER04164_3B_prokka|PROKKA_00248
Description: ER04164_3B_prokka|PROKKA_00248
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00292
Name: ER04164_3B_prokka|PROKKA_00292
Description: ER04164_3B_prokka|PROKKA_00292
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00416
Name: ER04164_3B_prokka|PROKKA_00416
Description: ER04164_3B_prokka|PROKKA_00416
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00433
Name: ER04164_3B_prokka|PROKKA_00433
Description: ER04164_3B_prokka|PROKKA_00433
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00599
Name: ER04164_3B_prokka|PROKKA_00599
Description: ER04164_3B_prokka|PROKKA_00599
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00829
Name: ER04164_3B_prokka|PROKKA_00829
Description: ER04164_3B_prokka|PROKKA_00829
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00846
Name: ER04164_3B_prokka|PROKKA_00846
Description: ER04164_3B_prokka|PROKKA_00846
Number of features: 0
Seq('MRKYNFDKFFLYMAVLSLPIVIFFPLMLSIPIIFFIFSIRKKED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00857
Name: ER04164_3B_prokka|PROKKA_00857
Description: ER04164_3B_prokka|PROKKA_00857
Number of features: 0
Seq('MSNIYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00863
Name: ER04164_3B_prokka|PROKKA_00863
Description: ER04164_3B_prokka|PROKKA_00863
Number of features: 0
Seq('MNRLRVIKIALLIVILAEEIRNVRNYKKAVGKPFSRY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00867
Name: ER04164_3B_prokka|PROKKA_00867
Description: ER04164_3B_prokka|PROKKA_00867
Number of features: 0
Seq('MITKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00886
Name: ER04164_3B_prokka|PROKKA_00886
Description: ER04164_3B_prokka|PROKKA_00886
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00908
Name: ER04164_3B_prokka|PROKKA_00908
Description: ER04164_3B_prokka|PROKKA_00908
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00909
Name: ER04164_3B_prokka|PROKKA_00909
Description: ER04164_3B_prokka|PROKKA_00909
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_00923
Name: ER04164_3B_prokka|PROKKA_00923
Description: ER04164_3B_prokka|PROKKA_00923
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01028
Name: ER04164_3B_prokka|PROKKA_01028
Description: ER04164_3B_prokka|PROKKA_01028
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01068
Name: ER04164_3B_prokka|PROKKA_01068
Description: ER04164_3B_prokka|PROKKA_01068
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01150
Name: ER04164_3B_prokka|PROKKA_01150
Description: ER04164_3B_prokka|PROKKA_01150
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01162
Name: ER04164_3B_prokka|PROKKA_01162
Description: ER04164_3B_prokka|PROKKA_01162
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01163
Name: ER04164_3B_prokka|PROKKA_01163
Description: ER04164_3B_prokka|PROKKA_01163
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01299
Name: ER04164_3B_prokka|PROKKA_01299
Description: ER04164_3B_prokka|PROKKA_01299
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01303
Name: ER04164_3B_prokka|PROKKA_01303
Description: ER04164_3B_prokka|PROKKA_01303
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01327
Name: ER04164_3B_prokka|PROKKA_01327
Description: ER04164_3B_prokka|PROKKA_01327
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01432
Name: ER04164_3B_prokka|PROKKA_01432
Description: ER04164_3B_prokka|PROKKA_01432
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDREI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01496
Name: ER04164_3B_prokka|PROKKA_01496
Description: ER04164_3B_prokka|PROKKA_01496
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01499
Name: ER04164_3B_prokka|PROKKA_01499
Description: ER04164_3B_prokka|PROKKA_01499
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01534
Name: ER04164_3B_prokka|PROKKA_01534
Description: ER04164_3B_prokka|PROKKA_01534
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01606
Name: ER04164_3B_prokka|PROKKA_01606
Description: ER04164_3B_prokka|PROKKA_01606
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01769
Name: ER04164_3B_prokka|PROKKA_01769
Description: ER04164_3B_prokka|PROKKA_01769
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01783
Name: ER04164_3B_prokka|PROKKA_01783
Description: ER04164_3B_prokka|PROKKA_01783
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01825
Name: ER04164_3B_prokka|PROKKA_01825
Description: ER04164_3B_prokka|PROKKA_01825
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01877
Name: ER04164_3B_prokka|PROKKA_01877
Description: ER04164_3B_prokka|PROKKA_01877
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01951
Name: ER04164_3B_prokka|PROKKA_01951
Description: ER04164_3B_prokka|PROKKA_01951
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01955
Name: ER04164_3B_prokka|PROKKA_01955
Description: ER04164_3B_prokka|PROKKA_01955
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01971
Name: ER04164_3B_prokka|PROKKA_01971
Description: ER04164_3B_prokka|PROKKA_01971
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_01989
Name: ER04164_3B_prokka|PROKKA_01989
Description: ER04164_3B_prokka|PROKKA_01989
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_02015
Name: ER04164_3B_prokka|PROKKA_02015
Description: ER04164_3B_prokka|PROKKA_02015
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_02017
Name: ER04164_3B_prokka|PROKKA_02017
Description: ER04164_3B_prokka|PROKKA_02017
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_02067
Name: ER04164_3B_prokka|PROKKA_02067
Description: ER04164_3B_prokka|PROKKA_02067
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_02192
Name: ER04164_3B_prokka|PROKKA_02192
Description: ER04164_3B_prokka|PROKKA_02192
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_02205
Name: ER04164_3B_prokka|PROKKA_02205
Description: ER04164_3B_prokka|PROKKA_02205
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_02236
Name: ER04164_3B_prokka|PROKKA_02236
Description: ER04164_3B_prokka|PROKKA_02236
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_02389
Name: ER04164_3B_prokka|PROKKA_02389
Description: ER04164_3B_prokka|PROKKA_02389
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_02453
Name: ER04164_3B_prokka|PROKKA_02453
Description: ER04164_3B_prokka|PROKKA_02453
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_02561
Name: ER04164_3B_prokka|PROKKA_02561
Description: ER04164_3B_prokka|PROKKA_02561
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_02599
Name: ER04164_3B_prokka|PROKKA_02599
Description: ER04164_3B_prokka|PROKKA_02599
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04164_3B_prokka|PROKKA_02683
Name: ER04164_3B_prokka|PROKKA_02683
Description: ER04164_3B_prokka|PROKKA_02683
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00016
Name: ER04165_3B_prokka|PROKKA_00016
Description: ER04165_3B_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00067
Name: ER04165_3B_prokka|PROKKA_00067
Description: ER04165_3B_prokka|PROKKA_00067
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00070
Name: ER04165_3B_prokka|PROKKA_00070
Description: ER04165_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00074
Name: ER04165_3B_prokka|PROKKA_00074
Description: ER04165_3B_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00095
Name: ER04165_3B_prokka|PROKKA_00095
Description: ER04165_3B_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00113
Name: ER04165_3B_prokka|PROKKA_00113
Description: ER04165_3B_prokka|PROKKA_00113
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00280
Name: ER04165_3B_prokka|PROKKA_00280
Description: ER04165_3B_prokka|PROKKA_00280
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00404
Name: ER04165_3B_prokka|PROKKA_00404
Description: ER04165_3B_prokka|PROKKA_00404
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00421
Name: ER04165_3B_prokka|PROKKA_00421
Description: ER04165_3B_prokka|PROKKA_00421
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00587
Name: ER04165_3B_prokka|PROKKA_00587
Description: ER04165_3B_prokka|PROKKA_00587
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00816
Name: ER04165_3B_prokka|PROKKA_00816
Description: ER04165_3B_prokka|PROKKA_00816
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00847
Name: ER04165_3B_prokka|PROKKA_00847
Description: ER04165_3B_prokka|PROKKA_00847
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00851
Name: ER04165_3B_prokka|PROKKA_00851
Description: ER04165_3B_prokka|PROKKA_00851
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00867
Name: ER04165_3B_prokka|PROKKA_00867
Description: ER04165_3B_prokka|PROKKA_00867
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00897
Name: ER04165_3B_prokka|PROKKA_00897
Description: ER04165_3B_prokka|PROKKA_00897
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00898
Name: ER04165_3B_prokka|PROKKA_00898
Description: ER04165_3B_prokka|PROKKA_00898
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00900
Name: ER04165_3B_prokka|PROKKA_00900
Description: ER04165_3B_prokka|PROKKA_00900
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00952
Name: ER04165_3B_prokka|PROKKA_00952
Description: ER04165_3B_prokka|PROKKA_00952
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_00994
Name: ER04165_3B_prokka|PROKKA_00994
Description: ER04165_3B_prokka|PROKKA_00994
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01008
Name: ER04165_3B_prokka|PROKKA_01008
Description: ER04165_3B_prokka|PROKKA_01008
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01177
Name: ER04165_3B_prokka|PROKKA_01177
Description: ER04165_3B_prokka|PROKKA_01177
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01251
Name: ER04165_3B_prokka|PROKKA_01251
Description: ER04165_3B_prokka|PROKKA_01251
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01286
Name: ER04165_3B_prokka|PROKKA_01286
Description: ER04165_3B_prokka|PROKKA_01286
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01289
Name: ER04165_3B_prokka|PROKKA_01289
Description: ER04165_3B_prokka|PROKKA_01289
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01316
Name: ER04165_3B_prokka|PROKKA_01316
Description: ER04165_3B_prokka|PROKKA_01316
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01321
Name: ER04165_3B_prokka|PROKKA_01321
Description: ER04165_3B_prokka|PROKKA_01321
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01329
Name: ER04165_3B_prokka|PROKKA_01329
Description: ER04165_3B_prokka|PROKKA_01329
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01344
Name: ER04165_3B_prokka|PROKKA_01344
Description: ER04165_3B_prokka|PROKKA_01344
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01363
Name: ER04165_3B_prokka|PROKKA_01363
Description: ER04165_3B_prokka|PROKKA_01363
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01371
Name: ER04165_3B_prokka|PROKKA_01371
Description: ER04165_3B_prokka|PROKKA_01371
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01418
Name: ER04165_3B_prokka|PROKKA_01418
Description: ER04165_3B_prokka|PROKKA_01418
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01430
Name: ER04165_3B_prokka|PROKKA_01430
Description: ER04165_3B_prokka|PROKKA_01430
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01523
Name: ER04165_3B_prokka|PROKKA_01523
Description: ER04165_3B_prokka|PROKKA_01523
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01547
Name: ER04165_3B_prokka|PROKKA_01547
Description: ER04165_3B_prokka|PROKKA_01547
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01551
Name: ER04165_3B_prokka|PROKKA_01551
Description: ER04165_3B_prokka|PROKKA_01551
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01687
Name: ER04165_3B_prokka|PROKKA_01687
Description: ER04165_3B_prokka|PROKKA_01687
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01688
Name: ER04165_3B_prokka|PROKKA_01688
Description: ER04165_3B_prokka|PROKKA_01688
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01700
Name: ER04165_3B_prokka|PROKKA_01700
Description: ER04165_3B_prokka|PROKKA_01700
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01782
Name: ER04165_3B_prokka|PROKKA_01782
Description: ER04165_3B_prokka|PROKKA_01782
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01783
Name: ER04165_3B_prokka|PROKKA_01783
Description: ER04165_3B_prokka|PROKKA_01783
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01800
Name: ER04165_3B_prokka|PROKKA_01800
Description: ER04165_3B_prokka|PROKKA_01800
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01823
Name: ER04165_3B_prokka|PROKKA_01823
Description: ER04165_3B_prokka|PROKKA_01823
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01929
Name: ER04165_3B_prokka|PROKKA_01929
Description: ER04165_3B_prokka|PROKKA_01929
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01944
Name: ER04165_3B_prokka|PROKKA_01944
Description: ER04165_3B_prokka|PROKKA_01944
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01945
Name: ER04165_3B_prokka|PROKKA_01945
Description: ER04165_3B_prokka|PROKKA_01945
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01976
Name: ER04165_3B_prokka|PROKKA_01976
Description: ER04165_3B_prokka|PROKKA_01976
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_01998
Name: ER04165_3B_prokka|PROKKA_01998
Description: ER04165_3B_prokka|PROKKA_01998
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02003
Name: ER04165_3B_prokka|PROKKA_02003
Description: ER04165_3B_prokka|PROKKA_02003
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02079
Name: ER04165_3B_prokka|PROKKA_02079
Description: ER04165_3B_prokka|PROKKA_02079
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02083
Name: ER04165_3B_prokka|PROKKA_02083
Description: ER04165_3B_prokka|PROKKA_02083
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02099
Name: ER04165_3B_prokka|PROKKA_02099
Description: ER04165_3B_prokka|PROKKA_02099
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02117
Name: ER04165_3B_prokka|PROKKA_02117
Description: ER04165_3B_prokka|PROKKA_02117
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02143
Name: ER04165_3B_prokka|PROKKA_02143
Description: ER04165_3B_prokka|PROKKA_02143
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02145
Name: ER04165_3B_prokka|PROKKA_02145
Description: ER04165_3B_prokka|PROKKA_02145
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02197
Name: ER04165_3B_prokka|PROKKA_02197
Description: ER04165_3B_prokka|PROKKA_02197
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02305
Name: ER04165_3B_prokka|PROKKA_02305
Description: ER04165_3B_prokka|PROKKA_02305
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02324
Name: ER04165_3B_prokka|PROKKA_02324
Description: ER04165_3B_prokka|PROKKA_02324
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02337
Name: ER04165_3B_prokka|PROKKA_02337
Description: ER04165_3B_prokka|PROKKA_02337
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02369
Name: ER04165_3B_prokka|PROKKA_02369
Description: ER04165_3B_prokka|PROKKA_02369
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02514
Name: ER04165_3B_prokka|PROKKA_02514
Description: ER04165_3B_prokka|PROKKA_02514
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02523
Name: ER04165_3B_prokka|PROKKA_02523
Description: ER04165_3B_prokka|PROKKA_02523
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02587
Name: ER04165_3B_prokka|PROKKA_02587
Description: ER04165_3B_prokka|PROKKA_02587
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02695
Name: ER04165_3B_prokka|PROKKA_02695
Description: ER04165_3B_prokka|PROKKA_02695
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02733
Name: ER04165_3B_prokka|PROKKA_02733
Description: ER04165_3B_prokka|PROKKA_02733
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02817
Name: ER04165_3B_prokka|PROKKA_02817
Description: ER04165_3B_prokka|PROKKA_02817
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04165_3B_prokka|PROKKA_02839
Name: ER04165_3B_prokka|PROKKA_02839
Description: ER04165_3B_prokka|PROKKA_02839
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILRDVV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00004
Name: ER04166_3B_prokka|PROKKA_00004
Description: ER04166_3B_prokka|PROKKA_00004
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00018
Name: ER04166_3B_prokka|PROKKA_00018
Description: ER04166_3B_prokka|PROKKA_00018
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00022
Name: ER04166_3B_prokka|PROKKA_00022
Description: ER04166_3B_prokka|PROKKA_00022
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00044
Name: ER04166_3B_prokka|PROKKA_00044
Description: ER04166_3B_prokka|PROKKA_00044
Number of features: 0
Seq('MDKQTLIDLIDMMIGLSDSERQALLNMDNRKVEFRYKMALTEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00047
Name: ER04166_3B_prokka|PROKKA_00047
Description: ER04166_3B_prokka|PROKKA_00047
Number of features: 0
Seq('MTGLFLILCLLIFLTGLTLAISIWTEKHRYIYLAILLILSILLIIYVFM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00049
Name: ER04166_3B_prokka|PROKKA_00049
Description: ER04166_3B_prokka|PROKKA_00049
Number of features: 0
Seq('MLIFCFRLGGTVCPPALHLQTYDGETLLRELGL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00081
Name: ER04166_3B_prokka|PROKKA_00081
Description: ER04166_3B_prokka|PROKKA_00081
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00090
Name: ER04166_3B_prokka|PROKKA_00090
Description: ER04166_3B_prokka|PROKKA_00090
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00103
Name: ER04166_3B_prokka|PROKKA_00103
Description: ER04166_3B_prokka|PROKKA_00103
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00106
Name: ER04166_3B_prokka|PROKKA_00106
Description: ER04166_3B_prokka|PROKKA_00106
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00272
Name: ER04166_3B_prokka|PROKKA_00272
Description: ER04166_3B_prokka|PROKKA_00272
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00396
Name: ER04166_3B_prokka|PROKKA_00396
Description: ER04166_3B_prokka|PROKKA_00396
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00414
Name: ER04166_3B_prokka|PROKKA_00414
Description: ER04166_3B_prokka|PROKKA_00414
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00475
Name: ER04166_3B_prokka|PROKKA_00475
Description: ER04166_3B_prokka|PROKKA_00475
Number of features: 0
Seq('MYISRLVKPIGIKVTRLAQGLSVGGDLEYADEVTLSKAIAGRTEM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00582
Name: ER04166_3B_prokka|PROKKA_00582
Description: ER04166_3B_prokka|PROKKA_00582
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00834
Name: ER04166_3B_prokka|PROKKA_00834
Description: ER04166_3B_prokka|PROKKA_00834
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00861
Name: ER04166_3B_prokka|PROKKA_00861
Description: ER04166_3B_prokka|PROKKA_00861
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_00969
Name: ER04166_3B_prokka|PROKKA_00969
Description: ER04166_3B_prokka|PROKKA_00969
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01009
Name: ER04166_3B_prokka|PROKKA_01009
Description: ER04166_3B_prokka|PROKKA_01009
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01090
Name: ER04166_3B_prokka|PROKKA_01090
Description: ER04166_3B_prokka|PROKKA_01090
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01102
Name: ER04166_3B_prokka|PROKKA_01102
Description: ER04166_3B_prokka|PROKKA_01102
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01103
Name: ER04166_3B_prokka|PROKKA_01103
Description: ER04166_3B_prokka|PROKKA_01103
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01238
Name: ER04166_3B_prokka|PROKKA_01238
Description: ER04166_3B_prokka|PROKKA_01238
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01242
Name: ER04166_3B_prokka|PROKKA_01242
Description: ER04166_3B_prokka|PROKKA_01242
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01266
Name: ER04166_3B_prokka|PROKKA_01266
Description: ER04166_3B_prokka|PROKKA_01266
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01360
Name: ER04166_3B_prokka|PROKKA_01360
Description: ER04166_3B_prokka|PROKKA_01360
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01372
Name: ER04166_3B_prokka|PROKKA_01372
Description: ER04166_3B_prokka|PROKKA_01372
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01439
Name: ER04166_3B_prokka|PROKKA_01439
Description: ER04166_3B_prokka|PROKKA_01439
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01442
Name: ER04166_3B_prokka|PROKKA_01442
Description: ER04166_3B_prokka|PROKKA_01442
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01478
Name: ER04166_3B_prokka|PROKKA_01478
Description: ER04166_3B_prokka|PROKKA_01478
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01551
Name: ER04166_3B_prokka|PROKKA_01551
Description: ER04166_3B_prokka|PROKKA_01551
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01714
Name: ER04166_3B_prokka|PROKKA_01714
Description: ER04166_3B_prokka|PROKKA_01714
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01729
Name: ER04166_3B_prokka|PROKKA_01729
Description: ER04166_3B_prokka|PROKKA_01729
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01771
Name: ER04166_3B_prokka|PROKKA_01771
Description: ER04166_3B_prokka|PROKKA_01771
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01824
Name: ER04166_3B_prokka|PROKKA_01824
Description: ER04166_3B_prokka|PROKKA_01824
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01912
Name: ER04166_3B_prokka|PROKKA_01912
Description: ER04166_3B_prokka|PROKKA_01912
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01923
Name: ER04166_3B_prokka|PROKKA_01923
Description: ER04166_3B_prokka|PROKKA_01923
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01925
Name: ER04166_3B_prokka|PROKKA_01925
Description: ER04166_3B_prokka|PROKKA_01925
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_01975
Name: ER04166_3B_prokka|PROKKA_01975
Description: ER04166_3B_prokka|PROKKA_01975
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02102
Name: ER04166_3B_prokka|PROKKA_02102
Description: ER04166_3B_prokka|PROKKA_02102
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02115
Name: ER04166_3B_prokka|PROKKA_02115
Description: ER04166_3B_prokka|PROKKA_02115
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02146
Name: ER04166_3B_prokka|PROKKA_02146
Description: ER04166_3B_prokka|PROKKA_02146
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02300
Name: ER04166_3B_prokka|PROKKA_02300
Description: ER04166_3B_prokka|PROKKA_02300
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02345
Name: ER04166_3B_prokka|PROKKA_02345
Description: ER04166_3B_prokka|PROKKA_02345
Number of features: 0
Seq('MAIHGSGTEMIFSKNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02365
Name: ER04166_3B_prokka|PROKKA_02365
Description: ER04166_3B_prokka|PROKKA_02365
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02412
Name: ER04166_3B_prokka|PROKKA_02412
Description: ER04166_3B_prokka|PROKKA_02412
Number of features: 0
Seq('MKLNNYSLKVKNKQLVDNCDLNFYLGQINHIVGKNGVG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02489
Name: ER04166_3B_prokka|PROKKA_02489
Description: ER04166_3B_prokka|PROKKA_02489
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02502
Name: ER04166_3B_prokka|PROKKA_02502
Description: ER04166_3B_prokka|PROKKA_02502
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02504
Name: ER04166_3B_prokka|PROKKA_02504
Description: ER04166_3B_prokka|PROKKA_02504
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02507
Name: ER04166_3B_prokka|PROKKA_02507
Description: ER04166_3B_prokka|PROKKA_02507
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02514
Name: ER04166_3B_prokka|PROKKA_02514
Description: ER04166_3B_prokka|PROKKA_02514
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02552
Name: ER04166_3B_prokka|PROKKA_02552
Description: ER04166_3B_prokka|PROKKA_02552
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02631
Name: ER04166_3B_prokka|PROKKA_02631
Description: ER04166_3B_prokka|PROKKA_02631
Number of features: 0
Seq('MIFSQNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEHRTLIYVPA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04166_3B_prokka|PROKKA_02637
Name: ER04166_3B_prokka|PROKKA_02637
Description: ER04166_3B_prokka|PROKKA_02637
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00031
Name: ER04174_3A_prokka|PROKKA_00031
Description: ER04174_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00040
Name: ER04174_3A_prokka|PROKKA_00040
Description: ER04174_3A_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00128
Name: ER04174_3A_prokka|PROKKA_00128
Description: ER04174_3A_prokka|PROKKA_00128
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00229
Name: ER04174_3A_prokka|PROKKA_00229
Description: ER04174_3A_prokka|PROKKA_00229
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00281
Name: ER04174_3A_prokka|PROKKA_00281
Description: ER04174_3A_prokka|PROKKA_00281
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00378
Name: ER04174_3A_prokka|PROKKA_00378
Description: ER04174_3A_prokka|PROKKA_00378
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00415
Name: ER04174_3A_prokka|PROKKA_00415
Description: ER04174_3A_prokka|PROKKA_00415
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00545
Name: ER04174_3A_prokka|PROKKA_00545
Description: ER04174_3A_prokka|PROKKA_00545
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00581
Name: ER04174_3A_prokka|PROKKA_00581
Description: ER04174_3A_prokka|PROKKA_00581
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00782
Name: ER04174_3A_prokka|PROKKA_00782
Description: ER04174_3A_prokka|PROKKA_00782
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00797
Name: ER04174_3A_prokka|PROKKA_00797
Description: ER04174_3A_prokka|PROKKA_00797
Number of features: 0
Seq('MKMYLAYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00813
Name: ER04174_3A_prokka|PROKKA_00813
Description: ER04174_3A_prokka|PROKKA_00813
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00814
Name: ER04174_3A_prokka|PROKKA_00814
Description: ER04174_3A_prokka|PROKKA_00814
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIGRKTHFYCLDKKNGCR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00835
Name: ER04174_3A_prokka|PROKKA_00835
Description: ER04174_3A_prokka|PROKKA_00835
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00943
Name: ER04174_3A_prokka|PROKKA_00943
Description: ER04174_3A_prokka|PROKKA_00943
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_00982
Name: ER04174_3A_prokka|PROKKA_00982
Description: ER04174_3A_prokka|PROKKA_00982
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01036
Name: ER04174_3A_prokka|PROKKA_01036
Description: ER04174_3A_prokka|PROKKA_01036
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01042
Name: ER04174_3A_prokka|PROKKA_01042
Description: ER04174_3A_prokka|PROKKA_01042
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01043
Name: ER04174_3A_prokka|PROKKA_01043
Description: ER04174_3A_prokka|PROKKA_01043
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYGE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01061
Name: ER04174_3A_prokka|PROKKA_01061
Description: ER04174_3A_prokka|PROKKA_01061
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01087
Name: ER04174_3A_prokka|PROKKA_01087
Description: ER04174_3A_prokka|PROKKA_01087
Number of features: 0
Seq('MGLPNPKTRKPTASEVVEWAKSNIGKRINIDGYRGA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01128
Name: ER04174_3A_prokka|PROKKA_01128
Description: ER04174_3A_prokka|PROKKA_01128
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01140
Name: ER04174_3A_prokka|PROKKA_01140
Description: ER04174_3A_prokka|PROKKA_01140
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01141
Name: ER04174_3A_prokka|PROKKA_01141
Description: ER04174_3A_prokka|PROKKA_01141
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01276
Name: ER04174_3A_prokka|PROKKA_01276
Description: ER04174_3A_prokka|PROKKA_01276
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01280
Name: ER04174_3A_prokka|PROKKA_01280
Description: ER04174_3A_prokka|PROKKA_01280
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01284
Name: ER04174_3A_prokka|PROKKA_01284
Description: ER04174_3A_prokka|PROKKA_01284
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01286
Name: ER04174_3A_prokka|PROKKA_01286
Description: ER04174_3A_prokka|PROKKA_01286
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01310
Name: ER04174_3A_prokka|PROKKA_01310
Description: ER04174_3A_prokka|PROKKA_01310
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01405
Name: ER04174_3A_prokka|PROKKA_01405
Description: ER04174_3A_prokka|PROKKA_01405
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01417
Name: ER04174_3A_prokka|PROKKA_01417
Description: ER04174_3A_prokka|PROKKA_01417
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01464
Name: ER04174_3A_prokka|PROKKA_01464
Description: ER04174_3A_prokka|PROKKA_01464
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01472
Name: ER04174_3A_prokka|PROKKA_01472
Description: ER04174_3A_prokka|PROKKA_01472
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01493
Name: ER04174_3A_prokka|PROKKA_01493
Description: ER04174_3A_prokka|PROKKA_01493
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01513
Name: ER04174_3A_prokka|PROKKA_01513
Description: ER04174_3A_prokka|PROKKA_01513
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01523
Name: ER04174_3A_prokka|PROKKA_01523
Description: ER04174_3A_prokka|PROKKA_01523
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01549
Name: ER04174_3A_prokka|PROKKA_01549
Description: ER04174_3A_prokka|PROKKA_01549
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01586
Name: ER04174_3A_prokka|PROKKA_01586
Description: ER04174_3A_prokka|PROKKA_01586
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01657
Name: ER04174_3A_prokka|PROKKA_01657
Description: ER04174_3A_prokka|PROKKA_01657
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01829
Name: ER04174_3A_prokka|PROKKA_01829
Description: ER04174_3A_prokka|PROKKA_01829
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01848
Name: ER04174_3A_prokka|PROKKA_01848
Description: ER04174_3A_prokka|PROKKA_01848
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01883
Name: ER04174_3A_prokka|PROKKA_01883
Description: ER04174_3A_prokka|PROKKA_01883
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_01934
Name: ER04174_3A_prokka|PROKKA_01934
Description: ER04174_3A_prokka|PROKKA_01934
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02004
Name: ER04174_3A_prokka|PROKKA_02004
Description: ER04174_3A_prokka|PROKKA_02004
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02008
Name: ER04174_3A_prokka|PROKKA_02008
Description: ER04174_3A_prokka|PROKKA_02008
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02024
Name: ER04174_3A_prokka|PROKKA_02024
Description: ER04174_3A_prokka|PROKKA_02024
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02046
Name: ER04174_3A_prokka|PROKKA_02046
Description: ER04174_3A_prokka|PROKKA_02046
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02057
Name: ER04174_3A_prokka|PROKKA_02057
Description: ER04174_3A_prokka|PROKKA_02057
Number of features: 0
Seq('MKITNCKIKRETVIYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKLDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02076
Name: ER04174_3A_prokka|PROKKA_02076
Description: ER04174_3A_prokka|PROKKA_02076
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02078
Name: ER04174_3A_prokka|PROKKA_02078
Description: ER04174_3A_prokka|PROKKA_02078
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02127
Name: ER04174_3A_prokka|PROKKA_02127
Description: ER04174_3A_prokka|PROKKA_02127
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02246
Name: ER04174_3A_prokka|PROKKA_02246
Description: ER04174_3A_prokka|PROKKA_02246
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02270
Name: ER04174_3A_prokka|PROKKA_02270
Description: ER04174_3A_prokka|PROKKA_02270
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02301
Name: ER04174_3A_prokka|PROKKA_02301
Description: ER04174_3A_prokka|PROKKA_02301
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02456
Name: ER04174_3A_prokka|PROKKA_02456
Description: ER04174_3A_prokka|PROKKA_02456
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02662
Name: ER04174_3A_prokka|PROKKA_02662
Description: ER04174_3A_prokka|PROKKA_02662
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04174_3A_prokka|PROKKA_02749
Name: ER04174_3A_prokka|PROKKA_02749
Description: ER04174_3A_prokka|PROKKA_02749
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00008
Name: ER04181_3A_prokka|PROKKA_00008
Description: ER04181_3A_prokka|PROKKA_00008
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00018
Name: ER04181_3A_prokka|PROKKA_00018
Description: ER04181_3A_prokka|PROKKA_00018
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00022
Name: ER04181_3A_prokka|PROKKA_00022
Description: ER04181_3A_prokka|PROKKA_00022
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00083
Name: ER04181_3A_prokka|PROKKA_00083
Description: ER04181_3A_prokka|PROKKA_00083
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00101
Name: ER04181_3A_prokka|PROKKA_00101
Description: ER04181_3A_prokka|PROKKA_00101
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00267
Name: ER04181_3A_prokka|PROKKA_00267
Description: ER04181_3A_prokka|PROKKA_00267
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00391
Name: ER04181_3A_prokka|PROKKA_00391
Description: ER04181_3A_prokka|PROKKA_00391
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00408
Name: ER04181_3A_prokka|PROKKA_00408
Description: ER04181_3A_prokka|PROKKA_00408
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00575
Name: ER04181_3A_prokka|PROKKA_00575
Description: ER04181_3A_prokka|PROKKA_00575
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00804
Name: ER04181_3A_prokka|PROKKA_00804
Description: ER04181_3A_prokka|PROKKA_00804
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00831
Name: ER04181_3A_prokka|PROKKA_00831
Description: ER04181_3A_prokka|PROKKA_00831
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00937
Name: ER04181_3A_prokka|PROKKA_00937
Description: ER04181_3A_prokka|PROKKA_00937
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00976
Name: ER04181_3A_prokka|PROKKA_00976
Description: ER04181_3A_prokka|PROKKA_00976
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_00977
Name: ER04181_3A_prokka|PROKKA_00977
Description: ER04181_3A_prokka|PROKKA_00977
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01034
Name: ER04181_3A_prokka|PROKKA_01034
Description: ER04181_3A_prokka|PROKKA_01034
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01035
Name: ER04181_3A_prokka|PROKKA_01035
Description: ER04181_3A_prokka|PROKKA_01035
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01058
Name: ER04181_3A_prokka|PROKKA_01058
Description: ER04181_3A_prokka|PROKKA_01058
Number of features: 0
Seq('MMWLVIAIILLVILLFGMMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01088
Name: ER04181_3A_prokka|PROKKA_01088
Description: ER04181_3A_prokka|PROKKA_01088
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01089
Name: ER04181_3A_prokka|PROKKA_01089
Description: ER04181_3A_prokka|PROKKA_01089
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01124
Name: ER04181_3A_prokka|PROKKA_01124
Description: ER04181_3A_prokka|PROKKA_01124
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01136
Name: ER04181_3A_prokka|PROKKA_01136
Description: ER04181_3A_prokka|PROKKA_01136
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01137
Name: ER04181_3A_prokka|PROKKA_01137
Description: ER04181_3A_prokka|PROKKA_01137
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01206
Name: ER04181_3A_prokka|PROKKA_01206
Description: ER04181_3A_prokka|PROKKA_01206
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01209
Name: ER04181_3A_prokka|PROKKA_01209
Description: ER04181_3A_prokka|PROKKA_01209
Number of features: 0
Seq('MSEEMATYWFNKMYELGIIHEVLRQEGVIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01210
Name: ER04181_3A_prokka|PROKKA_01210
Description: ER04181_3A_prokka|PROKKA_01210
Number of features: 0
Seq('MSKTYKSYLIAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01221
Name: ER04181_3A_prokka|PROKKA_01221
Description: ER04181_3A_prokka|PROKKA_01221
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01245
Name: ER04181_3A_prokka|PROKKA_01245
Description: ER04181_3A_prokka|PROKKA_01245
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01266
Name: ER04181_3A_prokka|PROKKA_01266
Description: ER04181_3A_prokka|PROKKA_01266
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01267
Name: ER04181_3A_prokka|PROKKA_01267
Description: ER04181_3A_prokka|PROKKA_01267
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIVRKTHFYYLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01342
Name: ER04181_3A_prokka|PROKKA_01342
Description: ER04181_3A_prokka|PROKKA_01342
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01346
Name: ER04181_3A_prokka|PROKKA_01346
Description: ER04181_3A_prokka|PROKKA_01346
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01370
Name: ER04181_3A_prokka|PROKKA_01370
Description: ER04181_3A_prokka|PROKKA_01370
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01474
Name: ER04181_3A_prokka|PROKKA_01474
Description: ER04181_3A_prokka|PROKKA_01474
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01521
Name: ER04181_3A_prokka|PROKKA_01521
Description: ER04181_3A_prokka|PROKKA_01521
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01529
Name: ER04181_3A_prokka|PROKKA_01529
Description: ER04181_3A_prokka|PROKKA_01529
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01548
Name: ER04181_3A_prokka|PROKKA_01548
Description: ER04181_3A_prokka|PROKKA_01548
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01563
Name: ER04181_3A_prokka|PROKKA_01563
Description: ER04181_3A_prokka|PROKKA_01563
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01571
Name: ER04181_3A_prokka|PROKKA_01571
Description: ER04181_3A_prokka|PROKKA_01571
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01576
Name: ER04181_3A_prokka|PROKKA_01576
Description: ER04181_3A_prokka|PROKKA_01576
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01603
Name: ER04181_3A_prokka|PROKKA_01603
Description: ER04181_3A_prokka|PROKKA_01603
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01606
Name: ER04181_3A_prokka|PROKKA_01606
Description: ER04181_3A_prokka|PROKKA_01606
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01641
Name: ER04181_3A_prokka|PROKKA_01641
Description: ER04181_3A_prokka|PROKKA_01641
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01714
Name: ER04181_3A_prokka|PROKKA_01714
Description: ER04181_3A_prokka|PROKKA_01714
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01883
Name: ER04181_3A_prokka|PROKKA_01883
Description: ER04181_3A_prokka|PROKKA_01883
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01897
Name: ER04181_3A_prokka|PROKKA_01897
Description: ER04181_3A_prokka|PROKKA_01897
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01939
Name: ER04181_3A_prokka|PROKKA_01939
Description: ER04181_3A_prokka|PROKKA_01939
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_01991
Name: ER04181_3A_prokka|PROKKA_01991
Description: ER04181_3A_prokka|PROKKA_01991
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02064
Name: ER04181_3A_prokka|PROKKA_02064
Description: ER04181_3A_prokka|PROKKA_02064
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02068
Name: ER04181_3A_prokka|PROKKA_02068
Description: ER04181_3A_prokka|PROKKA_02068
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02084
Name: ER04181_3A_prokka|PROKKA_02084
Description: ER04181_3A_prokka|PROKKA_02084
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02102
Name: ER04181_3A_prokka|PROKKA_02102
Description: ER04181_3A_prokka|PROKKA_02102
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02108
Name: ER04181_3A_prokka|PROKKA_02108
Description: ER04181_3A_prokka|PROKKA_02108
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02113
Name: ER04181_3A_prokka|PROKKA_02113
Description: ER04181_3A_prokka|PROKKA_02113
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02129
Name: ER04181_3A_prokka|PROKKA_02129
Description: ER04181_3A_prokka|PROKKA_02129
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02131
Name: ER04181_3A_prokka|PROKKA_02131
Description: ER04181_3A_prokka|PROKKA_02131
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02181
Name: ER04181_3A_prokka|PROKKA_02181
Description: ER04181_3A_prokka|PROKKA_02181
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02306
Name: ER04181_3A_prokka|PROKKA_02306
Description: ER04181_3A_prokka|PROKKA_02306
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02319
Name: ER04181_3A_prokka|PROKKA_02319
Description: ER04181_3A_prokka|PROKKA_02319
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02350
Name: ER04181_3A_prokka|PROKKA_02350
Description: ER04181_3A_prokka|PROKKA_02350
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02495
Name: ER04181_3A_prokka|PROKKA_02495
Description: ER04181_3A_prokka|PROKKA_02495
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02504
Name: ER04181_3A_prokka|PROKKA_02504
Description: ER04181_3A_prokka|PROKKA_02504
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02568
Name: ER04181_3A_prokka|PROKKA_02568
Description: ER04181_3A_prokka|PROKKA_02568
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02677
Name: ER04181_3A_prokka|PROKKA_02677
Description: ER04181_3A_prokka|PROKKA_02677
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02715
Name: ER04181_3A_prokka|PROKKA_02715
Description: ER04181_3A_prokka|PROKKA_02715
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04181_3A_prokka|PROKKA_02799
Name: ER04181_3A_prokka|PROKKA_02799
Description: ER04181_3A_prokka|PROKKA_02799
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00029
Name: ER04219_3B_prokka|PROKKA_00029
Description: ER04219_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00038
Name: ER04219_3B_prokka|PROKKA_00038
Description: ER04219_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00118
Name: ER04219_3B_prokka|PROKKA_00118
Description: ER04219_3B_prokka|PROKKA_00118
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00216
Name: ER04219_3B_prokka|PROKKA_00216
Description: ER04219_3B_prokka|PROKKA_00216
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00268
Name: ER04219_3B_prokka|PROKKA_00268
Description: ER04219_3B_prokka|PROKKA_00268
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00300
Name: ER04219_3B_prokka|PROKKA_00300
Description: ER04219_3B_prokka|PROKKA_00300
Number of features: 0
Seq('MQSSKWNAMSLLMDDKTKQAEVLRTAIDEADAISDWNWCRHVCI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00367
Name: ER04219_3B_prokka|PROKKA_00367
Description: ER04219_3B_prokka|PROKKA_00367
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00405
Name: ER04219_3B_prokka|PROKKA_00405
Description: ER04219_3B_prokka|PROKKA_00405
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00535
Name: ER04219_3B_prokka|PROKKA_00535
Description: ER04219_3B_prokka|PROKKA_00535
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00571
Name: ER04219_3B_prokka|PROKKA_00571
Description: ER04219_3B_prokka|PROKKA_00571
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00790
Name: ER04219_3B_prokka|PROKKA_00790
Description: ER04219_3B_prokka|PROKKA_00790
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00834
Name: ER04219_3B_prokka|PROKKA_00834
Description: ER04219_3B_prokka|PROKKA_00834
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00942
Name: ER04219_3B_prokka|PROKKA_00942
Description: ER04219_3B_prokka|PROKKA_00942
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_00981
Name: ER04219_3B_prokka|PROKKA_00981
Description: ER04219_3B_prokka|PROKKA_00981
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01035
Name: ER04219_3B_prokka|PROKKA_01035
Description: ER04219_3B_prokka|PROKKA_01035
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01041
Name: ER04219_3B_prokka|PROKKA_01041
Description: ER04219_3B_prokka|PROKKA_01041
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01047
Name: ER04219_3B_prokka|PROKKA_01047
Description: ER04219_3B_prokka|PROKKA_01047
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRNAMHAVKVEKILKSPFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01051
Name: ER04219_3B_prokka|PROKKA_01051
Description: ER04219_3B_prokka|PROKKA_01051
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01065
Name: ER04219_3B_prokka|PROKKA_01065
Description: ER04219_3B_prokka|PROKKA_01065
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGEVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01129
Name: ER04219_3B_prokka|PROKKA_01129
Description: ER04219_3B_prokka|PROKKA_01129
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01142
Name: ER04219_3B_prokka|PROKKA_01142
Description: ER04219_3B_prokka|PROKKA_01142
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01143
Name: ER04219_3B_prokka|PROKKA_01143
Description: ER04219_3B_prokka|PROKKA_01143
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01278
Name: ER04219_3B_prokka|PROKKA_01278
Description: ER04219_3B_prokka|PROKKA_01278
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01282
Name: ER04219_3B_prokka|PROKKA_01282
Description: ER04219_3B_prokka|PROKKA_01282
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01286
Name: ER04219_3B_prokka|PROKKA_01286
Description: ER04219_3B_prokka|PROKKA_01286
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01288
Name: ER04219_3B_prokka|PROKKA_01288
Description: ER04219_3B_prokka|PROKKA_01288
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01312
Name: ER04219_3B_prokka|PROKKA_01312
Description: ER04219_3B_prokka|PROKKA_01312
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01408
Name: ER04219_3B_prokka|PROKKA_01408
Description: ER04219_3B_prokka|PROKKA_01408
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01420
Name: ER04219_3B_prokka|PROKKA_01420
Description: ER04219_3B_prokka|PROKKA_01420
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01469
Name: ER04219_3B_prokka|PROKKA_01469
Description: ER04219_3B_prokka|PROKKA_01469
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01478
Name: ER04219_3B_prokka|PROKKA_01478
Description: ER04219_3B_prokka|PROKKA_01478
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01498
Name: ER04219_3B_prokka|PROKKA_01498
Description: ER04219_3B_prokka|PROKKA_01498
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01526
Name: ER04219_3B_prokka|PROKKA_01526
Description: ER04219_3B_prokka|PROKKA_01526
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01553
Name: ER04219_3B_prokka|PROKKA_01553
Description: ER04219_3B_prokka|PROKKA_01553
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01590
Name: ER04219_3B_prokka|PROKKA_01590
Description: ER04219_3B_prokka|PROKKA_01590
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01661
Name: ER04219_3B_prokka|PROKKA_01661
Description: ER04219_3B_prokka|PROKKA_01661
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01826
Name: ER04219_3B_prokka|PROKKA_01826
Description: ER04219_3B_prokka|PROKKA_01826
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01833
Name: ER04219_3B_prokka|PROKKA_01833
Description: ER04219_3B_prokka|PROKKA_01833
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01853
Name: ER04219_3B_prokka|PROKKA_01853
Description: ER04219_3B_prokka|PROKKA_01853
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01888
Name: ER04219_3B_prokka|PROKKA_01888
Description: ER04219_3B_prokka|PROKKA_01888
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_01940
Name: ER04219_3B_prokka|PROKKA_01940
Description: ER04219_3B_prokka|PROKKA_01940
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02012
Name: ER04219_3B_prokka|PROKKA_02012
Description: ER04219_3B_prokka|PROKKA_02012
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02016
Name: ER04219_3B_prokka|PROKKA_02016
Description: ER04219_3B_prokka|PROKKA_02016
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02032
Name: ER04219_3B_prokka|PROKKA_02032
Description: ER04219_3B_prokka|PROKKA_02032
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02052
Name: ER04219_3B_prokka|PROKKA_02052
Description: ER04219_3B_prokka|PROKKA_02052
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02097
Name: ER04219_3B_prokka|PROKKA_02097
Description: ER04219_3B_prokka|PROKKA_02097
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02099
Name: ER04219_3B_prokka|PROKKA_02099
Description: ER04219_3B_prokka|PROKKA_02099
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02149
Name: ER04219_3B_prokka|PROKKA_02149
Description: ER04219_3B_prokka|PROKKA_02149
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02269
Name: ER04219_3B_prokka|PROKKA_02269
Description: ER04219_3B_prokka|PROKKA_02269
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02293
Name: ER04219_3B_prokka|PROKKA_02293
Description: ER04219_3B_prokka|PROKKA_02293
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02324
Name: ER04219_3B_prokka|PROKKA_02324
Description: ER04219_3B_prokka|PROKKA_02324
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02480
Name: ER04219_3B_prokka|PROKKA_02480
Description: ER04219_3B_prokka|PROKKA_02480
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02691
Name: ER04219_3B_prokka|PROKKA_02691
Description: ER04219_3B_prokka|PROKKA_02691
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02778
Name: ER04219_3B_prokka|PROKKA_02778
Description: ER04219_3B_prokka|PROKKA_02778
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04219_3B_prokka|PROKKA_02796
Name: ER04219_3B_prokka|PROKKA_02796
Description: ER04219_3B_prokka|PROKKA_02796
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00009
Name: ER04225_3B_prokka|PROKKA_00009
Description: ER04225_3B_prokka|PROKKA_00009
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00013
Name: ER04225_3B_prokka|PROKKA_00013
Description: ER04225_3B_prokka|PROKKA_00013
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00027
Name: ER04225_3B_prokka|PROKKA_00027
Description: ER04225_3B_prokka|PROKKA_00027
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00085
Name: ER04225_3B_prokka|PROKKA_00085
Description: ER04225_3B_prokka|PROKKA_00085
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00104
Name: ER04225_3B_prokka|PROKKA_00104
Description: ER04225_3B_prokka|PROKKA_00104
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00273
Name: ER04225_3B_prokka|PROKKA_00273
Description: ER04225_3B_prokka|PROKKA_00273
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00401
Name: ER04225_3B_prokka|PROKKA_00401
Description: ER04225_3B_prokka|PROKKA_00401
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00418
Name: ER04225_3B_prokka|PROKKA_00418
Description: ER04225_3B_prokka|PROKKA_00418
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00587
Name: ER04225_3B_prokka|PROKKA_00587
Description: ER04225_3B_prokka|PROKKA_00587
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00705
Name: ER04225_3B_prokka|PROKKA_00705
Description: ER04225_3B_prokka|PROKKA_00705
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00819
Name: ER04225_3B_prokka|PROKKA_00819
Description: ER04225_3B_prokka|PROKKA_00819
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00850
Name: ER04225_3B_prokka|PROKKA_00850
Description: ER04225_3B_prokka|PROKKA_00850
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00854
Name: ER04225_3B_prokka|PROKKA_00854
Description: ER04225_3B_prokka|PROKKA_00854
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00870
Name: ER04225_3B_prokka|PROKKA_00870
Description: ER04225_3B_prokka|PROKKA_00870
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00902
Name: ER04225_3B_prokka|PROKKA_00902
Description: ER04225_3B_prokka|PROKKA_00902
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00903
Name: ER04225_3B_prokka|PROKKA_00903
Description: ER04225_3B_prokka|PROKKA_00903
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_00919
Name: ER04225_3B_prokka|PROKKA_00919
Description: ER04225_3B_prokka|PROKKA_00919
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01024
Name: ER04225_3B_prokka|PROKKA_01024
Description: ER04225_3B_prokka|PROKKA_01024
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01064
Name: ER04225_3B_prokka|PROKKA_01064
Description: ER04225_3B_prokka|PROKKA_01064
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01122
Name: ER04225_3B_prokka|PROKKA_01122
Description: ER04225_3B_prokka|PROKKA_01122
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01123
Name: ER04225_3B_prokka|PROKKA_01123
Description: ER04225_3B_prokka|PROKKA_01123
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01133
Name: ER04225_3B_prokka|PROKKA_01133
Description: ER04225_3B_prokka|PROKKA_01133
Number of features: 0
Seq('MPKEKYYLYREDGTEDIKVIKYKDNVNEVYSLTGAHFSDEKKIMTDIVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01156
Name: ER04225_3B_prokka|PROKKA_01156
Description: ER04225_3B_prokka|PROKKA_01156
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01213
Name: ER04225_3B_prokka|PROKKA_01213
Description: ER04225_3B_prokka|PROKKA_01213
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01225
Name: ER04225_3B_prokka|PROKKA_01225
Description: ER04225_3B_prokka|PROKKA_01225
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01226
Name: ER04225_3B_prokka|PROKKA_01226
Description: ER04225_3B_prokka|PROKKA_01226
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01363
Name: ER04225_3B_prokka|PROKKA_01363
Description: ER04225_3B_prokka|PROKKA_01363
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01367
Name: ER04225_3B_prokka|PROKKA_01367
Description: ER04225_3B_prokka|PROKKA_01367
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01391
Name: ER04225_3B_prokka|PROKKA_01391
Description: ER04225_3B_prokka|PROKKA_01391
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01495
Name: ER04225_3B_prokka|PROKKA_01495
Description: ER04225_3B_prokka|PROKKA_01495
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01542
Name: ER04225_3B_prokka|PROKKA_01542
Description: ER04225_3B_prokka|PROKKA_01542
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01550
Name: ER04225_3B_prokka|PROKKA_01550
Description: ER04225_3B_prokka|PROKKA_01550
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01569
Name: ER04225_3B_prokka|PROKKA_01569
Description: ER04225_3B_prokka|PROKKA_01569
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEEPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01580
Name: ER04225_3B_prokka|PROKKA_01580
Description: ER04225_3B_prokka|PROKKA_01580
Number of features: 0
Seq('MKIKIEKEMNLPELIQWAWDNPSYQVIKDSIQMMLSATVL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01590
Name: ER04225_3B_prokka|PROKKA_01590
Description: ER04225_3B_prokka|PROKKA_01590
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01598
Name: ER04225_3B_prokka|PROKKA_01598
Description: ER04225_3B_prokka|PROKKA_01598
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01603
Name: ER04225_3B_prokka|PROKKA_01603
Description: ER04225_3B_prokka|PROKKA_01603
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASQKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01630
Name: ER04225_3B_prokka|PROKKA_01630
Description: ER04225_3B_prokka|PROKKA_01630
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01633
Name: ER04225_3B_prokka|PROKKA_01633
Description: ER04225_3B_prokka|PROKKA_01633
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01668
Name: ER04225_3B_prokka|PROKKA_01668
Description: ER04225_3B_prokka|PROKKA_01668
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01739
Name: ER04225_3B_prokka|PROKKA_01739
Description: ER04225_3B_prokka|PROKKA_01739
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01909
Name: ER04225_3B_prokka|PROKKA_01909
Description: ER04225_3B_prokka|PROKKA_01909
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01924
Name: ER04225_3B_prokka|PROKKA_01924
Description: ER04225_3B_prokka|PROKKA_01924
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_01966
Name: ER04225_3B_prokka|PROKKA_01966
Description: ER04225_3B_prokka|PROKKA_01966
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02018
Name: ER04225_3B_prokka|PROKKA_02018
Description: ER04225_3B_prokka|PROKKA_02018
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02092
Name: ER04225_3B_prokka|PROKKA_02092
Description: ER04225_3B_prokka|PROKKA_02092
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02096
Name: ER04225_3B_prokka|PROKKA_02096
Description: ER04225_3B_prokka|PROKKA_02096
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02112
Name: ER04225_3B_prokka|PROKKA_02112
Description: ER04225_3B_prokka|PROKKA_02112
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02130
Name: ER04225_3B_prokka|PROKKA_02130
Description: ER04225_3B_prokka|PROKKA_02130
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02156
Name: ER04225_3B_prokka|PROKKA_02156
Description: ER04225_3B_prokka|PROKKA_02156
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02158
Name: ER04225_3B_prokka|PROKKA_02158
Description: ER04225_3B_prokka|PROKKA_02158
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02208
Name: ER04225_3B_prokka|PROKKA_02208
Description: ER04225_3B_prokka|PROKKA_02208
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02330
Name: ER04225_3B_prokka|PROKKA_02330
Description: ER04225_3B_prokka|PROKKA_02330
Number of features: 0
Seq('MSIYGKISFIKMIDFKKGVSLQKKFNEVLGNIESSNMYRDNIDFDDIELHWIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02334
Name: ER04225_3B_prokka|PROKKA_02334
Description: ER04225_3B_prokka|PROKKA_02334
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02348
Name: ER04225_3B_prokka|PROKKA_02348
Description: ER04225_3B_prokka|PROKKA_02348
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02379
Name: ER04225_3B_prokka|PROKKA_02379
Description: ER04225_3B_prokka|PROKKA_02379
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02532
Name: ER04225_3B_prokka|PROKKA_02532
Description: ER04225_3B_prokka|PROKKA_02532
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02578
Name: ER04225_3B_prokka|PROKKA_02578
Description: ER04225_3B_prokka|PROKKA_02578
Number of features: 0
Seq('MKGAMAWPFLRLYILTLMFFSANAILNVFIPLRGHDLGATNTVIGIVMGHTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02597
Name: ER04225_3B_prokka|PROKKA_02597
Description: ER04225_3B_prokka|PROKKA_02597
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02709
Name: ER04225_3B_prokka|PROKKA_02709
Description: ER04225_3B_prokka|PROKKA_02709
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02748
Name: ER04225_3B_prokka|PROKKA_02748
Description: ER04225_3B_prokka|PROKKA_02748
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04225_3B_prokka|PROKKA_02834
Name: ER04225_3B_prokka|PROKKA_02834
Description: ER04225_3B_prokka|PROKKA_02834
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00040
Name: ER04235_3A_prokka|PROKKA_00040
Description: ER04235_3A_prokka|PROKKA_00040
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00043
Name: ER04235_3A_prokka|PROKKA_00043
Description: ER04235_3A_prokka|PROKKA_00043
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00047
Name: ER04235_3A_prokka|PROKKA_00047
Description: ER04235_3A_prokka|PROKKA_00047
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00068
Name: ER04235_3A_prokka|PROKKA_00068
Description: ER04235_3A_prokka|PROKKA_00068
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00086
Name: ER04235_3A_prokka|PROKKA_00086
Description: ER04235_3A_prokka|PROKKA_00086
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00253
Name: ER04235_3A_prokka|PROKKA_00253
Description: ER04235_3A_prokka|PROKKA_00253
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00377
Name: ER04235_3A_prokka|PROKKA_00377
Description: ER04235_3A_prokka|PROKKA_00377
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00394
Name: ER04235_3A_prokka|PROKKA_00394
Description: ER04235_3A_prokka|PROKKA_00394
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00560
Name: ER04235_3A_prokka|PROKKA_00560
Description: ER04235_3A_prokka|PROKKA_00560
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00789
Name: ER04235_3A_prokka|PROKKA_00789
Description: ER04235_3A_prokka|PROKKA_00789
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00820
Name: ER04235_3A_prokka|PROKKA_00820
Description: ER04235_3A_prokka|PROKKA_00820
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00824
Name: ER04235_3A_prokka|PROKKA_00824
Description: ER04235_3A_prokka|PROKKA_00824
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00840
Name: ER04235_3A_prokka|PROKKA_00840
Description: ER04235_3A_prokka|PROKKA_00840
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00870
Name: ER04235_3A_prokka|PROKKA_00870
Description: ER04235_3A_prokka|PROKKA_00870
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00871
Name: ER04235_3A_prokka|PROKKA_00871
Description: ER04235_3A_prokka|PROKKA_00871
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00873
Name: ER04235_3A_prokka|PROKKA_00873
Description: ER04235_3A_prokka|PROKKA_00873
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00925
Name: ER04235_3A_prokka|PROKKA_00925
Description: ER04235_3A_prokka|PROKKA_00925
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00967
Name: ER04235_3A_prokka|PROKKA_00967
Description: ER04235_3A_prokka|PROKKA_00967
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_00981
Name: ER04235_3A_prokka|PROKKA_00981
Description: ER04235_3A_prokka|PROKKA_00981
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01150
Name: ER04235_3A_prokka|PROKKA_01150
Description: ER04235_3A_prokka|PROKKA_01150
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01224
Name: ER04235_3A_prokka|PROKKA_01224
Description: ER04235_3A_prokka|PROKKA_01224
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01259
Name: ER04235_3A_prokka|PROKKA_01259
Description: ER04235_3A_prokka|PROKKA_01259
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01262
Name: ER04235_3A_prokka|PROKKA_01262
Description: ER04235_3A_prokka|PROKKA_01262
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01289
Name: ER04235_3A_prokka|PROKKA_01289
Description: ER04235_3A_prokka|PROKKA_01289
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01294
Name: ER04235_3A_prokka|PROKKA_01294
Description: ER04235_3A_prokka|PROKKA_01294
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01302
Name: ER04235_3A_prokka|PROKKA_01302
Description: ER04235_3A_prokka|PROKKA_01302
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01317
Name: ER04235_3A_prokka|PROKKA_01317
Description: ER04235_3A_prokka|PROKKA_01317
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01336
Name: ER04235_3A_prokka|PROKKA_01336
Description: ER04235_3A_prokka|PROKKA_01336
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01344
Name: ER04235_3A_prokka|PROKKA_01344
Description: ER04235_3A_prokka|PROKKA_01344
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01391
Name: ER04235_3A_prokka|PROKKA_01391
Description: ER04235_3A_prokka|PROKKA_01391
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01403
Name: ER04235_3A_prokka|PROKKA_01403
Description: ER04235_3A_prokka|PROKKA_01403
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01496
Name: ER04235_3A_prokka|PROKKA_01496
Description: ER04235_3A_prokka|PROKKA_01496
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01520
Name: ER04235_3A_prokka|PROKKA_01520
Description: ER04235_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01524
Name: ER04235_3A_prokka|PROKKA_01524
Description: ER04235_3A_prokka|PROKKA_01524
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01660
Name: ER04235_3A_prokka|PROKKA_01660
Description: ER04235_3A_prokka|PROKKA_01660
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01661
Name: ER04235_3A_prokka|PROKKA_01661
Description: ER04235_3A_prokka|PROKKA_01661
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01673
Name: ER04235_3A_prokka|PROKKA_01673
Description: ER04235_3A_prokka|PROKKA_01673
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01755
Name: ER04235_3A_prokka|PROKKA_01755
Description: ER04235_3A_prokka|PROKKA_01755
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01756
Name: ER04235_3A_prokka|PROKKA_01756
Description: ER04235_3A_prokka|PROKKA_01756
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01773
Name: ER04235_3A_prokka|PROKKA_01773
Description: ER04235_3A_prokka|PROKKA_01773
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01796
Name: ER04235_3A_prokka|PROKKA_01796
Description: ER04235_3A_prokka|PROKKA_01796
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01901
Name: ER04235_3A_prokka|PROKKA_01901
Description: ER04235_3A_prokka|PROKKA_01901
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01916
Name: ER04235_3A_prokka|PROKKA_01916
Description: ER04235_3A_prokka|PROKKA_01916
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01917
Name: ER04235_3A_prokka|PROKKA_01917
Description: ER04235_3A_prokka|PROKKA_01917
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01948
Name: ER04235_3A_prokka|PROKKA_01948
Description: ER04235_3A_prokka|PROKKA_01948
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01970
Name: ER04235_3A_prokka|PROKKA_01970
Description: ER04235_3A_prokka|PROKKA_01970
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_01975
Name: ER04235_3A_prokka|PROKKA_01975
Description: ER04235_3A_prokka|PROKKA_01975
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02051
Name: ER04235_3A_prokka|PROKKA_02051
Description: ER04235_3A_prokka|PROKKA_02051
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02055
Name: ER04235_3A_prokka|PROKKA_02055
Description: ER04235_3A_prokka|PROKKA_02055
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02071
Name: ER04235_3A_prokka|PROKKA_02071
Description: ER04235_3A_prokka|PROKKA_02071
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02089
Name: ER04235_3A_prokka|PROKKA_02089
Description: ER04235_3A_prokka|PROKKA_02089
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02116
Name: ER04235_3A_prokka|PROKKA_02116
Description: ER04235_3A_prokka|PROKKA_02116
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02118
Name: ER04235_3A_prokka|PROKKA_02118
Description: ER04235_3A_prokka|PROKKA_02118
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02170
Name: ER04235_3A_prokka|PROKKA_02170
Description: ER04235_3A_prokka|PROKKA_02170
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02279
Name: ER04235_3A_prokka|PROKKA_02279
Description: ER04235_3A_prokka|PROKKA_02279
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02298
Name: ER04235_3A_prokka|PROKKA_02298
Description: ER04235_3A_prokka|PROKKA_02298
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02311
Name: ER04235_3A_prokka|PROKKA_02311
Description: ER04235_3A_prokka|PROKKA_02311
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02343
Name: ER04235_3A_prokka|PROKKA_02343
Description: ER04235_3A_prokka|PROKKA_02343
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02488
Name: ER04235_3A_prokka|PROKKA_02488
Description: ER04235_3A_prokka|PROKKA_02488
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02497
Name: ER04235_3A_prokka|PROKKA_02497
Description: ER04235_3A_prokka|PROKKA_02497
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02561
Name: ER04235_3A_prokka|PROKKA_02561
Description: ER04235_3A_prokka|PROKKA_02561
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02669
Name: ER04235_3A_prokka|PROKKA_02669
Description: ER04235_3A_prokka|PROKKA_02669
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02708
Name: ER04235_3A_prokka|PROKKA_02708
Description: ER04235_3A_prokka|PROKKA_02708
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02792
Name: ER04235_3A_prokka|PROKKA_02792
Description: ER04235_3A_prokka|PROKKA_02792
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04235_3A_prokka|PROKKA_02813
Name: ER04235_3A_prokka|PROKKA_02813
Description: ER04235_3A_prokka|PROKKA_02813
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00016
Name: ER04242_3A_prokka|PROKKA_00016
Description: ER04242_3A_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00068
Name: ER04242_3A_prokka|PROKKA_00068
Description: ER04242_3A_prokka|PROKKA_00068
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00071
Name: ER04242_3A_prokka|PROKKA_00071
Description: ER04242_3A_prokka|PROKKA_00071
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00075
Name: ER04242_3A_prokka|PROKKA_00075
Description: ER04242_3A_prokka|PROKKA_00075
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00096
Name: ER04242_3A_prokka|PROKKA_00096
Description: ER04242_3A_prokka|PROKKA_00096
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00114
Name: ER04242_3A_prokka|PROKKA_00114
Description: ER04242_3A_prokka|PROKKA_00114
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00281
Name: ER04242_3A_prokka|PROKKA_00281
Description: ER04242_3A_prokka|PROKKA_00281
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00405
Name: ER04242_3A_prokka|PROKKA_00405
Description: ER04242_3A_prokka|PROKKA_00405
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00422
Name: ER04242_3A_prokka|PROKKA_00422
Description: ER04242_3A_prokka|PROKKA_00422
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00588
Name: ER04242_3A_prokka|PROKKA_00588
Description: ER04242_3A_prokka|PROKKA_00588
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00817
Name: ER04242_3A_prokka|PROKKA_00817
Description: ER04242_3A_prokka|PROKKA_00817
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00848
Name: ER04242_3A_prokka|PROKKA_00848
Description: ER04242_3A_prokka|PROKKA_00848
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00852
Name: ER04242_3A_prokka|PROKKA_00852
Description: ER04242_3A_prokka|PROKKA_00852
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00868
Name: ER04242_3A_prokka|PROKKA_00868
Description: ER04242_3A_prokka|PROKKA_00868
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00898
Name: ER04242_3A_prokka|PROKKA_00898
Description: ER04242_3A_prokka|PROKKA_00898
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00899
Name: ER04242_3A_prokka|PROKKA_00899
Description: ER04242_3A_prokka|PROKKA_00899
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00901
Name: ER04242_3A_prokka|PROKKA_00901
Description: ER04242_3A_prokka|PROKKA_00901
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00953
Name: ER04242_3A_prokka|PROKKA_00953
Description: ER04242_3A_prokka|PROKKA_00953
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_00995
Name: ER04242_3A_prokka|PROKKA_00995
Description: ER04242_3A_prokka|PROKKA_00995
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01009
Name: ER04242_3A_prokka|PROKKA_01009
Description: ER04242_3A_prokka|PROKKA_01009
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01178
Name: ER04242_3A_prokka|PROKKA_01178
Description: ER04242_3A_prokka|PROKKA_01178
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01252
Name: ER04242_3A_prokka|PROKKA_01252
Description: ER04242_3A_prokka|PROKKA_01252
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01287
Name: ER04242_3A_prokka|PROKKA_01287
Description: ER04242_3A_prokka|PROKKA_01287
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01290
Name: ER04242_3A_prokka|PROKKA_01290
Description: ER04242_3A_prokka|PROKKA_01290
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01317
Name: ER04242_3A_prokka|PROKKA_01317
Description: ER04242_3A_prokka|PROKKA_01317
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01322
Name: ER04242_3A_prokka|PROKKA_01322
Description: ER04242_3A_prokka|PROKKA_01322
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01330
Name: ER04242_3A_prokka|PROKKA_01330
Description: ER04242_3A_prokka|PROKKA_01330
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01345
Name: ER04242_3A_prokka|PROKKA_01345
Description: ER04242_3A_prokka|PROKKA_01345
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01364
Name: ER04242_3A_prokka|PROKKA_01364
Description: ER04242_3A_prokka|PROKKA_01364
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01372
Name: ER04242_3A_prokka|PROKKA_01372
Description: ER04242_3A_prokka|PROKKA_01372
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01419
Name: ER04242_3A_prokka|PROKKA_01419
Description: ER04242_3A_prokka|PROKKA_01419
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01431
Name: ER04242_3A_prokka|PROKKA_01431
Description: ER04242_3A_prokka|PROKKA_01431
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01524
Name: ER04242_3A_prokka|PROKKA_01524
Description: ER04242_3A_prokka|PROKKA_01524
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01548
Name: ER04242_3A_prokka|PROKKA_01548
Description: ER04242_3A_prokka|PROKKA_01548
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01552
Name: ER04242_3A_prokka|PROKKA_01552
Description: ER04242_3A_prokka|PROKKA_01552
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01688
Name: ER04242_3A_prokka|PROKKA_01688
Description: ER04242_3A_prokka|PROKKA_01688
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01689
Name: ER04242_3A_prokka|PROKKA_01689
Description: ER04242_3A_prokka|PROKKA_01689
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01701
Name: ER04242_3A_prokka|PROKKA_01701
Description: ER04242_3A_prokka|PROKKA_01701
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01783
Name: ER04242_3A_prokka|PROKKA_01783
Description: ER04242_3A_prokka|PROKKA_01783
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01784
Name: ER04242_3A_prokka|PROKKA_01784
Description: ER04242_3A_prokka|PROKKA_01784
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01801
Name: ER04242_3A_prokka|PROKKA_01801
Description: ER04242_3A_prokka|PROKKA_01801
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01824
Name: ER04242_3A_prokka|PROKKA_01824
Description: ER04242_3A_prokka|PROKKA_01824
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01929
Name: ER04242_3A_prokka|PROKKA_01929
Description: ER04242_3A_prokka|PROKKA_01929
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01944
Name: ER04242_3A_prokka|PROKKA_01944
Description: ER04242_3A_prokka|PROKKA_01944
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01945
Name: ER04242_3A_prokka|PROKKA_01945
Description: ER04242_3A_prokka|PROKKA_01945
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01976
Name: ER04242_3A_prokka|PROKKA_01976
Description: ER04242_3A_prokka|PROKKA_01976
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_01998
Name: ER04242_3A_prokka|PROKKA_01998
Description: ER04242_3A_prokka|PROKKA_01998
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02003
Name: ER04242_3A_prokka|PROKKA_02003
Description: ER04242_3A_prokka|PROKKA_02003
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02079
Name: ER04242_3A_prokka|PROKKA_02079
Description: ER04242_3A_prokka|PROKKA_02079
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02083
Name: ER04242_3A_prokka|PROKKA_02083
Description: ER04242_3A_prokka|PROKKA_02083
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02099
Name: ER04242_3A_prokka|PROKKA_02099
Description: ER04242_3A_prokka|PROKKA_02099
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02117
Name: ER04242_3A_prokka|PROKKA_02117
Description: ER04242_3A_prokka|PROKKA_02117
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02143
Name: ER04242_3A_prokka|PROKKA_02143
Description: ER04242_3A_prokka|PROKKA_02143
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02145
Name: ER04242_3A_prokka|PROKKA_02145
Description: ER04242_3A_prokka|PROKKA_02145
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02197
Name: ER04242_3A_prokka|PROKKA_02197
Description: ER04242_3A_prokka|PROKKA_02197
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02306
Name: ER04242_3A_prokka|PROKKA_02306
Description: ER04242_3A_prokka|PROKKA_02306
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02325
Name: ER04242_3A_prokka|PROKKA_02325
Description: ER04242_3A_prokka|PROKKA_02325
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02338
Name: ER04242_3A_prokka|PROKKA_02338
Description: ER04242_3A_prokka|PROKKA_02338
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02370
Name: ER04242_3A_prokka|PROKKA_02370
Description: ER04242_3A_prokka|PROKKA_02370
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02515
Name: ER04242_3A_prokka|PROKKA_02515
Description: ER04242_3A_prokka|PROKKA_02515
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02524
Name: ER04242_3A_prokka|PROKKA_02524
Description: ER04242_3A_prokka|PROKKA_02524
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02589
Name: ER04242_3A_prokka|PROKKA_02589
Description: ER04242_3A_prokka|PROKKA_02589
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02697
Name: ER04242_3A_prokka|PROKKA_02697
Description: ER04242_3A_prokka|PROKKA_02697
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02736
Name: ER04242_3A_prokka|PROKKA_02736
Description: ER04242_3A_prokka|PROKKA_02736
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04242_3A_prokka|PROKKA_02820
Name: ER04242_3A_prokka|PROKKA_02820
Description: ER04242_3A_prokka|PROKKA_02820
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00045
Name: ER04246_3A_prokka|PROKKA_00045
Description: ER04246_3A_prokka|PROKKA_00045
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00054
Name: ER04246_3A_prokka|PROKKA_00054
Description: ER04246_3A_prokka|PROKKA_00054
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00233
Name: ER04246_3A_prokka|PROKKA_00233
Description: ER04246_3A_prokka|PROKKA_00233
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00356
Name: ER04246_3A_prokka|PROKKA_00356
Description: ER04246_3A_prokka|PROKKA_00356
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00373
Name: ER04246_3A_prokka|PROKKA_00373
Description: ER04246_3A_prokka|PROKKA_00373
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00542
Name: ER04246_3A_prokka|PROKKA_00542
Description: ER04246_3A_prokka|PROKKA_00542
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00759
Name: ER04246_3A_prokka|PROKKA_00759
Description: ER04246_3A_prokka|PROKKA_00759
Number of features: 0
Seq('MSLHFAILFWLALIFLVAATFILVLMKKLAKNLKKSPI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00772
Name: ER04246_3A_prokka|PROKKA_00772
Description: ER04246_3A_prokka|PROKKA_00772
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00785
Name: ER04246_3A_prokka|PROKKA_00785
Description: ER04246_3A_prokka|PROKKA_00785
Number of features: 0
Seq('MKMYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00811
Name: ER04246_3A_prokka|PROKKA_00811
Description: ER04246_3A_prokka|PROKKA_00811
Number of features: 0
Seq('MRKYNFDKFFLYMAVLSLPIVIFFPLMLSIPIIFFIFSIRKKED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00816
Name: ER04246_3A_prokka|PROKKA_00816
Description: ER04246_3A_prokka|PROKKA_00816
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00826
Name: ER04246_3A_prokka|PROKKA_00826
Description: ER04246_3A_prokka|PROKKA_00826
Number of features: 0
Seq('MNRLRVIKIALLIVILAEEIRNVRNYKKAVGKPFSRY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00830
Name: ER04246_3A_prokka|PROKKA_00830
Description: ER04246_3A_prokka|PROKKA_00830
Number of features: 0
Seq('MITKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00841
Name: ER04246_3A_prokka|PROKKA_00841
Description: ER04246_3A_prokka|PROKKA_00841
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKIKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00871
Name: ER04246_3A_prokka|PROKKA_00871
Description: ER04246_3A_prokka|PROKKA_00871
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00872
Name: ER04246_3A_prokka|PROKKA_00872
Description: ER04246_3A_prokka|PROKKA_00872
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00886
Name: ER04246_3A_prokka|PROKKA_00886
Description: ER04246_3A_prokka|PROKKA_00886
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_00992
Name: ER04246_3A_prokka|PROKKA_00992
Description: ER04246_3A_prokka|PROKKA_00992
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01032
Name: ER04246_3A_prokka|PROKKA_01032
Description: ER04246_3A_prokka|PROKKA_01032
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01113
Name: ER04246_3A_prokka|PROKKA_01113
Description: ER04246_3A_prokka|PROKKA_01113
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01125
Name: ER04246_3A_prokka|PROKKA_01125
Description: ER04246_3A_prokka|PROKKA_01125
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01126
Name: ER04246_3A_prokka|PROKKA_01126
Description: ER04246_3A_prokka|PROKKA_01126
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01261
Name: ER04246_3A_prokka|PROKKA_01261
Description: ER04246_3A_prokka|PROKKA_01261
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01265
Name: ER04246_3A_prokka|PROKKA_01265
Description: ER04246_3A_prokka|PROKKA_01265
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01291
Name: ER04246_3A_prokka|PROKKA_01291
Description: ER04246_3A_prokka|PROKKA_01291
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01385
Name: ER04246_3A_prokka|PROKKA_01385
Description: ER04246_3A_prokka|PROKKA_01385
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01397
Name: ER04246_3A_prokka|PROKKA_01397
Description: ER04246_3A_prokka|PROKKA_01397
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01464
Name: ER04246_3A_prokka|PROKKA_01464
Description: ER04246_3A_prokka|PROKKA_01464
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01467
Name: ER04246_3A_prokka|PROKKA_01467
Description: ER04246_3A_prokka|PROKKA_01467
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01502
Name: ER04246_3A_prokka|PROKKA_01502
Description: ER04246_3A_prokka|PROKKA_01502
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01574
Name: ER04246_3A_prokka|PROKKA_01574
Description: ER04246_3A_prokka|PROKKA_01574
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01737
Name: ER04246_3A_prokka|PROKKA_01737
Description: ER04246_3A_prokka|PROKKA_01737
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01752
Name: ER04246_3A_prokka|PROKKA_01752
Description: ER04246_3A_prokka|PROKKA_01752
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01795
Name: ER04246_3A_prokka|PROKKA_01795
Description: ER04246_3A_prokka|PROKKA_01795
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNFEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01847
Name: ER04246_3A_prokka|PROKKA_01847
Description: ER04246_3A_prokka|PROKKA_01847
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01901
Name: ER04246_3A_prokka|PROKKA_01901
Description: ER04246_3A_prokka|PROKKA_01901
Number of features: 0
Seq('MMNNRNEKILEDINNLKGYKVTYICYCYKYKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01930
Name: ER04246_3A_prokka|PROKKA_01930
Description: ER04246_3A_prokka|PROKKA_01930
Number of features: 0
Seq('MKDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01934
Name: ER04246_3A_prokka|PROKKA_01934
Description: ER04246_3A_prokka|PROKKA_01934
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01950
Name: ER04246_3A_prokka|PROKKA_01950
Description: ER04246_3A_prokka|PROKKA_01950
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAELSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01960
Name: ER04246_3A_prokka|PROKKA_01960
Description: ER04246_3A_prokka|PROKKA_01960
Number of features: 0
Seq('MEIEIKFNETFEAPMGSPRPRFSTKGRYAHIYAYKIYRT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01970
Name: ER04246_3A_prokka|PROKKA_01970
Description: ER04246_3A_prokka|PROKKA_01970
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01995
Name: ER04246_3A_prokka|PROKKA_01995
Description: ER04246_3A_prokka|PROKKA_01995
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_01997
Name: ER04246_3A_prokka|PROKKA_01997
Description: ER04246_3A_prokka|PROKKA_01997
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_02047
Name: ER04246_3A_prokka|PROKKA_02047
Description: ER04246_3A_prokka|PROKKA_02047
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_02172
Name: ER04246_3A_prokka|PROKKA_02172
Description: ER04246_3A_prokka|PROKKA_02172
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_02185
Name: ER04246_3A_prokka|PROKKA_02185
Description: ER04246_3A_prokka|PROKKA_02185
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_02216
Name: ER04246_3A_prokka|PROKKA_02216
Description: ER04246_3A_prokka|PROKKA_02216
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_02370
Name: ER04246_3A_prokka|PROKKA_02370
Description: ER04246_3A_prokka|PROKKA_02370
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_02434
Name: ER04246_3A_prokka|PROKKA_02434
Description: ER04246_3A_prokka|PROKKA_02434
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_02544
Name: ER04246_3A_prokka|PROKKA_02544
Description: ER04246_3A_prokka|PROKKA_02544
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_02582
Name: ER04246_3A_prokka|PROKKA_02582
Description: ER04246_3A_prokka|PROKKA_02582
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04246_3A_prokka|PROKKA_02667
Name: ER04246_3A_prokka|PROKKA_02667
Description: ER04246_3A_prokka|PROKKA_02667
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00010
Name: ER04257_3A_prokka|PROKKA_00010
Description: ER04257_3A_prokka|PROKKA_00010
Number of features: 0
Seq('MNEWIGSNDIEVVTVETMVTVRGSVASTFSMFNAFRLWYKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00076
Name: ER04257_3A_prokka|PROKKA_00076
Description: ER04257_3A_prokka|PROKKA_00076
Number of features: 0
Seq('MIVFMPLSFNRDSKFHQGYYKASLYTLNFQQLIIINIFILVYIII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00085
Name: ER04257_3A_prokka|PROKKA_00085
Description: ER04257_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MKEIELTPKAEEDLEAIWDYSFRQIGVVQADA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00169
Name: ER04257_3A_prokka|PROKKA_00169
Description: ER04257_3A_prokka|PROKKA_00169
Number of features: 0
Seq('MKLPRSTLIWCVLIVCLTLLIFTYLTRKSLCEIRYRDTSREVAAFMAYESAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00209
Name: ER04257_3A_prokka|PROKKA_00209
Description: ER04257_3A_prokka|PROKKA_00209
Number of features: 0
Seq('MGGVDIVVLILKLMVAVLQLLDAVLKQFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00210
Name: ER04257_3A_prokka|PROKKA_00210
Description: ER04257_3A_prokka|PROKKA_00210
Number of features: 0
Seq('MNATTLTSTLLLTAPAAVVVVSVVVVVGNAP', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00302
Name: ER04257_3A_prokka|PROKKA_00302
Description: ER04257_3A_prokka|PROKKA_00302
Number of features: 0
Seq('MAKGIREKIKLVSSAGTGHFYTTTKNKRTKPEKLELKKFDPVVRQHVLYKEAKIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00386
Name: ER04257_3A_prokka|PROKKA_00386
Description: ER04257_3A_prokka|PROKKA_00386
Number of features: 0
Seq('MLSRPKIDCFWLSIGVITTSTAMGASTNTSAQKSVFFIEQPCS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00392
Name: ER04257_3A_prokka|PROKKA_00392
Description: ER04257_3A_prokka|PROKKA_00392
Number of features: 0
Seq('MTLAQWGLLLWDDLAAPVIAGILVSIIVSWMDNRK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00393
Name: ER04257_3A_prokka|PROKKA_00393
Description: ER04257_3A_prokka|PROKKA_00393
Number of features: 0
Seq('MTLAQWGLLLWDDLAAPVIAGILVSIIVSWMDNRK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00423
Name: ER04257_3A_prokka|PROKKA_00423
Description: ER04257_3A_prokka|PROKKA_00423
Number of features: 0
Seq('MRLMLKCILKLLLNMLCNNLAWNIYQISLVGDPGFFENTY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00546
Name: ER04257_3A_prokka|PROKKA_00546
Description: ER04257_3A_prokka|PROKKA_00546
Number of features: 0
Seq('MKKLTEKQKSRLWEDRRNVNFQASRRLEGVDIPLINLTPEEALARIAALRSHYER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00735
Name: ER04257_3A_prokka|PROKKA_00735
Description: ER04257_3A_prokka|PROKKA_00735
Number of features: 0
Seq('MTFPEAALCACPGYGFTAGDEPVARLSKAQAGGLTFT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00763
Name: ER04257_3A_prokka|PROKKA_00763
Description: ER04257_3A_prokka|PROKKA_00763
Number of features: 0
Seq('MGKKKTKKVALSAQQPQSETVTTMSFGYEEMLSELEAIVAEAEIRLQEEESVA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00922
Name: ER04257_3A_prokka|PROKKA_00922
Description: ER04257_3A_prokka|PROKKA_00922
Number of features: 0
Seq('MLLAIGTIAVAFLSSLMLIWLDDRIADQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_00991
Name: ER04257_3A_prokka|PROKKA_00991
Description: ER04257_3A_prokka|PROKKA_00991
Number of features: 0
Seq('MYMLCRLGYIVHTFFRRSPKRAVVKSLRAWPSLSDLESKCPHVKSLLTLFVR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01012
Name: ER04257_3A_prokka|PROKKA_01012
Description: ER04257_3A_prokka|PROKKA_01012
Number of features: 0
Seq('MAPSQIFFLQAYFGDFCHIYAPCLSNNLPFFYFLVFCPAISR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01030
Name: ER04257_3A_prokka|PROKKA_01030
Description: ER04257_3A_prokka|PROKKA_01030
Number of features: 0
Seq('MVKELWCNASAFARPFVPSKLGANANEIINNLIILEISWNSARES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01050
Name: ER04257_3A_prokka|PROKKA_01050
Description: ER04257_3A_prokka|PROKKA_01050
Number of features: 0
Seq('MAIGNRQIQDESPEEELERLLEELALTHEQREFIESMLQEDGDSTNGE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01055
Name: ER04257_3A_prokka|PROKKA_01055
Description: ER04257_3A_prokka|PROKKA_01055
Number of features: 0
Seq('MIGYIYQMWLFIGYLHPVSHEEFSGFLECCFMRSTATMKGMLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01056
Name: ER04257_3A_prokka|PROKKA_01056
Description: ER04257_3A_prokka|PROKKA_01056
Number of features: 0
Seq('MNIRFTDDIHKALIERANREDKSAAALVSELITAVLNREEPNDRKETSSKLR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01058
Name: ER04257_3A_prokka|PROKKA_01058
Description: ER04257_3A_prokka|PROKKA_01058
Number of features: 0
Seq('MIIALYWYLLFLFIWDAIRTFEKRRKTERKTESRDV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01061
Name: ER04257_3A_prokka|PROKKA_01061
Description: ER04257_3A_prokka|PROKKA_01061
Number of features: 0
Seq('MPKQKVVRDAGTGQFVKPEEAKKRPGTTVTETVKIPPKKGKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01195
Name: ER04257_3A_prokka|PROKKA_01195
Description: ER04257_3A_prokka|PROKKA_01195
Number of features: 0
Seq('MLFDLIALTEWFTVSSECETIIHIEAYFEVVR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01273
Name: ER04257_3A_prokka|PROKKA_01273
Description: ER04257_3A_prokka|PROKKA_01273
Number of features: 0
Seq('MERNRLARQIIDTCLEMTRLGLNQGTAGNVSVRYQGGC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01535
Name: ER04257_3A_prokka|PROKKA_01535
Description: ER04257_3A_prokka|PROKKA_01535
Number of features: 0
Seq('MILNEIVKMKIKKGLAHQASPLIQDVAKANLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01558
Name: ER04257_3A_prokka|PROKKA_01558
Description: ER04257_3A_prokka|PROKKA_01558
Number of features: 0
Seq('MNTVCASCQALNRIPTIVALMARNAGAAATIFLTAM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01615
Name: ER04257_3A_prokka|PROKKA_01615
Description: ER04257_3A_prokka|PROKKA_01615
Number of features: 0
Seq('MLCFLEDCGTDSHYHRQGNDLYFKGIDIPNNK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01694
Name: ER04257_3A_prokka|PROKKA_01694
Description: ER04257_3A_prokka|PROKKA_01694
Number of features: 0
Seq('MKLKTTLFGNVYQFKDVKEVLAKANELRSGMCWRAWRQKVRSSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01743
Name: ER04257_3A_prokka|PROKKA_01743
Description: ER04257_3A_prokka|PROKKA_01743
Number of features: 0
Seq('MALAWVLRDEKVTSVLIGASKTTQLDDAIGMLENRRFTAEEQATIDAILAV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01780
Name: ER04257_3A_prokka|PROKKA_01780
Description: ER04257_3A_prokka|PROKKA_01780
Number of features: 0
Seq('MTKTKNIEFRLSKLEKGPDKKVLAIMEIRSRTIAGSVLKQIPCQELKDR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01945
Name: ER04257_3A_prokka|PROKKA_01945
Description: ER04257_3A_prokka|PROKKA_01945
Number of features: 0
Seq('MLLNDQVYCPEHGANPIVECDMSNEENGRGIVVHGCKSACGSVVYASLPDVEIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_01967
Name: ER04257_3A_prokka|PROKKA_01967
Description: ER04257_3A_prokka|PROKKA_01967
Number of features: 0
Seq('MKINIPKLSFSVYNTLIYKDYSFIPKIKNLE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02008
Name: ER04257_3A_prokka|PROKKA_02008
Description: ER04257_3A_prokka|PROKKA_02008
Number of features: 0
Seq('MELLEEHRCFEGRQQRWRHDSATLNCAMTFSIFLPPRPLTRRRRLSTGSPA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02041
Name: ER04257_3A_prokka|PROKKA_02041
Description: ER04257_3A_prokka|PROKKA_02041
Number of features: 0
Seq('MKPAKIAVITLFLFMAISGIGGVMLAGYSFIVRGGVG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02208
Name: ER04257_3A_prokka|PROKKA_02208
Description: ER04257_3A_prokka|PROKKA_02208
Number of features: 0
Seq('MILMLLMGAKVMITFHSLKGYGKMVSLTYCIRHQENVWK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02221
Name: ER04257_3A_prokka|PROKKA_02221
Description: ER04257_3A_prokka|PROKKA_02221
Number of features: 0
Seq('MFGYSLFRLSLFIALAIIACTATGLITYWVVSALAE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02270
Name: ER04257_3A_prokka|PROKKA_02270
Description: ER04257_3A_prokka|PROKKA_02270
Number of features: 0
Seq('MKKLFKQGFENYSGRTLRVFALTLNFVVLFIVIAALSALGICMVNVWVNQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02454
Name: ER04257_3A_prokka|PROKKA_02454
Description: ER04257_3A_prokka|PROKKA_02454
Number of features: 0
Seq('MPTRILFALITLLLLAIPVVQQGIAQGLSGRFSYALLF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02500
Name: ER04257_3A_prokka|PROKKA_02500
Description: ER04257_3A_prokka|PROKKA_02500
Number of features: 0
Seq('MVVGEGLFVASLLTLRVVACGNVVSLTLDSNLNRSFSSFPASEEYMAMCFEQVAV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02501
Name: ER04257_3A_prokka|PROKKA_02501
Description: ER04257_3A_prokka|PROKKA_02501
Number of features: 0
Seq('MVVGEGLFVASLLTLRAVACGNVVSLTLDSNLSRSFSSFPASGEYMAMCFEQVAV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02628
Name: ER04257_3A_prokka|PROKKA_02628
Description: ER04257_3A_prokka|PROKKA_02628
Number of features: 0
Seq('MLARLEGIMLDPVYTGKAIAGLNDGVKTTRFTGSGPVMFVHTGGAPALFAYYPRV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02630
Name: ER04257_3A_prokka|PROKKA_02630
Description: ER04257_3A_prokka|PROKKA_02630
Number of features: 0
Seq('MEIDLDNLVFSGLEEAQERNAERLEDADKKAQAIVADDDCGDACKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02651
Name: ER04257_3A_prokka|PROKKA_02651
Description: ER04257_3A_prokka|PROKKA_02651
Number of features: 0
Seq('MSVQHPADPDKRGRHPSKEDPREQGEVPRKRDDSEDHKEDPWHPQPEKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02678
Name: ER04257_3A_prokka|PROKKA_02678
Description: ER04257_3A_prokka|PROKKA_02678
Number of features: 0
Seq('MATIKDVAKRANVSTTTVSHVINKTRFVAEETRNAVWAAIKELHYSPAPLLAA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02742
Name: ER04257_3A_prokka|PROKKA_02742
Description: ER04257_3A_prokka|PROKKA_02742
Number of features: 0
Seq('MFIAVFTNWRAGNAMLSGGEFSCTERAIYRQAPVLFMN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02743
Name: ER04257_3A_prokka|PROKKA_02743
Description: ER04257_3A_prokka|PROKKA_02743
Number of features: 0
Seq('MQYMMTGVVVVIISGLAIHLISLAIEGLYKVIRNRTTWR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02781
Name: ER04257_3A_prokka|PROKKA_02781
Description: ER04257_3A_prokka|PROKKA_02781
Number of features: 0
Seq('MSKQGIRALVYVSVVSAMIWGATGYLLVAAVHVL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02786
Name: ER04257_3A_prokka|PROKKA_02786
Description: ER04257_3A_prokka|PROKKA_02786
Number of features: 0
Seq('MVYWQKTVKTYVKHHTLGWLTDFNSLFYNDFILE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02792
Name: ER04257_3A_prokka|PROKKA_02792
Description: ER04257_3A_prokka|PROKKA_02792
Number of features: 0
Seq('MNPFTWLFIALLSMDAVRELMGMSSVLGMW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02844
Name: ER04257_3A_prokka|PROKKA_02844
Description: ER04257_3A_prokka|PROKKA_02844
Number of features: 0
Seq('MLGNMHVFMAVLGTILFFGFLAAYLSHKWDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02845
Name: ER04257_3A_prokka|PROKKA_02845
Description: ER04257_3A_prokka|PROKKA_02845
Number of features: 0
Seq('MKSSTVNSEKDQPKQPKKMPEDDKGSQKPNKSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02846
Name: ER04257_3A_prokka|PROKKA_02846
Description: ER04257_3A_prokka|PROKKA_02846
Number of features: 0
Seq('MVERPDITEPLPGTDPLPDEDLPESPDVNDPVVPEDPDVIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02884
Name: ER04257_3A_prokka|PROKKA_02884
Description: ER04257_3A_prokka|PROKKA_02884
Number of features: 0
Seq('MEKRIETVVNLIMFLSLLATAWDLSLVHHLAW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02918
Name: ER04257_3A_prokka|PROKKA_02918
Description: ER04257_3A_prokka|PROKKA_02918
Number of features: 0
Seq('MATLTWDHAVQFVNQPEAAVQVLSGQKLNAVAGGRHPGWGPEMC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02945
Name: ER04257_3A_prokka|PROKKA_02945
Description: ER04257_3A_prokka|PROKKA_02945
Number of features: 0
Seq('MKNTPWLVRLRNTSIPEHKLRPAKWLALIALLLLLAQLMVESLLLTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_02971
Name: ER04257_3A_prokka|PROKKA_02971
Description: ER04257_3A_prokka|PROKKA_02971
Number of features: 0
Seq('MSYADFAATLALGISIGNLLTCLWFWWLSKRC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03009
Name: ER04257_3A_prokka|PROKKA_03009
Description: ER04257_3A_prokka|PROKKA_03009
Number of features: 0
Seq('MGFWRIVLTIILPPLGVLLGKGFGWAFILNIILTILGYIPGLIHAFWVQTKNS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03021
Name: ER04257_3A_prokka|PROKKA_03021
Description: ER04257_3A_prokka|PROKKA_03021
Number of features: 0
Seq('MKAVKSLKADWAIITLMIVVAVVMYGYLIPKYW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03043
Name: ER04257_3A_prokka|PROKKA_03043
Description: ER04257_3A_prokka|PROKKA_03043
Number of features: 0
Seq('MNRSPDTIIALIFFLMGLLVLLLAIWQILF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03061
Name: ER04257_3A_prokka|PROKKA_03061
Description: ER04257_3A_prokka|PROKKA_03061
Number of features: 0
Seq('MKSNQQARHLLGLNYKLSQQKKVLLEGDAETTVNHVRATGRKRRGG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03082
Name: ER04257_3A_prokka|PROKKA_03082
Description: ER04257_3A_prokka|PROKKA_03082
Number of features: 0
Seq('MHRYGTLAEQANAILFLASDEASYITGVTLPVAGGDLG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03113
Name: ER04257_3A_prokka|PROKKA_03113
Description: ER04257_3A_prokka|PROKKA_03113
Number of features: 0
Seq('MFIPDMNNDQRNYPDITQQIQLALIMTAVILEYTLLMC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03116
Name: ER04257_3A_prokka|PROKKA_03116
Description: ER04257_3A_prokka|PROKKA_03116
Number of features: 0
Seq('MERLLLNLLVHFSHLNTFQTVQKMDFKLLKNRKNKCYETCILKGSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03155
Name: ER04257_3A_prokka|PROKKA_03155
Description: ER04257_3A_prokka|PROKKA_03155
Number of features: 0
Seq('MDVSSKTVLLINVGAALALIGLLSVRFGWF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03156
Name: ER04257_3A_prokka|PROKKA_03156
Description: ER04257_3A_prokka|PROKKA_03156
Number of features: 0
Seq('MSGIAVLIVALILLIAAIYNLFSYVRERRQSSLPSKKNKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03166
Name: ER04257_3A_prokka|PROKKA_03166
Description: ER04257_3A_prokka|PROKKA_03166
Number of features: 0
Seq('MQRVWLKRAVWMIVLWGGSVLALGAVSMGFRLLMTAAGLKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03195
Name: ER04257_3A_prokka|PROKKA_03195
Description: ER04257_3A_prokka|PROKKA_03195
Number of features: 0
Seq('MNTFSIIAIPFFAAAIVLLALAASRKNRTCYIVGGVLMASSVVNAVIGMAL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03271
Name: ER04257_3A_prokka|PROKKA_03271
Description: ER04257_3A_prokka|PROKKA_03271
Number of features: 0
Seq('MLFCTLFCKSAIAVITLATIVWLMLDILSPGIQGLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03372
Name: ER04257_3A_prokka|PROKKA_03372
Description: ER04257_3A_prokka|PROKKA_03372
Number of features: 0
Seq('MISDIDYMKFTMSQERDKTEIDPVLRSKAWSAVILGLAMFWSVIALVICNVWFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03473
Name: ER04257_3A_prokka|PROKKA_03473
Description: ER04257_3A_prokka|PROKKA_03473
Number of features: 0
Seq('MRLGILFPVAIFIVAVVFLGWFFVGGYAAPGGA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03573
Name: ER04257_3A_prokka|PROKKA_03573
Description: ER04257_3A_prokka|PROKKA_03573
Number of features: 0
Seq('MRRLFELLVNNVREHFMIYLALWLLLAFIDLIWLWFF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03612
Name: ER04257_3A_prokka|PROKKA_03612
Description: ER04257_3A_prokka|PROKKA_03612
Number of features: 0
Seq('MALFDFPRWQLTSPSAASGVVAPMNGCRSGKPW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03619
Name: ER04257_3A_prokka|PROKKA_03619
Description: ER04257_3A_prokka|PROKKA_03619
Number of features: 0
Seq('MSGILLFIVAVVLLGVAVYSLVSYVKDRRSAQLPTHKKKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03689
Name: ER04257_3A_prokka|PROKKA_03689
Description: ER04257_3A_prokka|PROKKA_03689
Number of features: 0
Seq('MIPVAYVSALFSAKDIIRVTEALFSKRQTQESEYVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03727
Name: ER04257_3A_prokka|PROKKA_03727
Description: ER04257_3A_prokka|PROKKA_03727
Number of features: 0
Seq('MNSFKSPLRGFYFILLTLYEPDLQEKLNGFYIDRFVQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03736
Name: ER04257_3A_prokka|PROKKA_03736
Description: ER04257_3A_prokka|PROKKA_03736
Number of features: 0
Seq('MNKRELIDLFMIRTGEAKETAKRYLENNYWSLPTALTFYNADKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03739
Name: ER04257_3A_prokka|PROKKA_03739
Description: ER04257_3A_prokka|PROKKA_03739
Number of features: 0
Seq('MEYELMRVREFLSDNWEAWEALCVQNGDDAQQIYEQLGGED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03777
Name: ER04257_3A_prokka|PROKKA_03777
Description: ER04257_3A_prokka|PROKKA_03777
Number of features: 0
Seq('MKRQKRDRLERAHQRGYQAGITGRSKEMCPYQTLNQRSYWLGGWREAMEDRVQIA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03865
Name: ER04257_3A_prokka|PROKKA_03865
Description: ER04257_3A_prokka|PROKKA_03865
Number of features: 0
Seq('MIVRRMLQLHGGDIRLLEAPAGACFQFTLPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03917
Name: ER04257_3A_prokka|PROKKA_03917
Description: ER04257_3A_prokka|PROKKA_03917
Number of features: 0
Seq('MNEFKRCLNVFTHSPFKVRLMLVGMLCDLINGKPQQDKPNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03923
Name: ER04257_3A_prokka|PROKKA_03923
Description: ER04257_3A_prokka|PROKKA_03923
Number of features: 0
Seq('MKKSCQFYNLLFYNNQDNSCCTILIRDNVKRTDMGRYFGAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_03959
Name: ER04257_3A_prokka|PROKKA_03959
Description: ER04257_3A_prokka|PROKKA_03959
Number of features: 0
Seq('MQKLTFREYLAVTCAFVIVVAFFHQWVLTF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04015
Name: ER04257_3A_prokka|PROKKA_04015
Description: ER04257_3A_prokka|PROKKA_04015
Number of features: 0
Seq('MWYFAWILGTLLACAFGVITALALEHVEATKAGKEEH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04018
Name: ER04257_3A_prokka|PROKKA_04018
Description: ER04257_3A_prokka|PROKKA_04018
Number of features: 0
Seq('MSPRERLKCRPQLIMLRSSQIFFIKLLSFIFLLIIFIIAFTFN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04200
Name: ER04257_3A_prokka|PROKKA_04200
Description: ER04257_3A_prokka|PROKKA_04200
Number of features: 0
Seq('MLTKYALVAIIVLCLTALGLTLMVHDSLCELSIKERSMEFKAVLAYETKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04232
Name: ER04257_3A_prokka|PROKKA_04232
Description: ER04257_3A_prokka|PROKKA_04232
Number of features: 0
Seq('MFGIYRGRRLVLYILLAIIIATLVGYSTYTFVKALA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04253
Name: ER04257_3A_prokka|PROKKA_04253
Description: ER04257_3A_prokka|PROKKA_04253
Number of features: 0
Seq('MPILARRIPDNFFYFGRRRKIRSVGGYLKDIRRDRMARLVCRRIGETADRNQFFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04359
Name: ER04257_3A_prokka|PROKKA_04359
Description: ER04257_3A_prokka|PROKKA_04359
Number of features: 0
Seq('MSRSIHGHLKVVSTISWNNFPKPDLSHIIEKVIMKKYLKIMGELLNYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04404
Name: ER04257_3A_prokka|PROKKA_04404
Description: ER04257_3A_prokka|PROKKA_04404
Number of features: 0
Seq('MQVLNSLRSAKQRHPDCQIVKRKGRLYVICKSNPRFKAVQGRKKRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04539
Name: ER04257_3A_prokka|PROKKA_04539
Description: ER04257_3A_prokka|PROKKA_04539
Number of features: 0
Seq('MKITLLVTLLFGLVFMTAVGASEKELTPSSKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04554
Name: ER04257_3A_prokka|PROKKA_04554
Description: ER04257_3A_prokka|PROKKA_04554
Number of features: 0
Seq('MMKKKDRAYLYYEAPPCKALIARFCAEKRNLA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04600
Name: ER04257_3A_prokka|PROKKA_04600
Description: ER04257_3A_prokka|PROKKA_04600
Number of features: 0
Seq('MRDAALRIHPRVAWVSVARPGKKLLFRAAKDSAA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04624
Name: ER04257_3A_prokka|PROKKA_04624
Description: ER04257_3A_prokka|PROKKA_04624
Number of features: 0
Seq('MVGFIVSGFGIRFVFITFAVIALVGGLITWLFAIETKGKSLEELSP', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04834
Name: ER04257_3A_prokka|PROKKA_04834
Description: ER04257_3A_prokka|PROKKA_04834
Number of features: 0
Seq('MNIGKKTTNKLVTVKSSKISSEGKYKVSVCDASGILGHSEDR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04839
Name: ER04257_3A_prokka|PROKKA_04839
Description: ER04257_3A_prokka|PROKKA_04839
Number of features: 0
Seq('MLSYFHHLIIFIFNRIFMDIAVAQDDILMKIINLFVL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04851
Name: ER04257_3A_prokka|PROKKA_04851
Description: ER04257_3A_prokka|PROKKA_04851
Number of features: 0
Seq('MMGSTIKQFYQRYFSATQDASWLARLMAGRQQEILGELMQWGVTSQASDH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04913
Name: ER04257_3A_prokka|PROKKA_04913
Description: ER04257_3A_prokka|PROKKA_04913
Number of features: 0
Seq('MPLLCEISITNIIFFSIDTSFPIGRFGYGYINFTPMNICNYRLVRKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_04967
Name: ER04257_3A_prokka|PROKKA_04967
Description: ER04257_3A_prokka|PROKKA_04967
Number of features: 0
Seq('MFRWGIIFLVIALIAAALGFGGLAGTAAWAAKIVFVVGIILFLVSLFTGRRRP', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_05051
Name: ER04257_3A_prokka|PROKKA_05051
Description: ER04257_3A_prokka|PROKKA_05051
Number of features: 0
Seq('MEFHENRARQPFIGFVFLARAFKKWWLREQTRRTLQRMSDEQLKDVGLRRDQIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_05075
Name: ER04257_3A_prokka|PROKKA_05075
Description: ER04257_3A_prokka|PROKKA_05075
Number of features: 0
Seq('MTQKSIYRLIAQGGLDDWYNLDHRISNDFPR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_05273
Name: ER04257_3A_prokka|PROKKA_05273
Description: ER04257_3A_prokka|PROKKA_05273
Number of features: 0
Seq('MVKKAIAAVFTVLVLSSALTGCNTTRGVGQDISDGGDAISGAATKAQQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_05292
Name: ER04257_3A_prokka|PROKKA_05292
Description: ER04257_3A_prokka|PROKKA_05292
Number of features: 0
Seq('MFGAELVIVLLAIYLGARLGVSASVSPVAWASSS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_05540
Name: ER04257_3A_prokka|PROKKA_05540
Description: ER04257_3A_prokka|PROKKA_05540
Number of features: 0
Seq('MPYTKSFKQHQGRKKANRNKLTLVSDSGTENAANTEAV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_05583
Name: ER04257_3A_prokka|PROKKA_05583
Description: ER04257_3A_prokka|PROKKA_05583
Number of features: 0
Seq('MDKLGHRFFHDICCFFIWPLKTHLLKQISGIIF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_05584
Name: ER04257_3A_prokka|PROKKA_05584
Description: ER04257_3A_prokka|PROKKA_05584
Number of features: 0
Seq('MMVLINHSLYFFRNIDIYEVYLFVDVLPFCKKMHNHY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04257_3A_prokka|PROKKA_05647
Name: ER04257_3A_prokka|PROKKA_05647
Description: ER04257_3A_prokka|PROKKA_05647
Number of features: 0
Seq('MSINLDTPNIDTGFIITFFVINLSFIKGDRLNNYFFIFFKIIKLPE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00083
Name: ER04324_3B_prokka|PROKKA_00083
Description: ER04324_3B_prokka|PROKKA_00083
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00086
Name: ER04324_3B_prokka|PROKKA_00086
Description: ER04324_3B_prokka|PROKKA_00086
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00090
Name: ER04324_3B_prokka|PROKKA_00090
Description: ER04324_3B_prokka|PROKKA_00090
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00111
Name: ER04324_3B_prokka|PROKKA_00111
Description: ER04324_3B_prokka|PROKKA_00111
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00129
Name: ER04324_3B_prokka|PROKKA_00129
Description: ER04324_3B_prokka|PROKKA_00129
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00296
Name: ER04324_3B_prokka|PROKKA_00296
Description: ER04324_3B_prokka|PROKKA_00296
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00420
Name: ER04324_3B_prokka|PROKKA_00420
Description: ER04324_3B_prokka|PROKKA_00420
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00437
Name: ER04324_3B_prokka|PROKKA_00437
Description: ER04324_3B_prokka|PROKKA_00437
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00603
Name: ER04324_3B_prokka|PROKKA_00603
Description: ER04324_3B_prokka|PROKKA_00603
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00832
Name: ER04324_3B_prokka|PROKKA_00832
Description: ER04324_3B_prokka|PROKKA_00832
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00863
Name: ER04324_3B_prokka|PROKKA_00863
Description: ER04324_3B_prokka|PROKKA_00863
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00867
Name: ER04324_3B_prokka|PROKKA_00867
Description: ER04324_3B_prokka|PROKKA_00867
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00883
Name: ER04324_3B_prokka|PROKKA_00883
Description: ER04324_3B_prokka|PROKKA_00883
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00913
Name: ER04324_3B_prokka|PROKKA_00913
Description: ER04324_3B_prokka|PROKKA_00913
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00914
Name: ER04324_3B_prokka|PROKKA_00914
Description: ER04324_3B_prokka|PROKKA_00914
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00916
Name: ER04324_3B_prokka|PROKKA_00916
Description: ER04324_3B_prokka|PROKKA_00916
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_00968
Name: ER04324_3B_prokka|PROKKA_00968
Description: ER04324_3B_prokka|PROKKA_00968
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01010
Name: ER04324_3B_prokka|PROKKA_01010
Description: ER04324_3B_prokka|PROKKA_01010
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01024
Name: ER04324_3B_prokka|PROKKA_01024
Description: ER04324_3B_prokka|PROKKA_01024
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01193
Name: ER04324_3B_prokka|PROKKA_01193
Description: ER04324_3B_prokka|PROKKA_01193
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01267
Name: ER04324_3B_prokka|PROKKA_01267
Description: ER04324_3B_prokka|PROKKA_01267
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01302
Name: ER04324_3B_prokka|PROKKA_01302
Description: ER04324_3B_prokka|PROKKA_01302
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01305
Name: ER04324_3B_prokka|PROKKA_01305
Description: ER04324_3B_prokka|PROKKA_01305
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01332
Name: ER04324_3B_prokka|PROKKA_01332
Description: ER04324_3B_prokka|PROKKA_01332
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01337
Name: ER04324_3B_prokka|PROKKA_01337
Description: ER04324_3B_prokka|PROKKA_01337
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01345
Name: ER04324_3B_prokka|PROKKA_01345
Description: ER04324_3B_prokka|PROKKA_01345
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01360
Name: ER04324_3B_prokka|PROKKA_01360
Description: ER04324_3B_prokka|PROKKA_01360
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01379
Name: ER04324_3B_prokka|PROKKA_01379
Description: ER04324_3B_prokka|PROKKA_01379
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01387
Name: ER04324_3B_prokka|PROKKA_01387
Description: ER04324_3B_prokka|PROKKA_01387
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01434
Name: ER04324_3B_prokka|PROKKA_01434
Description: ER04324_3B_prokka|PROKKA_01434
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01446
Name: ER04324_3B_prokka|PROKKA_01446
Description: ER04324_3B_prokka|PROKKA_01446
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01539
Name: ER04324_3B_prokka|PROKKA_01539
Description: ER04324_3B_prokka|PROKKA_01539
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01563
Name: ER04324_3B_prokka|PROKKA_01563
Description: ER04324_3B_prokka|PROKKA_01563
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01567
Name: ER04324_3B_prokka|PROKKA_01567
Description: ER04324_3B_prokka|PROKKA_01567
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01703
Name: ER04324_3B_prokka|PROKKA_01703
Description: ER04324_3B_prokka|PROKKA_01703
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01704
Name: ER04324_3B_prokka|PROKKA_01704
Description: ER04324_3B_prokka|PROKKA_01704
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01716
Name: ER04324_3B_prokka|PROKKA_01716
Description: ER04324_3B_prokka|PROKKA_01716
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01798
Name: ER04324_3B_prokka|PROKKA_01798
Description: ER04324_3B_prokka|PROKKA_01798
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01799
Name: ER04324_3B_prokka|PROKKA_01799
Description: ER04324_3B_prokka|PROKKA_01799
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01816
Name: ER04324_3B_prokka|PROKKA_01816
Description: ER04324_3B_prokka|PROKKA_01816
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01839
Name: ER04324_3B_prokka|PROKKA_01839
Description: ER04324_3B_prokka|PROKKA_01839
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01945
Name: ER04324_3B_prokka|PROKKA_01945
Description: ER04324_3B_prokka|PROKKA_01945
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01960
Name: ER04324_3B_prokka|PROKKA_01960
Description: ER04324_3B_prokka|PROKKA_01960
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01961
Name: ER04324_3B_prokka|PROKKA_01961
Description: ER04324_3B_prokka|PROKKA_01961
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_01992
Name: ER04324_3B_prokka|PROKKA_01992
Description: ER04324_3B_prokka|PROKKA_01992
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02014
Name: ER04324_3B_prokka|PROKKA_02014
Description: ER04324_3B_prokka|PROKKA_02014
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02019
Name: ER04324_3B_prokka|PROKKA_02019
Description: ER04324_3B_prokka|PROKKA_02019
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02093
Name: ER04324_3B_prokka|PROKKA_02093
Description: ER04324_3B_prokka|PROKKA_02093
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02097
Name: ER04324_3B_prokka|PROKKA_02097
Description: ER04324_3B_prokka|PROKKA_02097
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02113
Name: ER04324_3B_prokka|PROKKA_02113
Description: ER04324_3B_prokka|PROKKA_02113
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02131
Name: ER04324_3B_prokka|PROKKA_02131
Description: ER04324_3B_prokka|PROKKA_02131
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02137
Name: ER04324_3B_prokka|PROKKA_02137
Description: ER04324_3B_prokka|PROKKA_02137
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02142
Name: ER04324_3B_prokka|PROKKA_02142
Description: ER04324_3B_prokka|PROKKA_02142
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02158
Name: ER04324_3B_prokka|PROKKA_02158
Description: ER04324_3B_prokka|PROKKA_02158
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02160
Name: ER04324_3B_prokka|PROKKA_02160
Description: ER04324_3B_prokka|PROKKA_02160
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02213
Name: ER04324_3B_prokka|PROKKA_02213
Description: ER04324_3B_prokka|PROKKA_02213
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02321
Name: ER04324_3B_prokka|PROKKA_02321
Description: ER04324_3B_prokka|PROKKA_02321
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02340
Name: ER04324_3B_prokka|PROKKA_02340
Description: ER04324_3B_prokka|PROKKA_02340
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02353
Name: ER04324_3B_prokka|PROKKA_02353
Description: ER04324_3B_prokka|PROKKA_02353
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02385
Name: ER04324_3B_prokka|PROKKA_02385
Description: ER04324_3B_prokka|PROKKA_02385
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02530
Name: ER04324_3B_prokka|PROKKA_02530
Description: ER04324_3B_prokka|PROKKA_02530
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02539
Name: ER04324_3B_prokka|PROKKA_02539
Description: ER04324_3B_prokka|PROKKA_02539
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02603
Name: ER04324_3B_prokka|PROKKA_02603
Description: ER04324_3B_prokka|PROKKA_02603
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02711
Name: ER04324_3B_prokka|PROKKA_02711
Description: ER04324_3B_prokka|PROKKA_02711
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02749
Name: ER04324_3B_prokka|PROKKA_02749
Description: ER04324_3B_prokka|PROKKA_02749
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02833
Name: ER04324_3B_prokka|PROKKA_02833
Description: ER04324_3B_prokka|PROKKA_02833
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04324_3B_prokka|PROKKA_02849
Name: ER04324_3B_prokka|PROKKA_02849
Description: ER04324_3B_prokka|PROKKA_02849
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00030
Name: ER04332_3A_prokka|PROKKA_00030
Description: ER04332_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00034
Name: ER04332_3A_prokka|PROKKA_00034
Description: ER04332_3A_prokka|PROKKA_00034
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00043
Name: ER04332_3A_prokka|PROKKA_00043
Description: ER04332_3A_prokka|PROKKA_00043
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00056
Name: ER04332_3A_prokka|PROKKA_00056
Description: ER04332_3A_prokka|PROKKA_00056
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00059
Name: ER04332_3A_prokka|PROKKA_00059
Description: ER04332_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00225
Name: ER04332_3A_prokka|PROKKA_00225
Description: ER04332_3A_prokka|PROKKA_00225
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00321
Name: ER04332_3A_prokka|PROKKA_00321
Description: ER04332_3A_prokka|PROKKA_00321
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00327
Name: ER04332_3A_prokka|PROKKA_00327
Description: ER04332_3A_prokka|PROKKA_00327
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00371
Name: ER04332_3A_prokka|PROKKA_00371
Description: ER04332_3A_prokka|PROKKA_00371
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00389
Name: ER04332_3A_prokka|PROKKA_00389
Description: ER04332_3A_prokka|PROKKA_00389
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00556
Name: ER04332_3A_prokka|PROKKA_00556
Description: ER04332_3A_prokka|PROKKA_00556
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00808
Name: ER04332_3A_prokka|PROKKA_00808
Description: ER04332_3A_prokka|PROKKA_00808
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00835
Name: ER04332_3A_prokka|PROKKA_00835
Description: ER04332_3A_prokka|PROKKA_00835
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00943
Name: ER04332_3A_prokka|PROKKA_00943
Description: ER04332_3A_prokka|PROKKA_00943
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_00983
Name: ER04332_3A_prokka|PROKKA_00983
Description: ER04332_3A_prokka|PROKKA_00983
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01064
Name: ER04332_3A_prokka|PROKKA_01064
Description: ER04332_3A_prokka|PROKKA_01064
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01076
Name: ER04332_3A_prokka|PROKKA_01076
Description: ER04332_3A_prokka|PROKKA_01076
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01077
Name: ER04332_3A_prokka|PROKKA_01077
Description: ER04332_3A_prokka|PROKKA_01077
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01212
Name: ER04332_3A_prokka|PROKKA_01212
Description: ER04332_3A_prokka|PROKKA_01212
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01216
Name: ER04332_3A_prokka|PROKKA_01216
Description: ER04332_3A_prokka|PROKKA_01216
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01240
Name: ER04332_3A_prokka|PROKKA_01240
Description: ER04332_3A_prokka|PROKKA_01240
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01335
Name: ER04332_3A_prokka|PROKKA_01335
Description: ER04332_3A_prokka|PROKKA_01335
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01347
Name: ER04332_3A_prokka|PROKKA_01347
Description: ER04332_3A_prokka|PROKKA_01347
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01412
Name: ER04332_3A_prokka|PROKKA_01412
Description: ER04332_3A_prokka|PROKKA_01412
Number of features: 0
Seq('MNLGNVKETISIIYLIEIVSFLMYLSKFSTHDIFNDFLSLVKLKFSTFIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01415
Name: ER04332_3A_prokka|PROKKA_01415
Description: ER04332_3A_prokka|PROKKA_01415
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01418
Name: ER04332_3A_prokka|PROKKA_01418
Description: ER04332_3A_prokka|PROKKA_01418
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01453
Name: ER04332_3A_prokka|PROKKA_01453
Description: ER04332_3A_prokka|PROKKA_01453
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01526
Name: ER04332_3A_prokka|PROKKA_01526
Description: ER04332_3A_prokka|PROKKA_01526
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01689
Name: ER04332_3A_prokka|PROKKA_01689
Description: ER04332_3A_prokka|PROKKA_01689
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01704
Name: ER04332_3A_prokka|PROKKA_01704
Description: ER04332_3A_prokka|PROKKA_01704
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01746
Name: ER04332_3A_prokka|PROKKA_01746
Description: ER04332_3A_prokka|PROKKA_01746
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01798
Name: ER04332_3A_prokka|PROKKA_01798
Description: ER04332_3A_prokka|PROKKA_01798
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01873
Name: ER04332_3A_prokka|PROKKA_01873
Description: ER04332_3A_prokka|PROKKA_01873
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01877
Name: ER04332_3A_prokka|PROKKA_01877
Description: ER04332_3A_prokka|PROKKA_01877
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01893
Name: ER04332_3A_prokka|PROKKA_01893
Description: ER04332_3A_prokka|PROKKA_01893
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01911
Name: ER04332_3A_prokka|PROKKA_01911
Description: ER04332_3A_prokka|PROKKA_01911
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01950
Name: ER04332_3A_prokka|PROKKA_01950
Description: ER04332_3A_prokka|PROKKA_01950
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01961
Name: ER04332_3A_prokka|PROKKA_01961
Description: ER04332_3A_prokka|PROKKA_01961
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_01963
Name: ER04332_3A_prokka|PROKKA_01963
Description: ER04332_3A_prokka|PROKKA_01963
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02013
Name: ER04332_3A_prokka|PROKKA_02013
Description: ER04332_3A_prokka|PROKKA_02013
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02139
Name: ER04332_3A_prokka|PROKKA_02139
Description: ER04332_3A_prokka|PROKKA_02139
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02152
Name: ER04332_3A_prokka|PROKKA_02152
Description: ER04332_3A_prokka|PROKKA_02152
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02183
Name: ER04332_3A_prokka|PROKKA_02183
Description: ER04332_3A_prokka|PROKKA_02183
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02337
Name: ER04332_3A_prokka|PROKKA_02337
Description: ER04332_3A_prokka|PROKKA_02337
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02401
Name: ER04332_3A_prokka|PROKKA_02401
Description: ER04332_3A_prokka|PROKKA_02401
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02521
Name: ER04332_3A_prokka|PROKKA_02521
Description: ER04332_3A_prokka|PROKKA_02521
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02534
Name: ER04332_3A_prokka|PROKKA_02534
Description: ER04332_3A_prokka|PROKKA_02534
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02536
Name: ER04332_3A_prokka|PROKKA_02536
Description: ER04332_3A_prokka|PROKKA_02536
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02539
Name: ER04332_3A_prokka|PROKKA_02539
Description: ER04332_3A_prokka|PROKKA_02539
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02546
Name: ER04332_3A_prokka|PROKKA_02546
Description: ER04332_3A_prokka|PROKKA_02546
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02584
Name: ER04332_3A_prokka|PROKKA_02584
Description: ER04332_3A_prokka|PROKKA_02584
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02663
Name: ER04332_3A_prokka|PROKKA_02663
Description: ER04332_3A_prokka|PROKKA_02663
Number of features: 0
Seq('MIFSQNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEHRTLIYVPA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02669
Name: ER04332_3A_prokka|PROKKA_02669
Description: ER04332_3A_prokka|PROKKA_02669
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04332_3A_prokka|PROKKA_02672
Name: ER04332_3A_prokka|PROKKA_02672
Description: ER04332_3A_prokka|PROKKA_02672
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00030
Name: ER04379_3A_prokka|PROKKA_00030
Description: ER04379_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00041
Name: ER04379_3A_prokka|PROKKA_00041
Description: ER04379_3A_prokka|PROKKA_00041
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00042
Name: ER04379_3A_prokka|PROKKA_00042
Description: ER04379_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00065
Name: ER04379_3A_prokka|PROKKA_00065
Description: ER04379_3A_prokka|PROKKA_00065
Number of features: 0
Seq('MFEQDMVALRATMHVALHIADDKAFAKLVPADAKPSSNPGEV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00094
Name: ER04379_3A_prokka|PROKKA_00094
Description: ER04379_3A_prokka|PROKKA_00094
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00103
Name: ER04379_3A_prokka|PROKKA_00103
Description: ER04379_3A_prokka|PROKKA_00103
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00124
Name: ER04379_3A_prokka|PROKKA_00124
Description: ER04379_3A_prokka|PROKKA_00124
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00144
Name: ER04379_3A_prokka|PROKKA_00144
Description: ER04379_3A_prokka|PROKKA_00144
Number of features: 0
Seq('MIKKLFFMILGSLLILSACSNNDEKDKDTND', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00214
Name: ER04379_3A_prokka|PROKKA_00214
Description: ER04379_3A_prokka|PROKKA_00214
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00313
Name: ER04379_3A_prokka|PROKKA_00313
Description: ER04379_3A_prokka|PROKKA_00313
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00365
Name: ER04379_3A_prokka|PROKKA_00365
Description: ER04379_3A_prokka|PROKKA_00365
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00463
Name: ER04379_3A_prokka|PROKKA_00463
Description: ER04379_3A_prokka|PROKKA_00463
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00486
Name: ER04379_3A_prokka|PROKKA_00486
Description: ER04379_3A_prokka|PROKKA_00486
Number of features: 0
Seq('MEYLKRLALLISVIILTIFIMGCDSQSDTAENPKEGSKEAQIKKSFFENVRYVSN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00495
Name: ER04379_3A_prokka|PROKKA_00495
Description: ER04379_3A_prokka|PROKKA_00495
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELSKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00503
Name: ER04379_3A_prokka|PROKKA_00503
Description: ER04379_3A_prokka|PROKKA_00503
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00512
Name: ER04379_3A_prokka|PROKKA_00512
Description: ER04379_3A_prokka|PROKKA_00512
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00527
Name: ER04379_3A_prokka|PROKKA_00527
Description: ER04379_3A_prokka|PROKKA_00527
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00554
Name: ER04379_3A_prokka|PROKKA_00554
Description: ER04379_3A_prokka|PROKKA_00554
Number of features: 0
Seq('MDYLIRKIEKPTASEVVEWALYIAKNKIAIDVPGSGMGAQCWDLPNYFTR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00564
Name: ER04379_3A_prokka|PROKKA_00564
Description: ER04379_3A_prokka|PROKKA_00564
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00565
Name: ER04379_3A_prokka|PROKKA_00565
Description: ER04379_3A_prokka|PROKKA_00565
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00577
Name: ER04379_3A_prokka|PROKKA_00577
Description: ER04379_3A_prokka|PROKKA_00577
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00707
Name: ER04379_3A_prokka|PROKKA_00707
Description: ER04379_3A_prokka|PROKKA_00707
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00743
Name: ER04379_3A_prokka|PROKKA_00743
Description: ER04379_3A_prokka|PROKKA_00743
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00850
Name: ER04379_3A_prokka|PROKKA_00850
Description: ER04379_3A_prokka|PROKKA_00850
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_00961
Name: ER04379_3A_prokka|PROKKA_00961
Description: ER04379_3A_prokka|PROKKA_00961
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01005
Name: ER04379_3A_prokka|PROKKA_01005
Description: ER04379_3A_prokka|PROKKA_01005
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01113
Name: ER04379_3A_prokka|PROKKA_01113
Description: ER04379_3A_prokka|PROKKA_01113
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01152
Name: ER04379_3A_prokka|PROKKA_01152
Description: ER04379_3A_prokka|PROKKA_01152
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01232
Name: ER04379_3A_prokka|PROKKA_01232
Description: ER04379_3A_prokka|PROKKA_01232
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01245
Name: ER04379_3A_prokka|PROKKA_01245
Description: ER04379_3A_prokka|PROKKA_01245
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01246
Name: ER04379_3A_prokka|PROKKA_01246
Description: ER04379_3A_prokka|PROKKA_01246
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01382
Name: ER04379_3A_prokka|PROKKA_01382
Description: ER04379_3A_prokka|PROKKA_01382
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01386
Name: ER04379_3A_prokka|PROKKA_01386
Description: ER04379_3A_prokka|PROKKA_01386
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01390
Name: ER04379_3A_prokka|PROKKA_01390
Description: ER04379_3A_prokka|PROKKA_01390
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01392
Name: ER04379_3A_prokka|PROKKA_01392
Description: ER04379_3A_prokka|PROKKA_01392
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01416
Name: ER04379_3A_prokka|PROKKA_01416
Description: ER04379_3A_prokka|PROKKA_01416
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01511
Name: ER04379_3A_prokka|PROKKA_01511
Description: ER04379_3A_prokka|PROKKA_01511
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01523
Name: ER04379_3A_prokka|PROKKA_01523
Description: ER04379_3A_prokka|PROKKA_01523
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01572
Name: ER04379_3A_prokka|PROKKA_01572
Description: ER04379_3A_prokka|PROKKA_01572
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01580
Name: ER04379_3A_prokka|PROKKA_01580
Description: ER04379_3A_prokka|PROKKA_01580
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01600
Name: ER04379_3A_prokka|PROKKA_01600
Description: ER04379_3A_prokka|PROKKA_01600
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01628
Name: ER04379_3A_prokka|PROKKA_01628
Description: ER04379_3A_prokka|PROKKA_01628
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01655
Name: ER04379_3A_prokka|PROKKA_01655
Description: ER04379_3A_prokka|PROKKA_01655
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01692
Name: ER04379_3A_prokka|PROKKA_01692
Description: ER04379_3A_prokka|PROKKA_01692
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01763
Name: ER04379_3A_prokka|PROKKA_01763
Description: ER04379_3A_prokka|PROKKA_01763
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01928
Name: ER04379_3A_prokka|PROKKA_01928
Description: ER04379_3A_prokka|PROKKA_01928
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01936
Name: ER04379_3A_prokka|PROKKA_01936
Description: ER04379_3A_prokka|PROKKA_01936
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01955
Name: ER04379_3A_prokka|PROKKA_01955
Description: ER04379_3A_prokka|PROKKA_01955
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_01990
Name: ER04379_3A_prokka|PROKKA_01990
Description: ER04379_3A_prokka|PROKKA_01990
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02042
Name: ER04379_3A_prokka|PROKKA_02042
Description: ER04379_3A_prokka|PROKKA_02042
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02072
Name: ER04379_3A_prokka|PROKKA_02072
Description: ER04379_3A_prokka|PROKKA_02072
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQPEQLKGDVKVKEREIEILRSRLRHFEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02084
Name: ER04379_3A_prokka|PROKKA_02084
Description: ER04379_3A_prokka|PROKKA_02084
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02102
Name: ER04379_3A_prokka|PROKKA_02102
Description: ER04379_3A_prokka|PROKKA_02102
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELSKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02176
Name: ER04379_3A_prokka|PROKKA_02176
Description: ER04379_3A_prokka|PROKKA_02176
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02180
Name: ER04379_3A_prokka|PROKKA_02180
Description: ER04379_3A_prokka|PROKKA_02180
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02196
Name: ER04379_3A_prokka|PROKKA_02196
Description: ER04379_3A_prokka|PROKKA_02196
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02216
Name: ER04379_3A_prokka|PROKKA_02216
Description: ER04379_3A_prokka|PROKKA_02216
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02246
Name: ER04379_3A_prokka|PROKKA_02246
Description: ER04379_3A_prokka|PROKKA_02246
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02248
Name: ER04379_3A_prokka|PROKKA_02248
Description: ER04379_3A_prokka|PROKKA_02248
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02297
Name: ER04379_3A_prokka|PROKKA_02297
Description: ER04379_3A_prokka|PROKKA_02297
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02353
Name: ER04379_3A_prokka|PROKKA_02353
Description: ER04379_3A_prokka|PROKKA_02353
Number of features: 0
Seq('MTAETNYFWLNCGYNRWNHNEPLVGQTALFESGAHFNPSQGFRAFKKAKVGD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02418
Name: ER04379_3A_prokka|PROKKA_02418
Description: ER04379_3A_prokka|PROKKA_02418
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02442
Name: ER04379_3A_prokka|PROKKA_02442
Description: ER04379_3A_prokka|PROKKA_02442
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02473
Name: ER04379_3A_prokka|PROKKA_02473
Description: ER04379_3A_prokka|PROKKA_02473
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02628
Name: ER04379_3A_prokka|PROKKA_02628
Description: ER04379_3A_prokka|PROKKA_02628
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02838
Name: ER04379_3A_prokka|PROKKA_02838
Description: ER04379_3A_prokka|PROKKA_02838
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02925
Name: ER04379_3A_prokka|PROKKA_02925
Description: ER04379_3A_prokka|PROKKA_02925
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04379_3A_prokka|PROKKA_02926
Name: ER04379_3A_prokka|PROKKA_02926
Description: ER04379_3A_prokka|PROKKA_02926
Number of features: 0
Seq('MMFNQINNKNELEESYESEKKRIENELQNLNELRHRTRKENERSYDVFNI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00039
Name: ER04397_3A_prokka|PROKKA_00039
Description: ER04397_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00042
Name: ER04397_3A_prokka|PROKKA_00042
Description: ER04397_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00046
Name: ER04397_3A_prokka|PROKKA_00046
Description: ER04397_3A_prokka|PROKKA_00046
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00067
Name: ER04397_3A_prokka|PROKKA_00067
Description: ER04397_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00085
Name: ER04397_3A_prokka|PROKKA_00085
Description: ER04397_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00252
Name: ER04397_3A_prokka|PROKKA_00252
Description: ER04397_3A_prokka|PROKKA_00252
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00376
Name: ER04397_3A_prokka|PROKKA_00376
Description: ER04397_3A_prokka|PROKKA_00376
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00393
Name: ER04397_3A_prokka|PROKKA_00393
Description: ER04397_3A_prokka|PROKKA_00393
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00559
Name: ER04397_3A_prokka|PROKKA_00559
Description: ER04397_3A_prokka|PROKKA_00559
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00788
Name: ER04397_3A_prokka|PROKKA_00788
Description: ER04397_3A_prokka|PROKKA_00788
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00819
Name: ER04397_3A_prokka|PROKKA_00819
Description: ER04397_3A_prokka|PROKKA_00819
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00823
Name: ER04397_3A_prokka|PROKKA_00823
Description: ER04397_3A_prokka|PROKKA_00823
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00839
Name: ER04397_3A_prokka|PROKKA_00839
Description: ER04397_3A_prokka|PROKKA_00839
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00869
Name: ER04397_3A_prokka|PROKKA_00869
Description: ER04397_3A_prokka|PROKKA_00869
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00870
Name: ER04397_3A_prokka|PROKKA_00870
Description: ER04397_3A_prokka|PROKKA_00870
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00872
Name: ER04397_3A_prokka|PROKKA_00872
Description: ER04397_3A_prokka|PROKKA_00872
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00924
Name: ER04397_3A_prokka|PROKKA_00924
Description: ER04397_3A_prokka|PROKKA_00924
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00966
Name: ER04397_3A_prokka|PROKKA_00966
Description: ER04397_3A_prokka|PROKKA_00966
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_00980
Name: ER04397_3A_prokka|PROKKA_00980
Description: ER04397_3A_prokka|PROKKA_00980
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01149
Name: ER04397_3A_prokka|PROKKA_01149
Description: ER04397_3A_prokka|PROKKA_01149
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01223
Name: ER04397_3A_prokka|PROKKA_01223
Description: ER04397_3A_prokka|PROKKA_01223
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01258
Name: ER04397_3A_prokka|PROKKA_01258
Description: ER04397_3A_prokka|PROKKA_01258
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01261
Name: ER04397_3A_prokka|PROKKA_01261
Description: ER04397_3A_prokka|PROKKA_01261
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01288
Name: ER04397_3A_prokka|PROKKA_01288
Description: ER04397_3A_prokka|PROKKA_01288
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01293
Name: ER04397_3A_prokka|PROKKA_01293
Description: ER04397_3A_prokka|PROKKA_01293
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01301
Name: ER04397_3A_prokka|PROKKA_01301
Description: ER04397_3A_prokka|PROKKA_01301
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01316
Name: ER04397_3A_prokka|PROKKA_01316
Description: ER04397_3A_prokka|PROKKA_01316
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01335
Name: ER04397_3A_prokka|PROKKA_01335
Description: ER04397_3A_prokka|PROKKA_01335
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01343
Name: ER04397_3A_prokka|PROKKA_01343
Description: ER04397_3A_prokka|PROKKA_01343
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01390
Name: ER04397_3A_prokka|PROKKA_01390
Description: ER04397_3A_prokka|PROKKA_01390
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01402
Name: ER04397_3A_prokka|PROKKA_01402
Description: ER04397_3A_prokka|PROKKA_01402
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01496
Name: ER04397_3A_prokka|PROKKA_01496
Description: ER04397_3A_prokka|PROKKA_01496
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01520
Name: ER04397_3A_prokka|PROKKA_01520
Description: ER04397_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01524
Name: ER04397_3A_prokka|PROKKA_01524
Description: ER04397_3A_prokka|PROKKA_01524
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01660
Name: ER04397_3A_prokka|PROKKA_01660
Description: ER04397_3A_prokka|PROKKA_01660
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01661
Name: ER04397_3A_prokka|PROKKA_01661
Description: ER04397_3A_prokka|PROKKA_01661
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01673
Name: ER04397_3A_prokka|PROKKA_01673
Description: ER04397_3A_prokka|PROKKA_01673
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01755
Name: ER04397_3A_prokka|PROKKA_01755
Description: ER04397_3A_prokka|PROKKA_01755
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01756
Name: ER04397_3A_prokka|PROKKA_01756
Description: ER04397_3A_prokka|PROKKA_01756
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01773
Name: ER04397_3A_prokka|PROKKA_01773
Description: ER04397_3A_prokka|PROKKA_01773
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01796
Name: ER04397_3A_prokka|PROKKA_01796
Description: ER04397_3A_prokka|PROKKA_01796
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01902
Name: ER04397_3A_prokka|PROKKA_01902
Description: ER04397_3A_prokka|PROKKA_01902
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01917
Name: ER04397_3A_prokka|PROKKA_01917
Description: ER04397_3A_prokka|PROKKA_01917
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01918
Name: ER04397_3A_prokka|PROKKA_01918
Description: ER04397_3A_prokka|PROKKA_01918
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01949
Name: ER04397_3A_prokka|PROKKA_01949
Description: ER04397_3A_prokka|PROKKA_01949
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01971
Name: ER04397_3A_prokka|PROKKA_01971
Description: ER04397_3A_prokka|PROKKA_01971
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_01976
Name: ER04397_3A_prokka|PROKKA_01976
Description: ER04397_3A_prokka|PROKKA_01976
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02052
Name: ER04397_3A_prokka|PROKKA_02052
Description: ER04397_3A_prokka|PROKKA_02052
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02056
Name: ER04397_3A_prokka|PROKKA_02056
Description: ER04397_3A_prokka|PROKKA_02056
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02072
Name: ER04397_3A_prokka|PROKKA_02072
Description: ER04397_3A_prokka|PROKKA_02072
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02090
Name: ER04397_3A_prokka|PROKKA_02090
Description: ER04397_3A_prokka|PROKKA_02090
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02116
Name: ER04397_3A_prokka|PROKKA_02116
Description: ER04397_3A_prokka|PROKKA_02116
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02118
Name: ER04397_3A_prokka|PROKKA_02118
Description: ER04397_3A_prokka|PROKKA_02118
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02170
Name: ER04397_3A_prokka|PROKKA_02170
Description: ER04397_3A_prokka|PROKKA_02170
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02278
Name: ER04397_3A_prokka|PROKKA_02278
Description: ER04397_3A_prokka|PROKKA_02278
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02297
Name: ER04397_3A_prokka|PROKKA_02297
Description: ER04397_3A_prokka|PROKKA_02297
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02310
Name: ER04397_3A_prokka|PROKKA_02310
Description: ER04397_3A_prokka|PROKKA_02310
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02342
Name: ER04397_3A_prokka|PROKKA_02342
Description: ER04397_3A_prokka|PROKKA_02342
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02487
Name: ER04397_3A_prokka|PROKKA_02487
Description: ER04397_3A_prokka|PROKKA_02487
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02496
Name: ER04397_3A_prokka|PROKKA_02496
Description: ER04397_3A_prokka|PROKKA_02496
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02560
Name: ER04397_3A_prokka|PROKKA_02560
Description: ER04397_3A_prokka|PROKKA_02560
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02668
Name: ER04397_3A_prokka|PROKKA_02668
Description: ER04397_3A_prokka|PROKKA_02668
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02706
Name: ER04397_3A_prokka|PROKKA_02706
Description: ER04397_3A_prokka|PROKKA_02706
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02790
Name: ER04397_3A_prokka|PROKKA_02790
Description: ER04397_3A_prokka|PROKKA_02790
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04397_3A_prokka|PROKKA_02850
Name: ER04397_3A_prokka|PROKKA_02850
Description: ER04397_3A_prokka|PROKKA_02850
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00003
Name: ER04402_3A_prokka|PROKKA_00003
Description: ER04402_3A_prokka|PROKKA_00003
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00017
Name: ER04402_3A_prokka|PROKKA_00017
Description: ER04402_3A_prokka|PROKKA_00017
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00021
Name: ER04402_3A_prokka|PROKKA_00021
Description: ER04402_3A_prokka|PROKKA_00021
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00077
Name: ER04402_3A_prokka|PROKKA_00077
Description: ER04402_3A_prokka|PROKKA_00077
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00096
Name: ER04402_3A_prokka|PROKKA_00096
Description: ER04402_3A_prokka|PROKKA_00096
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00263
Name: ER04402_3A_prokka|PROKKA_00263
Description: ER04402_3A_prokka|PROKKA_00263
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00384
Name: ER04402_3A_prokka|PROKKA_00384
Description: ER04402_3A_prokka|PROKKA_00384
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00401
Name: ER04402_3A_prokka|PROKKA_00401
Description: ER04402_3A_prokka|PROKKA_00401
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00568
Name: ER04402_3A_prokka|PROKKA_00568
Description: ER04402_3A_prokka|PROKKA_00568
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00796
Name: ER04402_3A_prokka|PROKKA_00796
Description: ER04402_3A_prokka|PROKKA_00796
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00823
Name: ER04402_3A_prokka|PROKKA_00823
Description: ER04402_3A_prokka|PROKKA_00823
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00928
Name: ER04402_3A_prokka|PROKKA_00928
Description: ER04402_3A_prokka|PROKKA_00928
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00967
Name: ER04402_3A_prokka|PROKKA_00967
Description: ER04402_3A_prokka|PROKKA_00967
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_00968
Name: ER04402_3A_prokka|PROKKA_00968
Description: ER04402_3A_prokka|PROKKA_00968
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01017
Name: ER04402_3A_prokka|PROKKA_01017
Description: ER04402_3A_prokka|PROKKA_01017
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01021
Name: ER04402_3A_prokka|PROKKA_01021
Description: ER04402_3A_prokka|PROKKA_01021
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01026
Name: ER04402_3A_prokka|PROKKA_01026
Description: ER04402_3A_prokka|PROKKA_01026
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01027
Name: ER04402_3A_prokka|PROKKA_01027
Description: ER04402_3A_prokka|PROKKA_01027
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01041
Name: ER04402_3A_prokka|PROKKA_01041
Description: ER04402_3A_prokka|PROKKA_01041
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01048
Name: ER04402_3A_prokka|PROKKA_01048
Description: ER04402_3A_prokka|PROKKA_01048
Number of features: 0
Seq('MMWLVIAIILLVILLFGMMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01112
Name: ER04402_3A_prokka|PROKKA_01112
Description: ER04402_3A_prokka|PROKKA_01112
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01124
Name: ER04402_3A_prokka|PROKKA_01124
Description: ER04402_3A_prokka|PROKKA_01124
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01125
Name: ER04402_3A_prokka|PROKKA_01125
Description: ER04402_3A_prokka|PROKKA_01125
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01143
Name: ER04402_3A_prokka|PROKKA_01143
Description: ER04402_3A_prokka|PROKKA_01143
Number of features: 0
Seq('MNHTIVDSADFQLQANDLISIQGFGRAHITDLGGKTKKDKTHITYRTLFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01262
Name: ER04402_3A_prokka|PROKKA_01262
Description: ER04402_3A_prokka|PROKKA_01262
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01266
Name: ER04402_3A_prokka|PROKKA_01266
Description: ER04402_3A_prokka|PROKKA_01266
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01290
Name: ER04402_3A_prokka|PROKKA_01290
Description: ER04402_3A_prokka|PROKKA_01290
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01395
Name: ER04402_3A_prokka|PROKKA_01395
Description: ER04402_3A_prokka|PROKKA_01395
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01442
Name: ER04402_3A_prokka|PROKKA_01442
Description: ER04402_3A_prokka|PROKKA_01442
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01450
Name: ER04402_3A_prokka|PROKKA_01450
Description: ER04402_3A_prokka|PROKKA_01450
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01469
Name: ER04402_3A_prokka|PROKKA_01469
Description: ER04402_3A_prokka|PROKKA_01469
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01484
Name: ER04402_3A_prokka|PROKKA_01484
Description: ER04402_3A_prokka|PROKKA_01484
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01492
Name: ER04402_3A_prokka|PROKKA_01492
Description: ER04402_3A_prokka|PROKKA_01492
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01497
Name: ER04402_3A_prokka|PROKKA_01497
Description: ER04402_3A_prokka|PROKKA_01497
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01524
Name: ER04402_3A_prokka|PROKKA_01524
Description: ER04402_3A_prokka|PROKKA_01524
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01527
Name: ER04402_3A_prokka|PROKKA_01527
Description: ER04402_3A_prokka|PROKKA_01527
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01562
Name: ER04402_3A_prokka|PROKKA_01562
Description: ER04402_3A_prokka|PROKKA_01562
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01635
Name: ER04402_3A_prokka|PROKKA_01635
Description: ER04402_3A_prokka|PROKKA_01635
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01804
Name: ER04402_3A_prokka|PROKKA_01804
Description: ER04402_3A_prokka|PROKKA_01804
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01818
Name: ER04402_3A_prokka|PROKKA_01818
Description: ER04402_3A_prokka|PROKKA_01818
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01860
Name: ER04402_3A_prokka|PROKKA_01860
Description: ER04402_3A_prokka|PROKKA_01860
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01912
Name: ER04402_3A_prokka|PROKKA_01912
Description: ER04402_3A_prokka|PROKKA_01912
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01985
Name: ER04402_3A_prokka|PROKKA_01985
Description: ER04402_3A_prokka|PROKKA_01985
Number of features: 0
Seq('MKDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_01989
Name: ER04402_3A_prokka|PROKKA_01989
Description: ER04402_3A_prokka|PROKKA_01989
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02005
Name: ER04402_3A_prokka|PROKKA_02005
Description: ER04402_3A_prokka|PROKKA_02005
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02023
Name: ER04402_3A_prokka|PROKKA_02023
Description: ER04402_3A_prokka|PROKKA_02023
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02032
Name: ER04402_3A_prokka|PROKKA_02032
Description: ER04402_3A_prokka|PROKKA_02032
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02034
Name: ER04402_3A_prokka|PROKKA_02034
Description: ER04402_3A_prokka|PROKKA_02034
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKLDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02049
Name: ER04402_3A_prokka|PROKKA_02049
Description: ER04402_3A_prokka|PROKKA_02049
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02051
Name: ER04402_3A_prokka|PROKKA_02051
Description: ER04402_3A_prokka|PROKKA_02051
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02101
Name: ER04402_3A_prokka|PROKKA_02101
Description: ER04402_3A_prokka|PROKKA_02101
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02226
Name: ER04402_3A_prokka|PROKKA_02226
Description: ER04402_3A_prokka|PROKKA_02226
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02239
Name: ER04402_3A_prokka|PROKKA_02239
Description: ER04402_3A_prokka|PROKKA_02239
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02270
Name: ER04402_3A_prokka|PROKKA_02270
Description: ER04402_3A_prokka|PROKKA_02270
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02415
Name: ER04402_3A_prokka|PROKKA_02415
Description: ER04402_3A_prokka|PROKKA_02415
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02424
Name: ER04402_3A_prokka|PROKKA_02424
Description: ER04402_3A_prokka|PROKKA_02424
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02488
Name: ER04402_3A_prokka|PROKKA_02488
Description: ER04402_3A_prokka|PROKKA_02488
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02598
Name: ER04402_3A_prokka|PROKKA_02598
Description: ER04402_3A_prokka|PROKKA_02598
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02636
Name: ER04402_3A_prokka|PROKKA_02636
Description: ER04402_3A_prokka|PROKKA_02636
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04402_3A_prokka|PROKKA_02720
Name: ER04402_3A_prokka|PROKKA_02720
Description: ER04402_3A_prokka|PROKKA_02720
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00039
Name: ER04407_3A_prokka|PROKKA_00039
Description: ER04407_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00042
Name: ER04407_3A_prokka|PROKKA_00042
Description: ER04407_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00046
Name: ER04407_3A_prokka|PROKKA_00046
Description: ER04407_3A_prokka|PROKKA_00046
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00067
Name: ER04407_3A_prokka|PROKKA_00067
Description: ER04407_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00085
Name: ER04407_3A_prokka|PROKKA_00085
Description: ER04407_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00208
Name: ER04407_3A_prokka|PROKKA_00208
Description: ER04407_3A_prokka|PROKKA_00208
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00252
Name: ER04407_3A_prokka|PROKKA_00252
Description: ER04407_3A_prokka|PROKKA_00252
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00376
Name: ER04407_3A_prokka|PROKKA_00376
Description: ER04407_3A_prokka|PROKKA_00376
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00393
Name: ER04407_3A_prokka|PROKKA_00393
Description: ER04407_3A_prokka|PROKKA_00393
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00559
Name: ER04407_3A_prokka|PROKKA_00559
Description: ER04407_3A_prokka|PROKKA_00559
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00789
Name: ER04407_3A_prokka|PROKKA_00789
Description: ER04407_3A_prokka|PROKKA_00789
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00820
Name: ER04407_3A_prokka|PROKKA_00820
Description: ER04407_3A_prokka|PROKKA_00820
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00824
Name: ER04407_3A_prokka|PROKKA_00824
Description: ER04407_3A_prokka|PROKKA_00824
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00840
Name: ER04407_3A_prokka|PROKKA_00840
Description: ER04407_3A_prokka|PROKKA_00840
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00871
Name: ER04407_3A_prokka|PROKKA_00871
Description: ER04407_3A_prokka|PROKKA_00871
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00872
Name: ER04407_3A_prokka|PROKKA_00872
Description: ER04407_3A_prokka|PROKKA_00872
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00887
Name: ER04407_3A_prokka|PROKKA_00887
Description: ER04407_3A_prokka|PROKKA_00887
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_00993
Name: ER04407_3A_prokka|PROKKA_00993
Description: ER04407_3A_prokka|PROKKA_00993
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01032
Name: ER04407_3A_prokka|PROKKA_01032
Description: ER04407_3A_prokka|PROKKA_01032
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01033
Name: ER04407_3A_prokka|PROKKA_01033
Description: ER04407_3A_prokka|PROKKA_01033
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01115
Name: ER04407_3A_prokka|PROKKA_01115
Description: ER04407_3A_prokka|PROKKA_01115
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01127
Name: ER04407_3A_prokka|PROKKA_01127
Description: ER04407_3A_prokka|PROKKA_01127
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01128
Name: ER04407_3A_prokka|PROKKA_01128
Description: ER04407_3A_prokka|PROKKA_01128
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01264
Name: ER04407_3A_prokka|PROKKA_01264
Description: ER04407_3A_prokka|PROKKA_01264
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01268
Name: ER04407_3A_prokka|PROKKA_01268
Description: ER04407_3A_prokka|PROKKA_01268
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01292
Name: ER04407_3A_prokka|PROKKA_01292
Description: ER04407_3A_prokka|PROKKA_01292
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01385
Name: ER04407_3A_prokka|PROKKA_01385
Description: ER04407_3A_prokka|PROKKA_01385
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01397
Name: ER04407_3A_prokka|PROKKA_01397
Description: ER04407_3A_prokka|PROKKA_01397
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01444
Name: ER04407_3A_prokka|PROKKA_01444
Description: ER04407_3A_prokka|PROKKA_01444
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01452
Name: ER04407_3A_prokka|PROKKA_01452
Description: ER04407_3A_prokka|PROKKA_01452
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01471
Name: ER04407_3A_prokka|PROKKA_01471
Description: ER04407_3A_prokka|PROKKA_01471
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01486
Name: ER04407_3A_prokka|PROKKA_01486
Description: ER04407_3A_prokka|PROKKA_01486
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01494
Name: ER04407_3A_prokka|PROKKA_01494
Description: ER04407_3A_prokka|PROKKA_01494
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01499
Name: ER04407_3A_prokka|PROKKA_01499
Description: ER04407_3A_prokka|PROKKA_01499
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01526
Name: ER04407_3A_prokka|PROKKA_01526
Description: ER04407_3A_prokka|PROKKA_01526
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01529
Name: ER04407_3A_prokka|PROKKA_01529
Description: ER04407_3A_prokka|PROKKA_01529
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01564
Name: ER04407_3A_prokka|PROKKA_01564
Description: ER04407_3A_prokka|PROKKA_01564
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01638
Name: ER04407_3A_prokka|PROKKA_01638
Description: ER04407_3A_prokka|PROKKA_01638
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01807
Name: ER04407_3A_prokka|PROKKA_01807
Description: ER04407_3A_prokka|PROKKA_01807
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01821
Name: ER04407_3A_prokka|PROKKA_01821
Description: ER04407_3A_prokka|PROKKA_01821
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01863
Name: ER04407_3A_prokka|PROKKA_01863
Description: ER04407_3A_prokka|PROKKA_01863
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01915
Name: ER04407_3A_prokka|PROKKA_01915
Description: ER04407_3A_prokka|PROKKA_01915
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01917
Name: ER04407_3A_prokka|PROKKA_01917
Description: ER04407_3A_prokka|PROKKA_01917
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01918
Name: ER04407_3A_prokka|PROKKA_01918
Description: ER04407_3A_prokka|PROKKA_01918
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01948
Name: ER04407_3A_prokka|PROKKA_01948
Description: ER04407_3A_prokka|PROKKA_01948
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01970
Name: ER04407_3A_prokka|PROKKA_01970
Description: ER04407_3A_prokka|PROKKA_01970
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_01975
Name: ER04407_3A_prokka|PROKKA_01975
Description: ER04407_3A_prokka|PROKKA_01975
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02051
Name: ER04407_3A_prokka|PROKKA_02051
Description: ER04407_3A_prokka|PROKKA_02051
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02055
Name: ER04407_3A_prokka|PROKKA_02055
Description: ER04407_3A_prokka|PROKKA_02055
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02071
Name: ER04407_3A_prokka|PROKKA_02071
Description: ER04407_3A_prokka|PROKKA_02071
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02089
Name: ER04407_3A_prokka|PROKKA_02089
Description: ER04407_3A_prokka|PROKKA_02089
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02115
Name: ER04407_3A_prokka|PROKKA_02115
Description: ER04407_3A_prokka|PROKKA_02115
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02117
Name: ER04407_3A_prokka|PROKKA_02117
Description: ER04407_3A_prokka|PROKKA_02117
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02169
Name: ER04407_3A_prokka|PROKKA_02169
Description: ER04407_3A_prokka|PROKKA_02169
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02277
Name: ER04407_3A_prokka|PROKKA_02277
Description: ER04407_3A_prokka|PROKKA_02277
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02296
Name: ER04407_3A_prokka|PROKKA_02296
Description: ER04407_3A_prokka|PROKKA_02296
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02309
Name: ER04407_3A_prokka|PROKKA_02309
Description: ER04407_3A_prokka|PROKKA_02309
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02341
Name: ER04407_3A_prokka|PROKKA_02341
Description: ER04407_3A_prokka|PROKKA_02341
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02486
Name: ER04407_3A_prokka|PROKKA_02486
Description: ER04407_3A_prokka|PROKKA_02486
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02495
Name: ER04407_3A_prokka|PROKKA_02495
Description: ER04407_3A_prokka|PROKKA_02495
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02559
Name: ER04407_3A_prokka|PROKKA_02559
Description: ER04407_3A_prokka|PROKKA_02559
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02667
Name: ER04407_3A_prokka|PROKKA_02667
Description: ER04407_3A_prokka|PROKKA_02667
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02705
Name: ER04407_3A_prokka|PROKKA_02705
Description: ER04407_3A_prokka|PROKKA_02705
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02789
Name: ER04407_3A_prokka|PROKKA_02789
Description: ER04407_3A_prokka|PROKKA_02789
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04407_3A_prokka|PROKKA_02805
Name: ER04407_3A_prokka|PROKKA_02805
Description: ER04407_3A_prokka|PROKKA_02805
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00019
Name: ER04421_3B_prokka|PROKKA_00019
Description: ER04421_3B_prokka|PROKKA_00019
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00059
Name: ER04421_3B_prokka|PROKKA_00059
Description: ER04421_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00068
Name: ER04421_3B_prokka|PROKKA_00068
Description: ER04421_3B_prokka|PROKKA_00068
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00089
Name: ER04421_3B_prokka|PROKKA_00089
Description: ER04421_3B_prokka|PROKKA_00089
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00177
Name: ER04421_3B_prokka|PROKKA_00177
Description: ER04421_3B_prokka|PROKKA_00177
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00276
Name: ER04421_3B_prokka|PROKKA_00276
Description: ER04421_3B_prokka|PROKKA_00276
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00328
Name: ER04421_3B_prokka|PROKKA_00328
Description: ER04421_3B_prokka|PROKKA_00328
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00426
Name: ER04421_3B_prokka|PROKKA_00426
Description: ER04421_3B_prokka|PROKKA_00426
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00464
Name: ER04421_3B_prokka|PROKKA_00464
Description: ER04421_3B_prokka|PROKKA_00464
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00594
Name: ER04421_3B_prokka|PROKKA_00594
Description: ER04421_3B_prokka|PROKKA_00594
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00630
Name: ER04421_3B_prokka|PROKKA_00630
Description: ER04421_3B_prokka|PROKKA_00630
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00849
Name: ER04421_3B_prokka|PROKKA_00849
Description: ER04421_3B_prokka|PROKKA_00849
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_00893
Name: ER04421_3B_prokka|PROKKA_00893
Description: ER04421_3B_prokka|PROKKA_00893
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01001
Name: ER04421_3B_prokka|PROKKA_01001
Description: ER04421_3B_prokka|PROKKA_01001
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01040
Name: ER04421_3B_prokka|PROKKA_01040
Description: ER04421_3B_prokka|PROKKA_01040
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01120
Name: ER04421_3B_prokka|PROKKA_01120
Description: ER04421_3B_prokka|PROKKA_01120
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01133
Name: ER04421_3B_prokka|PROKKA_01133
Description: ER04421_3B_prokka|PROKKA_01133
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01134
Name: ER04421_3B_prokka|PROKKA_01134
Description: ER04421_3B_prokka|PROKKA_01134
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01269
Name: ER04421_3B_prokka|PROKKA_01269
Description: ER04421_3B_prokka|PROKKA_01269
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01273
Name: ER04421_3B_prokka|PROKKA_01273
Description: ER04421_3B_prokka|PROKKA_01273
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01277
Name: ER04421_3B_prokka|PROKKA_01277
Description: ER04421_3B_prokka|PROKKA_01277
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01279
Name: ER04421_3B_prokka|PROKKA_01279
Description: ER04421_3B_prokka|PROKKA_01279
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01303
Name: ER04421_3B_prokka|PROKKA_01303
Description: ER04421_3B_prokka|PROKKA_01303
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01399
Name: ER04421_3B_prokka|PROKKA_01399
Description: ER04421_3B_prokka|PROKKA_01399
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01411
Name: ER04421_3B_prokka|PROKKA_01411
Description: ER04421_3B_prokka|PROKKA_01411
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01478
Name: ER04421_3B_prokka|PROKKA_01478
Description: ER04421_3B_prokka|PROKKA_01478
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01515
Name: ER04421_3B_prokka|PROKKA_01515
Description: ER04421_3B_prokka|PROKKA_01515
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01586
Name: ER04421_3B_prokka|PROKKA_01586
Description: ER04421_3B_prokka|PROKKA_01586
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01751
Name: ER04421_3B_prokka|PROKKA_01751
Description: ER04421_3B_prokka|PROKKA_01751
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01758
Name: ER04421_3B_prokka|PROKKA_01758
Description: ER04421_3B_prokka|PROKKA_01758
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01777
Name: ER04421_3B_prokka|PROKKA_01777
Description: ER04421_3B_prokka|PROKKA_01777
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01812
Name: ER04421_3B_prokka|PROKKA_01812
Description: ER04421_3B_prokka|PROKKA_01812
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01864
Name: ER04421_3B_prokka|PROKKA_01864
Description: ER04421_3B_prokka|PROKKA_01864
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01936
Name: ER04421_3B_prokka|PROKKA_01936
Description: ER04421_3B_prokka|PROKKA_01936
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01940
Name: ER04421_3B_prokka|PROKKA_01940
Description: ER04421_3B_prokka|PROKKA_01940
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01956
Name: ER04421_3B_prokka|PROKKA_01956
Description: ER04421_3B_prokka|PROKKA_01956
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_01976
Name: ER04421_3B_prokka|PROKKA_01976
Description: ER04421_3B_prokka|PROKKA_01976
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_02006
Name: ER04421_3B_prokka|PROKKA_02006
Description: ER04421_3B_prokka|PROKKA_02006
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_02008
Name: ER04421_3B_prokka|PROKKA_02008
Description: ER04421_3B_prokka|PROKKA_02008
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_02057
Name: ER04421_3B_prokka|PROKKA_02057
Description: ER04421_3B_prokka|PROKKA_02057
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_02177
Name: ER04421_3B_prokka|PROKKA_02177
Description: ER04421_3B_prokka|PROKKA_02177
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_02202
Name: ER04421_3B_prokka|PROKKA_02202
Description: ER04421_3B_prokka|PROKKA_02202
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_02233
Name: ER04421_3B_prokka|PROKKA_02233
Description: ER04421_3B_prokka|PROKKA_02233
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_02389
Name: ER04421_3B_prokka|PROKKA_02389
Description: ER04421_3B_prokka|PROKKA_02389
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_02613
Name: ER04421_3B_prokka|PROKKA_02613
Description: ER04421_3B_prokka|PROKKA_02613
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04421_3B_prokka|PROKKA_02701
Name: ER04421_3B_prokka|PROKKA_02701
Description: ER04421_3B_prokka|PROKKA_02701
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00030
Name: ER04436_3B_prokka|PROKKA_00030
Description: ER04436_3B_prokka|PROKKA_00030
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00039
Name: ER04436_3B_prokka|PROKKA_00039
Description: ER04436_3B_prokka|PROKKA_00039
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00052
Name: ER04436_3B_prokka|PROKKA_00052
Description: ER04436_3B_prokka|PROKKA_00052
Number of features: 0
Seq('MAKLIHLLSILYRLSSDKKFTVKQISDTCHNGGKSLYSAITNLKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00168
Name: ER04436_3B_prokka|PROKKA_00168
Description: ER04436_3B_prokka|PROKKA_00168
Number of features: 0
Seq('MKGALIDDLKIQNLKGERTINDAAKHNSKEKTGASPYEGIRTCL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00220
Name: ER04436_3B_prokka|PROKKA_00220
Description: ER04436_3B_prokka|PROKKA_00220
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00337
Name: ER04436_3B_prokka|PROKKA_00337
Description: ER04436_3B_prokka|PROKKA_00337
Number of features: 0
Seq('MNLNIDWSKDFQEFQEILNSGIHPEWLYCAKANLVLEPSYTGEGKQFFSTQDIM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00368
Name: ER04436_3B_prokka|PROKKA_00368
Description: ER04436_3B_prokka|PROKKA_00368
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFQNRIKNNPQKTNPFLKLHENKNS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00402
Name: ER04436_3B_prokka|PROKKA_00402
Description: ER04436_3B_prokka|PROKKA_00402
Number of features: 0
Seq('MSPMIGPVIGPDIVPDIEPTIVPDIGPDISLRKKDAQKKHSHSYCT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00542
Name: ER04436_3B_prokka|PROKKA_00542
Description: ER04436_3B_prokka|PROKKA_00542
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00776
Name: ER04436_3B_prokka|PROKKA_00776
Description: ER04436_3B_prokka|PROKKA_00776
Number of features: 0
Seq('MKENLLGTIIWSIATFCYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00791
Name: ER04436_3B_prokka|PROKKA_00791
Description: ER04436_3B_prokka|PROKKA_00791
Number of features: 0
Seq('MKMYLAYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00807
Name: ER04436_3B_prokka|PROKKA_00807
Description: ER04436_3B_prokka|PROKKA_00807
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00808
Name: ER04436_3B_prokka|PROKKA_00808
Description: ER04436_3B_prokka|PROKKA_00808
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00829
Name: ER04436_3B_prokka|PROKKA_00829
Description: ER04436_3B_prokka|PROKKA_00829
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00941
Name: ER04436_3B_prokka|PROKKA_00941
Description: ER04436_3B_prokka|PROKKA_00941
Number of features: 0
Seq('MRQFIKRIVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_00980
Name: ER04436_3B_prokka|PROKKA_00980
Description: ER04436_3B_prokka|PROKKA_00980
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01063
Name: ER04436_3B_prokka|PROKKA_01063
Description: ER04436_3B_prokka|PROKKA_01063
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01075
Name: ER04436_3B_prokka|PROKKA_01075
Description: ER04436_3B_prokka|PROKKA_01075
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01076
Name: ER04436_3B_prokka|PROKKA_01076
Description: ER04436_3B_prokka|PROKKA_01076
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01151
Name: ER04436_3B_prokka|PROKKA_01151
Description: ER04436_3B_prokka|PROKKA_01151
Number of features: 0
Seq('MKFQSLDQNWNNGGWRKAEVAHKVVHNYENDMIFIRPFKKA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01213
Name: ER04436_3B_prokka|PROKKA_01213
Description: ER04436_3B_prokka|PROKKA_01213
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01225
Name: ER04436_3B_prokka|PROKKA_01225
Description: ER04436_3B_prokka|PROKKA_01225
Number of features: 0
Seq('MSIQHLDGYISIEDFFKHMEELSKKEELEKEINQSKSKYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01232
Name: ER04436_3B_prokka|PROKKA_01232
Description: ER04436_3B_prokka|PROKKA_01232
Number of features: 0
Seq('MYFAQLDGEITNKQSQELLDKEYKKAIELENKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01248
Name: ER04436_3B_prokka|PROKKA_01248
Description: ER04436_3B_prokka|PROKKA_01248
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01353
Name: ER04436_3B_prokka|PROKKA_01353
Description: ER04436_3B_prokka|PROKKA_01353
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01357
Name: ER04436_3B_prokka|PROKKA_01357
Description: ER04436_3B_prokka|PROKKA_01357
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01374
Name: ER04436_3B_prokka|PROKKA_01374
Description: ER04436_3B_prokka|PROKKA_01374
Number of features: 0
Seq('MRIFIYDLIVLLFAFLISIYIIDDGVIINALGIFGMYKIIDSFSENIIKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01375
Name: ER04436_3B_prokka|PROKKA_01375
Description: ER04436_3B_prokka|PROKKA_01375
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEASSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01378
Name: ER04436_3B_prokka|PROKKA_01378
Description: ER04436_3B_prokka|PROKKA_01378
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSENEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01392
Name: ER04436_3B_prokka|PROKKA_01392
Description: ER04436_3B_prokka|PROKKA_01392
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01395
Name: ER04436_3B_prokka|PROKKA_01395
Description: ER04436_3B_prokka|PROKKA_01395
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01402
Name: ER04436_3B_prokka|PROKKA_01402
Description: ER04436_3B_prokka|PROKKA_01402
Number of features: 0
Seq('MNLKEVDINIEEWEMVEIPFYTEEELTYRLKNDLPITKSEFEEQESKNEFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01404
Name: ER04436_3B_prokka|PROKKA_01404
Description: ER04436_3B_prokka|PROKKA_01404
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01417
Name: ER04436_3B_prokka|PROKKA_01417
Description: ER04436_3B_prokka|PROKKA_01417
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01482
Name: ER04436_3B_prokka|PROKKA_01482
Description: ER04436_3B_prokka|PROKKA_01482
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01519
Name: ER04436_3B_prokka|PROKKA_01519
Description: ER04436_3B_prokka|PROKKA_01519
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01591
Name: ER04436_3B_prokka|PROKKA_01591
Description: ER04436_3B_prokka|PROKKA_01591
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01758
Name: ER04436_3B_prokka|PROKKA_01758
Description: ER04436_3B_prokka|PROKKA_01758
Number of features: 0
Seq('MIQIKGELSIKLRLTKNSFIENEEVYTKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01799
Name: ER04436_3B_prokka|PROKKA_01799
Description: ER04436_3B_prokka|PROKKA_01799
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01850
Name: ER04436_3B_prokka|PROKKA_01850
Description: ER04436_3B_prokka|PROKKA_01850
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01925
Name: ER04436_3B_prokka|PROKKA_01925
Description: ER04436_3B_prokka|PROKKA_01925
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTISDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01927
Name: ER04436_3B_prokka|PROKKA_01927
Description: ER04436_3B_prokka|PROKKA_01927
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_01977
Name: ER04436_3B_prokka|PROKKA_01977
Description: ER04436_3B_prokka|PROKKA_01977
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_02115
Name: ER04436_3B_prokka|PROKKA_02115
Description: ER04436_3B_prokka|PROKKA_02115
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_02146
Name: ER04436_3B_prokka|PROKKA_02146
Description: ER04436_3B_prokka|PROKKA_02146
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_02304
Name: ER04436_3B_prokka|PROKKA_02304
Description: ER04436_3B_prokka|PROKKA_02304
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_02368
Name: ER04436_3B_prokka|PROKKA_02368
Description: ER04436_3B_prokka|PROKKA_02368
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVNCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_02524
Name: ER04436_3B_prokka|PROKKA_02524
Description: ER04436_3B_prokka|PROKKA_02524
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_02570
Name: ER04436_3B_prokka|PROKKA_02570
Description: ER04436_3B_prokka|PROKKA_02570
Number of features: 0
Seq('MKKLFNEYFFTTSQATALIIFSLPMTDLFTKNLLLYMLLFIVIIGSTHLLRES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_02614
Name: ER04436_3B_prokka|PROKKA_02614
Description: ER04436_3B_prokka|PROKKA_02614
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04436_3B_prokka|PROKKA_02631
Name: ER04436_3B_prokka|PROKKA_02631
Description: ER04436_3B_prokka|PROKKA_02631
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00082
Name: ER04440_3A_prokka|PROKKA_00082
Description: ER04440_3A_prokka|PROKKA_00082
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00085
Name: ER04440_3A_prokka|PROKKA_00085
Description: ER04440_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00089
Name: ER04440_3A_prokka|PROKKA_00089
Description: ER04440_3A_prokka|PROKKA_00089
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00110
Name: ER04440_3A_prokka|PROKKA_00110
Description: ER04440_3A_prokka|PROKKA_00110
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00128
Name: ER04440_3A_prokka|PROKKA_00128
Description: ER04440_3A_prokka|PROKKA_00128
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00251
Name: ER04440_3A_prokka|PROKKA_00251
Description: ER04440_3A_prokka|PROKKA_00251
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00295
Name: ER04440_3A_prokka|PROKKA_00295
Description: ER04440_3A_prokka|PROKKA_00295
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00419
Name: ER04440_3A_prokka|PROKKA_00419
Description: ER04440_3A_prokka|PROKKA_00419
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00436
Name: ER04440_3A_prokka|PROKKA_00436
Description: ER04440_3A_prokka|PROKKA_00436
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00602
Name: ER04440_3A_prokka|PROKKA_00602
Description: ER04440_3A_prokka|PROKKA_00602
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00831
Name: ER04440_3A_prokka|PROKKA_00831
Description: ER04440_3A_prokka|PROKKA_00831
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00862
Name: ER04440_3A_prokka|PROKKA_00862
Description: ER04440_3A_prokka|PROKKA_00862
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00866
Name: ER04440_3A_prokka|PROKKA_00866
Description: ER04440_3A_prokka|PROKKA_00866
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00882
Name: ER04440_3A_prokka|PROKKA_00882
Description: ER04440_3A_prokka|PROKKA_00882
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00912
Name: ER04440_3A_prokka|PROKKA_00912
Description: ER04440_3A_prokka|PROKKA_00912
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00913
Name: ER04440_3A_prokka|PROKKA_00913
Description: ER04440_3A_prokka|PROKKA_00913
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00915
Name: ER04440_3A_prokka|PROKKA_00915
Description: ER04440_3A_prokka|PROKKA_00915
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_00967
Name: ER04440_3A_prokka|PROKKA_00967
Description: ER04440_3A_prokka|PROKKA_00967
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01009
Name: ER04440_3A_prokka|PROKKA_01009
Description: ER04440_3A_prokka|PROKKA_01009
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01023
Name: ER04440_3A_prokka|PROKKA_01023
Description: ER04440_3A_prokka|PROKKA_01023
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01192
Name: ER04440_3A_prokka|PROKKA_01192
Description: ER04440_3A_prokka|PROKKA_01192
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01266
Name: ER04440_3A_prokka|PROKKA_01266
Description: ER04440_3A_prokka|PROKKA_01266
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01301
Name: ER04440_3A_prokka|PROKKA_01301
Description: ER04440_3A_prokka|PROKKA_01301
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01304
Name: ER04440_3A_prokka|PROKKA_01304
Description: ER04440_3A_prokka|PROKKA_01304
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01331
Name: ER04440_3A_prokka|PROKKA_01331
Description: ER04440_3A_prokka|PROKKA_01331
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01336
Name: ER04440_3A_prokka|PROKKA_01336
Description: ER04440_3A_prokka|PROKKA_01336
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01344
Name: ER04440_3A_prokka|PROKKA_01344
Description: ER04440_3A_prokka|PROKKA_01344
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01359
Name: ER04440_3A_prokka|PROKKA_01359
Description: ER04440_3A_prokka|PROKKA_01359
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01378
Name: ER04440_3A_prokka|PROKKA_01378
Description: ER04440_3A_prokka|PROKKA_01378
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01386
Name: ER04440_3A_prokka|PROKKA_01386
Description: ER04440_3A_prokka|PROKKA_01386
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01412
Name: ER04440_3A_prokka|PROKKA_01412
Description: ER04440_3A_prokka|PROKKA_01412
Number of features: 0
Seq('MRYLTSGESHGPQLTVIVEGIPANLEIKVEDINKEMFKRQGVMVVADACKLRKIQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01434
Name: ER04440_3A_prokka|PROKKA_01434
Description: ER04440_3A_prokka|PROKKA_01434
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01446
Name: ER04440_3A_prokka|PROKKA_01446
Description: ER04440_3A_prokka|PROKKA_01446
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01540
Name: ER04440_3A_prokka|PROKKA_01540
Description: ER04440_3A_prokka|PROKKA_01540
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01564
Name: ER04440_3A_prokka|PROKKA_01564
Description: ER04440_3A_prokka|PROKKA_01564
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01568
Name: ER04440_3A_prokka|PROKKA_01568
Description: ER04440_3A_prokka|PROKKA_01568
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01704
Name: ER04440_3A_prokka|PROKKA_01704
Description: ER04440_3A_prokka|PROKKA_01704
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01705
Name: ER04440_3A_prokka|PROKKA_01705
Description: ER04440_3A_prokka|PROKKA_01705
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01717
Name: ER04440_3A_prokka|PROKKA_01717
Description: ER04440_3A_prokka|PROKKA_01717
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01799
Name: ER04440_3A_prokka|PROKKA_01799
Description: ER04440_3A_prokka|PROKKA_01799
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01800
Name: ER04440_3A_prokka|PROKKA_01800
Description: ER04440_3A_prokka|PROKKA_01800
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01817
Name: ER04440_3A_prokka|PROKKA_01817
Description: ER04440_3A_prokka|PROKKA_01817
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01840
Name: ER04440_3A_prokka|PROKKA_01840
Description: ER04440_3A_prokka|PROKKA_01840
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01946
Name: ER04440_3A_prokka|PROKKA_01946
Description: ER04440_3A_prokka|PROKKA_01946
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01961
Name: ER04440_3A_prokka|PROKKA_01961
Description: ER04440_3A_prokka|PROKKA_01961
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01962
Name: ER04440_3A_prokka|PROKKA_01962
Description: ER04440_3A_prokka|PROKKA_01962
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_01993
Name: ER04440_3A_prokka|PROKKA_01993
Description: ER04440_3A_prokka|PROKKA_01993
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02015
Name: ER04440_3A_prokka|PROKKA_02015
Description: ER04440_3A_prokka|PROKKA_02015
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02020
Name: ER04440_3A_prokka|PROKKA_02020
Description: ER04440_3A_prokka|PROKKA_02020
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02096
Name: ER04440_3A_prokka|PROKKA_02096
Description: ER04440_3A_prokka|PROKKA_02096
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02100
Name: ER04440_3A_prokka|PROKKA_02100
Description: ER04440_3A_prokka|PROKKA_02100
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02116
Name: ER04440_3A_prokka|PROKKA_02116
Description: ER04440_3A_prokka|PROKKA_02116
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02134
Name: ER04440_3A_prokka|PROKKA_02134
Description: ER04440_3A_prokka|PROKKA_02134
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02160
Name: ER04440_3A_prokka|PROKKA_02160
Description: ER04440_3A_prokka|PROKKA_02160
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02162
Name: ER04440_3A_prokka|PROKKA_02162
Description: ER04440_3A_prokka|PROKKA_02162
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02214
Name: ER04440_3A_prokka|PROKKA_02214
Description: ER04440_3A_prokka|PROKKA_02214
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02322
Name: ER04440_3A_prokka|PROKKA_02322
Description: ER04440_3A_prokka|PROKKA_02322
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02341
Name: ER04440_3A_prokka|PROKKA_02341
Description: ER04440_3A_prokka|PROKKA_02341
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02354
Name: ER04440_3A_prokka|PROKKA_02354
Description: ER04440_3A_prokka|PROKKA_02354
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02386
Name: ER04440_3A_prokka|PROKKA_02386
Description: ER04440_3A_prokka|PROKKA_02386
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02531
Name: ER04440_3A_prokka|PROKKA_02531
Description: ER04440_3A_prokka|PROKKA_02531
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02540
Name: ER04440_3A_prokka|PROKKA_02540
Description: ER04440_3A_prokka|PROKKA_02540
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02604
Name: ER04440_3A_prokka|PROKKA_02604
Description: ER04440_3A_prokka|PROKKA_02604
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02712
Name: ER04440_3A_prokka|PROKKA_02712
Description: ER04440_3A_prokka|PROKKA_02712
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02750
Name: ER04440_3A_prokka|PROKKA_02750
Description: ER04440_3A_prokka|PROKKA_02750
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02834
Name: ER04440_3A_prokka|PROKKA_02834
Description: ER04440_3A_prokka|PROKKA_02834
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04440_3A_prokka|PROKKA_02836
Name: ER04440_3A_prokka|PROKKA_02836
Description: ER04440_3A_prokka|PROKKA_02836
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_00065
Name: ER04448_3B_prokka|PROKKA_00065
Description: ER04448_3B_prokka|PROKKA_00065
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_00074
Name: ER04448_3B_prokka|PROKKA_00074
Description: ER04448_3B_prokka|PROKKA_00074
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_00095
Name: ER04448_3B_prokka|PROKKA_00095
Description: ER04448_3B_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_00184
Name: ER04448_3B_prokka|PROKKA_00184
Description: ER04448_3B_prokka|PROKKA_00184
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_00282
Name: ER04448_3B_prokka|PROKKA_00282
Description: ER04448_3B_prokka|PROKKA_00282
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_00334
Name: ER04448_3B_prokka|PROKKA_00334
Description: ER04448_3B_prokka|PROKKA_00334
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_00432
Name: ER04448_3B_prokka|PROKKA_00432
Description: ER04448_3B_prokka|PROKKA_00432
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_00470
Name: ER04448_3B_prokka|PROKKA_00470
Description: ER04448_3B_prokka|PROKKA_00470
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_00600
Name: ER04448_3B_prokka|PROKKA_00600
Description: ER04448_3B_prokka|PROKKA_00600
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_00636
Name: ER04448_3B_prokka|PROKKA_00636
Description: ER04448_3B_prokka|PROKKA_00636
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_00854
Name: ER04448_3B_prokka|PROKKA_00854
Description: ER04448_3B_prokka|PROKKA_00854
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_00898
Name: ER04448_3B_prokka|PROKKA_00898
Description: ER04448_3B_prokka|PROKKA_00898
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01006
Name: ER04448_3B_prokka|PROKKA_01006
Description: ER04448_3B_prokka|PROKKA_01006
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01045
Name: ER04448_3B_prokka|PROKKA_01045
Description: ER04448_3B_prokka|PROKKA_01045
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01125
Name: ER04448_3B_prokka|PROKKA_01125
Description: ER04448_3B_prokka|PROKKA_01125
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01139
Name: ER04448_3B_prokka|PROKKA_01139
Description: ER04448_3B_prokka|PROKKA_01139
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01140
Name: ER04448_3B_prokka|PROKKA_01140
Description: ER04448_3B_prokka|PROKKA_01140
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01275
Name: ER04448_3B_prokka|PROKKA_01275
Description: ER04448_3B_prokka|PROKKA_01275
Number of features: 0
Seq('MTRELRKKLTLYLNIANLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01279
Name: ER04448_3B_prokka|PROKKA_01279
Description: ER04448_3B_prokka|PROKKA_01279
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01283
Name: ER04448_3B_prokka|PROKKA_01283
Description: ER04448_3B_prokka|PROKKA_01283
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01285
Name: ER04448_3B_prokka|PROKKA_01285
Description: ER04448_3B_prokka|PROKKA_01285
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01309
Name: ER04448_3B_prokka|PROKKA_01309
Description: ER04448_3B_prokka|PROKKA_01309
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01404
Name: ER04448_3B_prokka|PROKKA_01404
Description: ER04448_3B_prokka|PROKKA_01404
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01416
Name: ER04448_3B_prokka|PROKKA_01416
Description: ER04448_3B_prokka|PROKKA_01416
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01465
Name: ER04448_3B_prokka|PROKKA_01465
Description: ER04448_3B_prokka|PROKKA_01465
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01473
Name: ER04448_3B_prokka|PROKKA_01473
Description: ER04448_3B_prokka|PROKKA_01473
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01493
Name: ER04448_3B_prokka|PROKKA_01493
Description: ER04448_3B_prokka|PROKKA_01493
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01521
Name: ER04448_3B_prokka|PROKKA_01521
Description: ER04448_3B_prokka|PROKKA_01521
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01548
Name: ER04448_3B_prokka|PROKKA_01548
Description: ER04448_3B_prokka|PROKKA_01548
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01585
Name: ER04448_3B_prokka|PROKKA_01585
Description: ER04448_3B_prokka|PROKKA_01585
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01656
Name: ER04448_3B_prokka|PROKKA_01656
Description: ER04448_3B_prokka|PROKKA_01656
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01821
Name: ER04448_3B_prokka|PROKKA_01821
Description: ER04448_3B_prokka|PROKKA_01821
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01828
Name: ER04448_3B_prokka|PROKKA_01828
Description: ER04448_3B_prokka|PROKKA_01828
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01847
Name: ER04448_3B_prokka|PROKKA_01847
Description: ER04448_3B_prokka|PROKKA_01847
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01882
Name: ER04448_3B_prokka|PROKKA_01882
Description: ER04448_3B_prokka|PROKKA_01882
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_01934
Name: ER04448_3B_prokka|PROKKA_01934
Description: ER04448_3B_prokka|PROKKA_01934
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_02013
Name: ER04448_3B_prokka|PROKKA_02013
Description: ER04448_3B_prokka|PROKKA_02013
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_02015
Name: ER04448_3B_prokka|PROKKA_02015
Description: ER04448_3B_prokka|PROKKA_02015
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_02064
Name: ER04448_3B_prokka|PROKKA_02064
Description: ER04448_3B_prokka|PROKKA_02064
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_02184
Name: ER04448_3B_prokka|PROKKA_02184
Description: ER04448_3B_prokka|PROKKA_02184
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_02209
Name: ER04448_3B_prokka|PROKKA_02209
Description: ER04448_3B_prokka|PROKKA_02209
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_02240
Name: ER04448_3B_prokka|PROKKA_02240
Description: ER04448_3B_prokka|PROKKA_02240
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_02396
Name: ER04448_3B_prokka|PROKKA_02396
Description: ER04448_3B_prokka|PROKKA_02396
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_02607
Name: ER04448_3B_prokka|PROKKA_02607
Description: ER04448_3B_prokka|PROKKA_02607
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_02694
Name: ER04448_3B_prokka|PROKKA_02694
Description: ER04448_3B_prokka|PROKKA_02694
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04448_3B_prokka|PROKKA_02699
Name: ER04448_3B_prokka|PROKKA_02699
Description: ER04448_3B_prokka|PROKKA_02699
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00029
Name: ER04450_3B_prokka|PROKKA_00029
Description: ER04450_3B_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00038
Name: ER04450_3B_prokka|PROKKA_00038
Description: ER04450_3B_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00059
Name: ER04450_3B_prokka|PROKKA_00059
Description: ER04450_3B_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00148
Name: ER04450_3B_prokka|PROKKA_00148
Description: ER04450_3B_prokka|PROKKA_00148
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00190
Name: ER04450_3B_prokka|PROKKA_00190
Description: ER04450_3B_prokka|PROKKA_00190
Number of features: 0
Seq('MNSIIELTDYYSSNNYAPLKLVISKGKGVKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00249
Name: ER04450_3B_prokka|PROKKA_00249
Description: ER04450_3B_prokka|PROKKA_00249
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00302
Name: ER04450_3B_prokka|PROKKA_00302
Description: ER04450_3B_prokka|PROKKA_00302
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00401
Name: ER04450_3B_prokka|PROKKA_00401
Description: ER04450_3B_prokka|PROKKA_00401
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00439
Name: ER04450_3B_prokka|PROKKA_00439
Description: ER04450_3B_prokka|PROKKA_00439
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00569
Name: ER04450_3B_prokka|PROKKA_00569
Description: ER04450_3B_prokka|PROKKA_00569
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00605
Name: ER04450_3B_prokka|PROKKA_00605
Description: ER04450_3B_prokka|PROKKA_00605
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00713
Name: ER04450_3B_prokka|PROKKA_00713
Description: ER04450_3B_prokka|PROKKA_00713
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00824
Name: ER04450_3B_prokka|PROKKA_00824
Description: ER04450_3B_prokka|PROKKA_00824
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00868
Name: ER04450_3B_prokka|PROKKA_00868
Description: ER04450_3B_prokka|PROKKA_00868
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_00976
Name: ER04450_3B_prokka|PROKKA_00976
Description: ER04450_3B_prokka|PROKKA_00976
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01005
Name: ER04450_3B_prokka|PROKKA_01005
Description: ER04450_3B_prokka|PROKKA_01005
Number of features: 0
Seq('MKFAVLVFPGSNCDRDMFNAAIKSGVEAEYVDYRETSLSGFDGVLIPGGFSFGIT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01016
Name: ER04450_3B_prokka|PROKKA_01016
Description: ER04450_3B_prokka|PROKKA_01016
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01096
Name: ER04450_3B_prokka|PROKKA_01096
Description: ER04450_3B_prokka|PROKKA_01096
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01109
Name: ER04450_3B_prokka|PROKKA_01109
Description: ER04450_3B_prokka|PROKKA_01109
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01110
Name: ER04450_3B_prokka|PROKKA_01110
Description: ER04450_3B_prokka|PROKKA_01110
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01246
Name: ER04450_3B_prokka|PROKKA_01246
Description: ER04450_3B_prokka|PROKKA_01246
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01250
Name: ER04450_3B_prokka|PROKKA_01250
Description: ER04450_3B_prokka|PROKKA_01250
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01254
Name: ER04450_3B_prokka|PROKKA_01254
Description: ER04450_3B_prokka|PROKKA_01254
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01256
Name: ER04450_3B_prokka|PROKKA_01256
Description: ER04450_3B_prokka|PROKKA_01256
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01280
Name: ER04450_3B_prokka|PROKKA_01280
Description: ER04450_3B_prokka|PROKKA_01280
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01375
Name: ER04450_3B_prokka|PROKKA_01375
Description: ER04450_3B_prokka|PROKKA_01375
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01387
Name: ER04450_3B_prokka|PROKKA_01387
Description: ER04450_3B_prokka|PROKKA_01387
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01436
Name: ER04450_3B_prokka|PROKKA_01436
Description: ER04450_3B_prokka|PROKKA_01436
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01444
Name: ER04450_3B_prokka|PROKKA_01444
Description: ER04450_3B_prokka|PROKKA_01444
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01464
Name: ER04450_3B_prokka|PROKKA_01464
Description: ER04450_3B_prokka|PROKKA_01464
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01492
Name: ER04450_3B_prokka|PROKKA_01492
Description: ER04450_3B_prokka|PROKKA_01492
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01519
Name: ER04450_3B_prokka|PROKKA_01519
Description: ER04450_3B_prokka|PROKKA_01519
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01556
Name: ER04450_3B_prokka|PROKKA_01556
Description: ER04450_3B_prokka|PROKKA_01556
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01627
Name: ER04450_3B_prokka|PROKKA_01627
Description: ER04450_3B_prokka|PROKKA_01627
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01792
Name: ER04450_3B_prokka|PROKKA_01792
Description: ER04450_3B_prokka|PROKKA_01792
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01799
Name: ER04450_3B_prokka|PROKKA_01799
Description: ER04450_3B_prokka|PROKKA_01799
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01818
Name: ER04450_3B_prokka|PROKKA_01818
Description: ER04450_3B_prokka|PROKKA_01818
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01853
Name: ER04450_3B_prokka|PROKKA_01853
Description: ER04450_3B_prokka|PROKKA_01853
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01906
Name: ER04450_3B_prokka|PROKKA_01906
Description: ER04450_3B_prokka|PROKKA_01906
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01936
Name: ER04450_3B_prokka|PROKKA_01936
Description: ER04450_3B_prokka|PROKKA_01936
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGEVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01953
Name: ER04450_3B_prokka|PROKKA_01953
Description: ER04450_3B_prokka|PROKKA_01953
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01962
Name: ER04450_3B_prokka|PROKKA_01962
Description: ER04450_3B_prokka|PROKKA_01962
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_01970
Name: ER04450_3B_prokka|PROKKA_01970
Description: ER04450_3B_prokka|PROKKA_01970
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELSKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02044
Name: ER04450_3B_prokka|PROKKA_02044
Description: ER04450_3B_prokka|PROKKA_02044
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02048
Name: ER04450_3B_prokka|PROKKA_02048
Description: ER04450_3B_prokka|PROKKA_02048
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02064
Name: ER04450_3B_prokka|PROKKA_02064
Description: ER04450_3B_prokka|PROKKA_02064
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02084
Name: ER04450_3B_prokka|PROKKA_02084
Description: ER04450_3B_prokka|PROKKA_02084
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02114
Name: ER04450_3B_prokka|PROKKA_02114
Description: ER04450_3B_prokka|PROKKA_02114
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02116
Name: ER04450_3B_prokka|PROKKA_02116
Description: ER04450_3B_prokka|PROKKA_02116
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02165
Name: ER04450_3B_prokka|PROKKA_02165
Description: ER04450_3B_prokka|PROKKA_02165
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02285
Name: ER04450_3B_prokka|PROKKA_02285
Description: ER04450_3B_prokka|PROKKA_02285
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02309
Name: ER04450_3B_prokka|PROKKA_02309
Description: ER04450_3B_prokka|PROKKA_02309
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02340
Name: ER04450_3B_prokka|PROKKA_02340
Description: ER04450_3B_prokka|PROKKA_02340
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02494
Name: ER04450_3B_prokka|PROKKA_02494
Description: ER04450_3B_prokka|PROKKA_02494
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02704
Name: ER04450_3B_prokka|PROKKA_02704
Description: ER04450_3B_prokka|PROKKA_02704
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04450_3B_prokka|PROKKA_02791
Name: ER04450_3B_prokka|PROKKA_02791
Description: ER04450_3B_prokka|PROKKA_02791
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00013
Name: ER04451_3B_prokka|PROKKA_00013
Description: ER04451_3B_prokka|PROKKA_00013
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00060
Name: ER04451_3B_prokka|PROKKA_00060
Description: ER04451_3B_prokka|PROKKA_00060
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00072
Name: ER04451_3B_prokka|PROKKA_00072
Description: ER04451_3B_prokka|PROKKA_00072
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00166
Name: ER04451_3B_prokka|PROKKA_00166
Description: ER04451_3B_prokka|PROKKA_00166
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00190
Name: ER04451_3B_prokka|PROKKA_00190
Description: ER04451_3B_prokka|PROKKA_00190
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00194
Name: ER04451_3B_prokka|PROKKA_00194
Description: ER04451_3B_prokka|PROKKA_00194
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00329
Name: ER04451_3B_prokka|PROKKA_00329
Description: ER04451_3B_prokka|PROKKA_00329
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00330
Name: ER04451_3B_prokka|PROKKA_00330
Description: ER04451_3B_prokka|PROKKA_00330
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00342
Name: ER04451_3B_prokka|PROKKA_00342
Description: ER04451_3B_prokka|PROKKA_00342
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00424
Name: ER04451_3B_prokka|PROKKA_00424
Description: ER04451_3B_prokka|PROKKA_00424
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00425
Name: ER04451_3B_prokka|PROKKA_00425
Description: ER04451_3B_prokka|PROKKA_00425
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00436
Name: ER04451_3B_prokka|PROKKA_00436
Description: ER04451_3B_prokka|PROKKA_00436
Number of features: 0
Seq('MKFAVLVFPGSNCDRDMFNAAIKSGVEAEYVDYRETSLSGFDGVLIPGGFSFGIT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00443
Name: ER04451_3B_prokka|PROKKA_00443
Description: ER04451_3B_prokka|PROKKA_00443
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00466
Name: ER04451_3B_prokka|PROKKA_00466
Description: ER04451_3B_prokka|PROKKA_00466
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00571
Name: ER04451_3B_prokka|PROKKA_00571
Description: ER04451_3B_prokka|PROKKA_00571
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00586
Name: ER04451_3B_prokka|PROKKA_00586
Description: ER04451_3B_prokka|PROKKA_00586
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00587
Name: ER04451_3B_prokka|PROKKA_00587
Description: ER04451_3B_prokka|PROKKA_00587
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00618
Name: ER04451_3B_prokka|PROKKA_00618
Description: ER04451_3B_prokka|PROKKA_00618
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00640
Name: ER04451_3B_prokka|PROKKA_00640
Description: ER04451_3B_prokka|PROKKA_00640
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00645
Name: ER04451_3B_prokka|PROKKA_00645
Description: ER04451_3B_prokka|PROKKA_00645
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00719
Name: ER04451_3B_prokka|PROKKA_00719
Description: ER04451_3B_prokka|PROKKA_00719
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00723
Name: ER04451_3B_prokka|PROKKA_00723
Description: ER04451_3B_prokka|PROKKA_00723
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00739
Name: ER04451_3B_prokka|PROKKA_00739
Description: ER04451_3B_prokka|PROKKA_00739
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00757
Name: ER04451_3B_prokka|PROKKA_00757
Description: ER04451_3B_prokka|PROKKA_00757
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00760
Name: ER04451_3B_prokka|PROKKA_00760
Description: ER04451_3B_prokka|PROKKA_00760
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00767
Name: ER04451_3B_prokka|PROKKA_00767
Description: ER04451_3B_prokka|PROKKA_00767
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00769
Name: ER04451_3B_prokka|PROKKA_00769
Description: ER04451_3B_prokka|PROKKA_00769
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00783
Name: ER04451_3B_prokka|PROKKA_00783
Description: ER04451_3B_prokka|PROKKA_00783
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00785
Name: ER04451_3B_prokka|PROKKA_00785
Description: ER04451_3B_prokka|PROKKA_00785
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00837
Name: ER04451_3B_prokka|PROKKA_00837
Description: ER04451_3B_prokka|PROKKA_00837
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00945
Name: ER04451_3B_prokka|PROKKA_00945
Description: ER04451_3B_prokka|PROKKA_00945
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00953
Name: ER04451_3B_prokka|PROKKA_00953
Description: ER04451_3B_prokka|PROKKA_00953
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00972
Name: ER04451_3B_prokka|PROKKA_00972
Description: ER04451_3B_prokka|PROKKA_00972
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00987
Name: ER04451_3B_prokka|PROKKA_00987
Description: ER04451_3B_prokka|PROKKA_00987
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_00995
Name: ER04451_3B_prokka|PROKKA_00995
Description: ER04451_3B_prokka|PROKKA_00995
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01000
Name: ER04451_3B_prokka|PROKKA_01000
Description: ER04451_3B_prokka|PROKKA_01000
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01027
Name: ER04451_3B_prokka|PROKKA_01027
Description: ER04451_3B_prokka|PROKKA_01027
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01030
Name: ER04451_3B_prokka|PROKKA_01030
Description: ER04451_3B_prokka|PROKKA_01030
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01065
Name: ER04451_3B_prokka|PROKKA_01065
Description: ER04451_3B_prokka|PROKKA_01065
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01138
Name: ER04451_3B_prokka|PROKKA_01138
Description: ER04451_3B_prokka|PROKKA_01138
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01307
Name: ER04451_3B_prokka|PROKKA_01307
Description: ER04451_3B_prokka|PROKKA_01307
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01321
Name: ER04451_3B_prokka|PROKKA_01321
Description: ER04451_3B_prokka|PROKKA_01321
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01363
Name: ER04451_3B_prokka|PROKKA_01363
Description: ER04451_3B_prokka|PROKKA_01363
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01415
Name: ER04451_3B_prokka|PROKKA_01415
Description: ER04451_3B_prokka|PROKKA_01415
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01417
Name: ER04451_3B_prokka|PROKKA_01417
Description: ER04451_3B_prokka|PROKKA_01417
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01418
Name: ER04451_3B_prokka|PROKKA_01418
Description: ER04451_3B_prokka|PROKKA_01418
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01448
Name: ER04451_3B_prokka|PROKKA_01448
Description: ER04451_3B_prokka|PROKKA_01448
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01464
Name: ER04451_3B_prokka|PROKKA_01464
Description: ER04451_3B_prokka|PROKKA_01464
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01468
Name: ER04451_3B_prokka|PROKKA_01468
Description: ER04451_3B_prokka|PROKKA_01468
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01499
Name: ER04451_3B_prokka|PROKKA_01499
Description: ER04451_3B_prokka|PROKKA_01499
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01611
Name: ER04451_3B_prokka|PROKKA_01611
Description: ER04451_3B_prokka|PROKKA_01611
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01731
Name: ER04451_3B_prokka|PROKKA_01731
Description: ER04451_3B_prokka|PROKKA_01731
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01897
Name: ER04451_3B_prokka|PROKKA_01897
Description: ER04451_3B_prokka|PROKKA_01897
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_01914
Name: ER04451_3B_prokka|PROKKA_01914
Description: ER04451_3B_prokka|PROKKA_01914
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02039
Name: ER04451_3B_prokka|PROKKA_02039
Description: ER04451_3B_prokka|PROKKA_02039
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02206
Name: ER04451_3B_prokka|PROKKA_02206
Description: ER04451_3B_prokka|PROKKA_02206
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02224
Name: ER04451_3B_prokka|PROKKA_02224
Description: ER04451_3B_prokka|PROKKA_02224
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02245
Name: ER04451_3B_prokka|PROKKA_02245
Description: ER04451_3B_prokka|PROKKA_02245
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02249
Name: ER04451_3B_prokka|PROKKA_02249
Description: ER04451_3B_prokka|PROKKA_02249
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02252
Name: ER04451_3B_prokka|PROKKA_02252
Description: ER04451_3B_prokka|PROKKA_02252
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02291
Name: ER04451_3B_prokka|PROKKA_02291
Description: ER04451_3B_prokka|PROKKA_02291
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02375
Name: ER04451_3B_prokka|PROKKA_02375
Description: ER04451_3B_prokka|PROKKA_02375
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02413
Name: ER04451_3B_prokka|PROKKA_02413
Description: ER04451_3B_prokka|PROKKA_02413
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02521
Name: ER04451_3B_prokka|PROKKA_02521
Description: ER04451_3B_prokka|PROKKA_02521
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02586
Name: ER04451_3B_prokka|PROKKA_02586
Description: ER04451_3B_prokka|PROKKA_02586
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02595
Name: ER04451_3B_prokka|PROKKA_02595
Description: ER04451_3B_prokka|PROKKA_02595
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02741
Name: ER04451_3B_prokka|PROKKA_02741
Description: ER04451_3B_prokka|PROKKA_02741
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02773
Name: ER04451_3B_prokka|PROKKA_02773
Description: ER04451_3B_prokka|PROKKA_02773
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02787
Name: ER04451_3B_prokka|PROKKA_02787
Description: ER04451_3B_prokka|PROKKA_02787
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02806
Name: ER04451_3B_prokka|PROKKA_02806
Description: ER04451_3B_prokka|PROKKA_02806
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02813
Name: ER04451_3B_prokka|PROKKA_02813
Description: ER04451_3B_prokka|PROKKA_02813
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02818
Name: ER04451_3B_prokka|PROKKA_02818
Description: ER04451_3B_prokka|PROKKA_02818
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02826
Name: ER04451_3B_prokka|PROKKA_02826
Description: ER04451_3B_prokka|PROKKA_02826
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02841
Name: ER04451_3B_prokka|PROKKA_02841
Description: ER04451_3B_prokka|PROKKA_02841
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04451_3B_prokka|PROKKA_02849
Name: ER04451_3B_prokka|PROKKA_02849
Description: ER04451_3B_prokka|PROKKA_02849
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00032
Name: ER04612_3B_prokka|PROKKA_00032
Description: ER04612_3B_prokka|PROKKA_00032
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00041
Name: ER04612_3B_prokka|PROKKA_00041
Description: ER04612_3B_prokka|PROKKA_00041
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00128
Name: ER04612_3B_prokka|PROKKA_00128
Description: ER04612_3B_prokka|PROKKA_00128
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00229
Name: ER04612_3B_prokka|PROKKA_00229
Description: ER04612_3B_prokka|PROKKA_00229
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00282
Name: ER04612_3B_prokka|PROKKA_00282
Description: ER04612_3B_prokka|PROKKA_00282
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00380
Name: ER04612_3B_prokka|PROKKA_00380
Description: ER04612_3B_prokka|PROKKA_00380
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00417
Name: ER04612_3B_prokka|PROKKA_00417
Description: ER04612_3B_prokka|PROKKA_00417
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00441
Name: ER04612_3B_prokka|PROKKA_00441
Description: ER04612_3B_prokka|PROKKA_00441
Number of features: 0
Seq('MYISRLVKPIGIKVTRLAQGLSVGGDLEYADEVTLSKAIAGRTEM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00548
Name: ER04612_3B_prokka|PROKKA_00548
Description: ER04612_3B_prokka|PROKKA_00548
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00584
Name: ER04612_3B_prokka|PROKKA_00584
Description: ER04612_3B_prokka|PROKKA_00584
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00674
Name: ER04612_3B_prokka|PROKKA_00674
Description: ER04612_3B_prokka|PROKKA_00674
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00786
Name: ER04612_3B_prokka|PROKKA_00786
Description: ER04612_3B_prokka|PROKKA_00786
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00801
Name: ER04612_3B_prokka|PROKKA_00801
Description: ER04612_3B_prokka|PROKKA_00801
Number of features: 0
Seq('MKMYLAYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00817
Name: ER04612_3B_prokka|PROKKA_00817
Description: ER04612_3B_prokka|PROKKA_00817
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00818
Name: ER04612_3B_prokka|PROKKA_00818
Description: ER04612_3B_prokka|PROKKA_00818
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIGRKTHFYCLDKKNGCR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00839
Name: ER04612_3B_prokka|PROKKA_00839
Description: ER04612_3B_prokka|PROKKA_00839
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00949
Name: ER04612_3B_prokka|PROKKA_00949
Description: ER04612_3B_prokka|PROKKA_00949
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00988
Name: ER04612_3B_prokka|PROKKA_00988
Description: ER04612_3B_prokka|PROKKA_00988
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_00989
Name: ER04612_3B_prokka|PROKKA_00989
Description: ER04612_3B_prokka|PROKKA_00989
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01038
Name: ER04612_3B_prokka|PROKKA_01038
Description: ER04612_3B_prokka|PROKKA_01038
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01043
Name: ER04612_3B_prokka|PROKKA_01043
Description: ER04612_3B_prokka|PROKKA_01043
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01049
Name: ER04612_3B_prokka|PROKKA_01049
Description: ER04612_3B_prokka|PROKKA_01049
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01050
Name: ER04612_3B_prokka|PROKKA_01050
Description: ER04612_3B_prokka|PROKKA_01050
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01072
Name: ER04612_3B_prokka|PROKKA_01072
Description: ER04612_3B_prokka|PROKKA_01072
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01134
Name: ER04612_3B_prokka|PROKKA_01134
Description: ER04612_3B_prokka|PROKKA_01134
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01146
Name: ER04612_3B_prokka|PROKKA_01146
Description: ER04612_3B_prokka|PROKKA_01146
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01147
Name: ER04612_3B_prokka|PROKKA_01147
Description: ER04612_3B_prokka|PROKKA_01147
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01282
Name: ER04612_3B_prokka|PROKKA_01282
Description: ER04612_3B_prokka|PROKKA_01282
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01286
Name: ER04612_3B_prokka|PROKKA_01286
Description: ER04612_3B_prokka|PROKKA_01286
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01290
Name: ER04612_3B_prokka|PROKKA_01290
Description: ER04612_3B_prokka|PROKKA_01290
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01292
Name: ER04612_3B_prokka|PROKKA_01292
Description: ER04612_3B_prokka|PROKKA_01292
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01316
Name: ER04612_3B_prokka|PROKKA_01316
Description: ER04612_3B_prokka|PROKKA_01316
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01412
Name: ER04612_3B_prokka|PROKKA_01412
Description: ER04612_3B_prokka|PROKKA_01412
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01424
Name: ER04612_3B_prokka|PROKKA_01424
Description: ER04612_3B_prokka|PROKKA_01424
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01471
Name: ER04612_3B_prokka|PROKKA_01471
Description: ER04612_3B_prokka|PROKKA_01471
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01479
Name: ER04612_3B_prokka|PROKKA_01479
Description: ER04612_3B_prokka|PROKKA_01479
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01500
Name: ER04612_3B_prokka|PROKKA_01500
Description: ER04612_3B_prokka|PROKKA_01500
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01520
Name: ER04612_3B_prokka|PROKKA_01520
Description: ER04612_3B_prokka|PROKKA_01520
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01530
Name: ER04612_3B_prokka|PROKKA_01530
Description: ER04612_3B_prokka|PROKKA_01530
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01556
Name: ER04612_3B_prokka|PROKKA_01556
Description: ER04612_3B_prokka|PROKKA_01556
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01593
Name: ER04612_3B_prokka|PROKKA_01593
Description: ER04612_3B_prokka|PROKKA_01593
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01649
Name: ER04612_3B_prokka|PROKKA_01649
Description: ER04612_3B_prokka|PROKKA_01649
Number of features: 0
Seq('MSIKILQPGLFSTVQDLGRIGYEHIGFSGAGAMD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01665
Name: ER04612_3B_prokka|PROKKA_01665
Description: ER04612_3B_prokka|PROKKA_01665
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01792
Name: ER04612_3B_prokka|PROKKA_01792
Description: ER04612_3B_prokka|PROKKA_01792
Number of features: 0
Seq('MIVHRITGDGPIDIMVGPMWSVNKWEVLNGIDAELARRNSYQGLRYKSKVKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01840
Name: ER04612_3B_prokka|PROKKA_01840
Description: ER04612_3B_prokka|PROKKA_01840
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01859
Name: ER04612_3B_prokka|PROKKA_01859
Description: ER04612_3B_prokka|PROKKA_01859
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01894
Name: ER04612_3B_prokka|PROKKA_01894
Description: ER04612_3B_prokka|PROKKA_01894
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_01945
Name: ER04612_3B_prokka|PROKKA_01945
Description: ER04612_3B_prokka|PROKKA_01945
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02017
Name: ER04612_3B_prokka|PROKKA_02017
Description: ER04612_3B_prokka|PROKKA_02017
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02027
Name: ER04612_3B_prokka|PROKKA_02027
Description: ER04612_3B_prokka|PROKKA_02027
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02038
Name: ER04612_3B_prokka|PROKKA_02038
Description: ER04612_3B_prokka|PROKKA_02038
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02056
Name: ER04612_3B_prokka|PROKKA_02056
Description: ER04612_3B_prokka|PROKKA_02056
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02060
Name: ER04612_3B_prokka|PROKKA_02060
Description: ER04612_3B_prokka|PROKKA_02060
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02066
Name: ER04612_3B_prokka|PROKKA_02066
Description: ER04612_3B_prokka|PROKKA_02066
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02069
Name: ER04612_3B_prokka|PROKKA_02069
Description: ER04612_3B_prokka|PROKKA_02069
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02076
Name: ER04612_3B_prokka|PROKKA_02076
Description: ER04612_3B_prokka|PROKKA_02076
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02078
Name: ER04612_3B_prokka|PROKKA_02078
Description: ER04612_3B_prokka|PROKKA_02078
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02098
Name: ER04612_3B_prokka|PROKKA_02098
Description: ER04612_3B_prokka|PROKKA_02098
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02100
Name: ER04612_3B_prokka|PROKKA_02100
Description: ER04612_3B_prokka|PROKKA_02100
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02149
Name: ER04612_3B_prokka|PROKKA_02149
Description: ER04612_3B_prokka|PROKKA_02149
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02268
Name: ER04612_3B_prokka|PROKKA_02268
Description: ER04612_3B_prokka|PROKKA_02268
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02293
Name: ER04612_3B_prokka|PROKKA_02293
Description: ER04612_3B_prokka|PROKKA_02293
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02324
Name: ER04612_3B_prokka|PROKKA_02324
Description: ER04612_3B_prokka|PROKKA_02324
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02480
Name: ER04612_3B_prokka|PROKKA_02480
Description: ER04612_3B_prokka|PROKKA_02480
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02527
Name: ER04612_3B_prokka|PROKKA_02527
Description: ER04612_3B_prokka|PROKKA_02527
Number of features: 0
Seq('MKGAMAWPFLRLYILTLMFFSANAILNVFIPLRGHDLGATNTVIGIVMGHTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02689
Name: ER04612_3B_prokka|PROKKA_02689
Description: ER04612_3B_prokka|PROKKA_02689
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04612_3B_prokka|PROKKA_02777
Name: ER04612_3B_prokka|PROKKA_02777
Description: ER04612_3B_prokka|PROKKA_02777
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00016
Name: ER04615_3B_prokka|PROKKA_00016
Description: ER04615_3B_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00043
Name: ER04615_3B_prokka|PROKKA_00043
Description: ER04615_3B_prokka|PROKKA_00043
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00044
Name: ER04615_3B_prokka|PROKKA_00044
Description: ER04615_3B_prokka|PROKKA_00044
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00080
Name: ER04615_3B_prokka|PROKKA_00080
Description: ER04615_3B_prokka|PROKKA_00080
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00092
Name: ER04615_3B_prokka|PROKKA_00092
Description: ER04615_3B_prokka|PROKKA_00092
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00093
Name: ER04615_3B_prokka|PROKKA_00093
Description: ER04615_3B_prokka|PROKKA_00093
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00229
Name: ER04615_3B_prokka|PROKKA_00229
Description: ER04615_3B_prokka|PROKKA_00229
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00233
Name: ER04615_3B_prokka|PROKKA_00233
Description: ER04615_3B_prokka|PROKKA_00233
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00257
Name: ER04615_3B_prokka|PROKKA_00257
Description: ER04615_3B_prokka|PROKKA_00257
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00350
Name: ER04615_3B_prokka|PROKKA_00350
Description: ER04615_3B_prokka|PROKKA_00350
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00362
Name: ER04615_3B_prokka|PROKKA_00362
Description: ER04615_3B_prokka|PROKKA_00362
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00409
Name: ER04615_3B_prokka|PROKKA_00409
Description: ER04615_3B_prokka|PROKKA_00409
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00417
Name: ER04615_3B_prokka|PROKKA_00417
Description: ER04615_3B_prokka|PROKKA_00417
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00436
Name: ER04615_3B_prokka|PROKKA_00436
Description: ER04615_3B_prokka|PROKKA_00436
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00451
Name: ER04615_3B_prokka|PROKKA_00451
Description: ER04615_3B_prokka|PROKKA_00451
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00459
Name: ER04615_3B_prokka|PROKKA_00459
Description: ER04615_3B_prokka|PROKKA_00459
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00464
Name: ER04615_3B_prokka|PROKKA_00464
Description: ER04615_3B_prokka|PROKKA_00464
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00491
Name: ER04615_3B_prokka|PROKKA_00491
Description: ER04615_3B_prokka|PROKKA_00491
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00494
Name: ER04615_3B_prokka|PROKKA_00494
Description: ER04615_3B_prokka|PROKKA_00494
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00529
Name: ER04615_3B_prokka|PROKKA_00529
Description: ER04615_3B_prokka|PROKKA_00529
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00604
Name: ER04615_3B_prokka|PROKKA_00604
Description: ER04615_3B_prokka|PROKKA_00604
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00660
Name: ER04615_3B_prokka|PROKKA_00660
Description: ER04615_3B_prokka|PROKKA_00660
Number of features: 0
Seq('MSKVQNESNNVVKRGLKDRHISMIAIGVVLVQVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00775
Name: ER04615_3B_prokka|PROKKA_00775
Description: ER04615_3B_prokka|PROKKA_00775
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00789
Name: ER04615_3B_prokka|PROKKA_00789
Description: ER04615_3B_prokka|PROKKA_00789
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00831
Name: ER04615_3B_prokka|PROKKA_00831
Description: ER04615_3B_prokka|PROKKA_00831
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00883
Name: ER04615_3B_prokka|PROKKA_00883
Description: ER04615_3B_prokka|PROKKA_00883
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00885
Name: ER04615_3B_prokka|PROKKA_00885
Description: ER04615_3B_prokka|PROKKA_00885
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00886
Name: ER04615_3B_prokka|PROKKA_00886
Description: ER04615_3B_prokka|PROKKA_00886
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00918
Name: ER04615_3B_prokka|PROKKA_00918
Description: ER04615_3B_prokka|PROKKA_00918
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00940
Name: ER04615_3B_prokka|PROKKA_00940
Description: ER04615_3B_prokka|PROKKA_00940
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_00945
Name: ER04615_3B_prokka|PROKKA_00945
Description: ER04615_3B_prokka|PROKKA_00945
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01019
Name: ER04615_3B_prokka|PROKKA_01019
Description: ER04615_3B_prokka|PROKKA_01019
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01023
Name: ER04615_3B_prokka|PROKKA_01023
Description: ER04615_3B_prokka|PROKKA_01023
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01026
Name: ER04615_3B_prokka|PROKKA_01026
Description: ER04615_3B_prokka|PROKKA_01026
Number of features: 0
Seq('MAIKHASAPKAYFNITGLGFAKLTKEGAELKYSDITKTRGL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01040
Name: ER04615_3B_prokka|PROKKA_01040
Description: ER04615_3B_prokka|PROKKA_01040
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01058
Name: ER04615_3B_prokka|PROKKA_01058
Description: ER04615_3B_prokka|PROKKA_01058
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01064
Name: ER04615_3B_prokka|PROKKA_01064
Description: ER04615_3B_prokka|PROKKA_01064
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01069
Name: ER04615_3B_prokka|PROKKA_01069
Description: ER04615_3B_prokka|PROKKA_01069
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01085
Name: ER04615_3B_prokka|PROKKA_01085
Description: ER04615_3B_prokka|PROKKA_01085
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01087
Name: ER04615_3B_prokka|PROKKA_01087
Description: ER04615_3B_prokka|PROKKA_01087
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01139
Name: ER04615_3B_prokka|PROKKA_01139
Description: ER04615_3B_prokka|PROKKA_01139
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01247
Name: ER04615_3B_prokka|PROKKA_01247
Description: ER04615_3B_prokka|PROKKA_01247
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01266
Name: ER04615_3B_prokka|PROKKA_01266
Description: ER04615_3B_prokka|PROKKA_01266
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01279
Name: ER04615_3B_prokka|PROKKA_01279
Description: ER04615_3B_prokka|PROKKA_01279
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01311
Name: ER04615_3B_prokka|PROKKA_01311
Description: ER04615_3B_prokka|PROKKA_01311
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01457
Name: ER04615_3B_prokka|PROKKA_01457
Description: ER04615_3B_prokka|PROKKA_01457
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01466
Name: ER04615_3B_prokka|PROKKA_01466
Description: ER04615_3B_prokka|PROKKA_01466
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01530
Name: ER04615_3B_prokka|PROKKA_01530
Description: ER04615_3B_prokka|PROKKA_01530
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01638
Name: ER04615_3B_prokka|PROKKA_01638
Description: ER04615_3B_prokka|PROKKA_01638
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01676
Name: ER04615_3B_prokka|PROKKA_01676
Description: ER04615_3B_prokka|PROKKA_01676
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01760
Name: ER04615_3B_prokka|PROKKA_01760
Description: ER04615_3B_prokka|PROKKA_01760
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01800
Name: ER04615_3B_prokka|PROKKA_01800
Description: ER04615_3B_prokka|PROKKA_01800
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01803
Name: ER04615_3B_prokka|PROKKA_01803
Description: ER04615_3B_prokka|PROKKA_01803
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01807
Name: ER04615_3B_prokka|PROKKA_01807
Description: ER04615_3B_prokka|PROKKA_01807
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01828
Name: ER04615_3B_prokka|PROKKA_01828
Description: ER04615_3B_prokka|PROKKA_01828
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_01846
Name: ER04615_3B_prokka|PROKKA_01846
Description: ER04615_3B_prokka|PROKKA_01846
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02013
Name: ER04615_3B_prokka|PROKKA_02013
Description: ER04615_3B_prokka|PROKKA_02013
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02137
Name: ER04615_3B_prokka|PROKKA_02137
Description: ER04615_3B_prokka|PROKKA_02137
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02154
Name: ER04615_3B_prokka|PROKKA_02154
Description: ER04615_3B_prokka|PROKKA_02154
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02321
Name: ER04615_3B_prokka|PROKKA_02321
Description: ER04615_3B_prokka|PROKKA_02321
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02551
Name: ER04615_3B_prokka|PROKKA_02551
Description: ER04615_3B_prokka|PROKKA_02551
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02582
Name: ER04615_3B_prokka|PROKKA_02582
Description: ER04615_3B_prokka|PROKKA_02582
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02586
Name: ER04615_3B_prokka|PROKKA_02586
Description: ER04615_3B_prokka|PROKKA_02586
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02602
Name: ER04615_3B_prokka|PROKKA_02602
Description: ER04615_3B_prokka|PROKKA_02602
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02643
Name: ER04615_3B_prokka|PROKKA_02643
Description: ER04615_3B_prokka|PROKKA_02643
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02644
Name: ER04615_3B_prokka|PROKKA_02644
Description: ER04615_3B_prokka|PROKKA_02644
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02659
Name: ER04615_3B_prokka|PROKKA_02659
Description: ER04615_3B_prokka|PROKKA_02659
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02764
Name: ER04615_3B_prokka|PROKKA_02764
Description: ER04615_3B_prokka|PROKKA_02764
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02803
Name: ER04615_3B_prokka|PROKKA_02803
Description: ER04615_3B_prokka|PROKKA_02803
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02804
Name: ER04615_3B_prokka|PROKKA_02804
Description: ER04615_3B_prokka|PROKKA_02804
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02856
Name: ER04615_3B_prokka|PROKKA_02856
Description: ER04615_3B_prokka|PROKKA_02856
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02862
Name: ER04615_3B_prokka|PROKKA_02862
Description: ER04615_3B_prokka|PROKKA_02862
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02863
Name: ER04615_3B_prokka|PROKKA_02863
Description: ER04615_3B_prokka|PROKKA_02863
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04615_3B_prokka|PROKKA_02887
Name: ER04615_3B_prokka|PROKKA_02887
Description: ER04615_3B_prokka|PROKKA_02887
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00030
Name: ER04636_3B_prokka|PROKKA_00030
Description: ER04636_3B_prokka|PROKKA_00030
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00061
Name: ER04636_3B_prokka|PROKKA_00061
Description: ER04636_3B_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00070
Name: ER04636_3B_prokka|PROKKA_00070
Description: ER04636_3B_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00092
Name: ER04636_3B_prokka|PROKKA_00092
Description: ER04636_3B_prokka|PROKKA_00092
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00182
Name: ER04636_3B_prokka|PROKKA_00182
Description: ER04636_3B_prokka|PROKKA_00182
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00280
Name: ER04636_3B_prokka|PROKKA_00280
Description: ER04636_3B_prokka|PROKKA_00280
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00333
Name: ER04636_3B_prokka|PROKKA_00333
Description: ER04636_3B_prokka|PROKKA_00333
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00431
Name: ER04636_3B_prokka|PROKKA_00431
Description: ER04636_3B_prokka|PROKKA_00431
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00469
Name: ER04636_3B_prokka|PROKKA_00469
Description: ER04636_3B_prokka|PROKKA_00469
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00599
Name: ER04636_3B_prokka|PROKKA_00599
Description: ER04636_3B_prokka|PROKKA_00599
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00635
Name: ER04636_3B_prokka|PROKKA_00635
Description: ER04636_3B_prokka|PROKKA_00635
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00854
Name: ER04636_3B_prokka|PROKKA_00854
Description: ER04636_3B_prokka|PROKKA_00854
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_00898
Name: ER04636_3B_prokka|PROKKA_00898
Description: ER04636_3B_prokka|PROKKA_00898
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01006
Name: ER04636_3B_prokka|PROKKA_01006
Description: ER04636_3B_prokka|PROKKA_01006
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01045
Name: ER04636_3B_prokka|PROKKA_01045
Description: ER04636_3B_prokka|PROKKA_01045
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01125
Name: ER04636_3B_prokka|PROKKA_01125
Description: ER04636_3B_prokka|PROKKA_01125
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01138
Name: ER04636_3B_prokka|PROKKA_01138
Description: ER04636_3B_prokka|PROKKA_01138
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01139
Name: ER04636_3B_prokka|PROKKA_01139
Description: ER04636_3B_prokka|PROKKA_01139
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01274
Name: ER04636_3B_prokka|PROKKA_01274
Description: ER04636_3B_prokka|PROKKA_01274
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01278
Name: ER04636_3B_prokka|PROKKA_01278
Description: ER04636_3B_prokka|PROKKA_01278
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01282
Name: ER04636_3B_prokka|PROKKA_01282
Description: ER04636_3B_prokka|PROKKA_01282
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01284
Name: ER04636_3B_prokka|PROKKA_01284
Description: ER04636_3B_prokka|PROKKA_01284
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01309
Name: ER04636_3B_prokka|PROKKA_01309
Description: ER04636_3B_prokka|PROKKA_01309
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01404
Name: ER04636_3B_prokka|PROKKA_01404
Description: ER04636_3B_prokka|PROKKA_01404
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01416
Name: ER04636_3B_prokka|PROKKA_01416
Description: ER04636_3B_prokka|PROKKA_01416
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01465
Name: ER04636_3B_prokka|PROKKA_01465
Description: ER04636_3B_prokka|PROKKA_01465
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01473
Name: ER04636_3B_prokka|PROKKA_01473
Description: ER04636_3B_prokka|PROKKA_01473
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01493
Name: ER04636_3B_prokka|PROKKA_01493
Description: ER04636_3B_prokka|PROKKA_01493
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01521
Name: ER04636_3B_prokka|PROKKA_01521
Description: ER04636_3B_prokka|PROKKA_01521
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01548
Name: ER04636_3B_prokka|PROKKA_01548
Description: ER04636_3B_prokka|PROKKA_01548
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01585
Name: ER04636_3B_prokka|PROKKA_01585
Description: ER04636_3B_prokka|PROKKA_01585
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01656
Name: ER04636_3B_prokka|PROKKA_01656
Description: ER04636_3B_prokka|PROKKA_01656
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01821
Name: ER04636_3B_prokka|PROKKA_01821
Description: ER04636_3B_prokka|PROKKA_01821
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01828
Name: ER04636_3B_prokka|PROKKA_01828
Description: ER04636_3B_prokka|PROKKA_01828
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01847
Name: ER04636_3B_prokka|PROKKA_01847
Description: ER04636_3B_prokka|PROKKA_01847
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01882
Name: ER04636_3B_prokka|PROKKA_01882
Description: ER04636_3B_prokka|PROKKA_01882
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_01934
Name: ER04636_3B_prokka|PROKKA_01934
Description: ER04636_3B_prokka|PROKKA_01934
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02006
Name: ER04636_3B_prokka|PROKKA_02006
Description: ER04636_3B_prokka|PROKKA_02006
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02010
Name: ER04636_3B_prokka|PROKKA_02010
Description: ER04636_3B_prokka|PROKKA_02010
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02026
Name: ER04636_3B_prokka|PROKKA_02026
Description: ER04636_3B_prokka|PROKKA_02026
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02046
Name: ER04636_3B_prokka|PROKKA_02046
Description: ER04636_3B_prokka|PROKKA_02046
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02076
Name: ER04636_3B_prokka|PROKKA_02076
Description: ER04636_3B_prokka|PROKKA_02076
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02078
Name: ER04636_3B_prokka|PROKKA_02078
Description: ER04636_3B_prokka|PROKKA_02078
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02127
Name: ER04636_3B_prokka|PROKKA_02127
Description: ER04636_3B_prokka|PROKKA_02127
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02247
Name: ER04636_3B_prokka|PROKKA_02247
Description: ER04636_3B_prokka|PROKKA_02247
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02271
Name: ER04636_3B_prokka|PROKKA_02271
Description: ER04636_3B_prokka|PROKKA_02271
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02302
Name: ER04636_3B_prokka|PROKKA_02302
Description: ER04636_3B_prokka|PROKKA_02302
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02457
Name: ER04636_3B_prokka|PROKKA_02457
Description: ER04636_3B_prokka|PROKKA_02457
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02665
Name: ER04636_3B_prokka|PROKKA_02665
Description: ER04636_3B_prokka|PROKKA_02665
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04636_3B_prokka|PROKKA_02752
Name: ER04636_3B_prokka|PROKKA_02752
Description: ER04636_3B_prokka|PROKKA_02752
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00039
Name: ER04928_3A_prokka|PROKKA_00039
Description: ER04928_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00042
Name: ER04928_3A_prokka|PROKKA_00042
Description: ER04928_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00046
Name: ER04928_3A_prokka|PROKKA_00046
Description: ER04928_3A_prokka|PROKKA_00046
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00067
Name: ER04928_3A_prokka|PROKKA_00067
Description: ER04928_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00085
Name: ER04928_3A_prokka|PROKKA_00085
Description: ER04928_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00252
Name: ER04928_3A_prokka|PROKKA_00252
Description: ER04928_3A_prokka|PROKKA_00252
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00376
Name: ER04928_3A_prokka|PROKKA_00376
Description: ER04928_3A_prokka|PROKKA_00376
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00393
Name: ER04928_3A_prokka|PROKKA_00393
Description: ER04928_3A_prokka|PROKKA_00393
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00559
Name: ER04928_3A_prokka|PROKKA_00559
Description: ER04928_3A_prokka|PROKKA_00559
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00678
Name: ER04928_3A_prokka|PROKKA_00678
Description: ER04928_3A_prokka|PROKKA_00678
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00789
Name: ER04928_3A_prokka|PROKKA_00789
Description: ER04928_3A_prokka|PROKKA_00789
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00822
Name: ER04928_3A_prokka|PROKKA_00822
Description: ER04928_3A_prokka|PROKKA_00822
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00826
Name: ER04928_3A_prokka|PROKKA_00826
Description: ER04928_3A_prokka|PROKKA_00826
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00842
Name: ER04928_3A_prokka|PROKKA_00842
Description: ER04928_3A_prokka|PROKKA_00842
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00855
Name: ER04928_3A_prokka|PROKKA_00855
Description: ER04928_3A_prokka|PROKKA_00855
Number of features: 0
Seq('MTPNLQLYNKAYEMLQGYGFPVISRKEMQQEIPYPFFCNKNAGVKQK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00874
Name: ER04928_3A_prokka|PROKKA_00874
Description: ER04928_3A_prokka|PROKKA_00874
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00875
Name: ER04928_3A_prokka|PROKKA_00875
Description: ER04928_3A_prokka|PROKKA_00875
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00890
Name: ER04928_3A_prokka|PROKKA_00890
Description: ER04928_3A_prokka|PROKKA_00890
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_00995
Name: ER04928_3A_prokka|PROKKA_00995
Description: ER04928_3A_prokka|PROKKA_00995
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01034
Name: ER04928_3A_prokka|PROKKA_01034
Description: ER04928_3A_prokka|PROKKA_01034
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01035
Name: ER04928_3A_prokka|PROKKA_01035
Description: ER04928_3A_prokka|PROKKA_01035
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01084
Name: ER04928_3A_prokka|PROKKA_01084
Description: ER04928_3A_prokka|PROKKA_01084
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01092
Name: ER04928_3A_prokka|PROKKA_01092
Description: ER04928_3A_prokka|PROKKA_01092
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01093
Name: ER04928_3A_prokka|PROKKA_01093
Description: ER04928_3A_prokka|PROKKA_01093
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01116
Name: ER04928_3A_prokka|PROKKA_01116
Description: ER04928_3A_prokka|PROKKA_01116
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01146
Name: ER04928_3A_prokka|PROKKA_01146
Description: ER04928_3A_prokka|PROKKA_01146
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01147
Name: ER04928_3A_prokka|PROKKA_01147
Description: ER04928_3A_prokka|PROKKA_01147
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01149
Name: ER04928_3A_prokka|PROKKA_01149
Description: ER04928_3A_prokka|PROKKA_01149
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01201
Name: ER04928_3A_prokka|PROKKA_01201
Description: ER04928_3A_prokka|PROKKA_01201
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01243
Name: ER04928_3A_prokka|PROKKA_01243
Description: ER04928_3A_prokka|PROKKA_01243
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01257
Name: ER04928_3A_prokka|PROKKA_01257
Description: ER04928_3A_prokka|PROKKA_01257
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01269
Name: ER04928_3A_prokka|PROKKA_01269
Description: ER04928_3A_prokka|PROKKA_01269
Number of features: 0
Seq('MDFIKRKRMPIESFTHQFEEITYLSDDLQVKALMMTPHHEVNRIVVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01427
Name: ER04928_3A_prokka|PROKKA_01427
Description: ER04928_3A_prokka|PROKKA_01427
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01501
Name: ER04928_3A_prokka|PROKKA_01501
Description: ER04928_3A_prokka|PROKKA_01501
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01536
Name: ER04928_3A_prokka|PROKKA_01536
Description: ER04928_3A_prokka|PROKKA_01536
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01539
Name: ER04928_3A_prokka|PROKKA_01539
Description: ER04928_3A_prokka|PROKKA_01539
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01566
Name: ER04928_3A_prokka|PROKKA_01566
Description: ER04928_3A_prokka|PROKKA_01566
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01571
Name: ER04928_3A_prokka|PROKKA_01571
Description: ER04928_3A_prokka|PROKKA_01571
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01579
Name: ER04928_3A_prokka|PROKKA_01579
Description: ER04928_3A_prokka|PROKKA_01579
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01594
Name: ER04928_3A_prokka|PROKKA_01594
Description: ER04928_3A_prokka|PROKKA_01594
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01613
Name: ER04928_3A_prokka|PROKKA_01613
Description: ER04928_3A_prokka|PROKKA_01613
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01621
Name: ER04928_3A_prokka|PROKKA_01621
Description: ER04928_3A_prokka|PROKKA_01621
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01668
Name: ER04928_3A_prokka|PROKKA_01668
Description: ER04928_3A_prokka|PROKKA_01668
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01680
Name: ER04928_3A_prokka|PROKKA_01680
Description: ER04928_3A_prokka|PROKKA_01680
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01774
Name: ER04928_3A_prokka|PROKKA_01774
Description: ER04928_3A_prokka|PROKKA_01774
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01798
Name: ER04928_3A_prokka|PROKKA_01798
Description: ER04928_3A_prokka|PROKKA_01798
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01802
Name: ER04928_3A_prokka|PROKKA_01802
Description: ER04928_3A_prokka|PROKKA_01802
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01938
Name: ER04928_3A_prokka|PROKKA_01938
Description: ER04928_3A_prokka|PROKKA_01938
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01939
Name: ER04928_3A_prokka|PROKKA_01939
Description: ER04928_3A_prokka|PROKKA_01939
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_01951
Name: ER04928_3A_prokka|PROKKA_01951
Description: ER04928_3A_prokka|PROKKA_01951
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02017
Name: ER04928_3A_prokka|PROKKA_02017
Description: ER04928_3A_prokka|PROKKA_02017
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02039
Name: ER04928_3A_prokka|PROKKA_02039
Description: ER04928_3A_prokka|PROKKA_02039
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02044
Name: ER04928_3A_prokka|PROKKA_02044
Description: ER04928_3A_prokka|PROKKA_02044
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02120
Name: ER04928_3A_prokka|PROKKA_02120
Description: ER04928_3A_prokka|PROKKA_02120
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02124
Name: ER04928_3A_prokka|PROKKA_02124
Description: ER04928_3A_prokka|PROKKA_02124
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02141
Name: ER04928_3A_prokka|PROKKA_02141
Description: ER04928_3A_prokka|PROKKA_02141
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02159
Name: ER04928_3A_prokka|PROKKA_02159
Description: ER04928_3A_prokka|PROKKA_02159
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02185
Name: ER04928_3A_prokka|PROKKA_02185
Description: ER04928_3A_prokka|PROKKA_02185
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02187
Name: ER04928_3A_prokka|PROKKA_02187
Description: ER04928_3A_prokka|PROKKA_02187
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02239
Name: ER04928_3A_prokka|PROKKA_02239
Description: ER04928_3A_prokka|PROKKA_02239
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02347
Name: ER04928_3A_prokka|PROKKA_02347
Description: ER04928_3A_prokka|PROKKA_02347
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02366
Name: ER04928_3A_prokka|PROKKA_02366
Description: ER04928_3A_prokka|PROKKA_02366
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02379
Name: ER04928_3A_prokka|PROKKA_02379
Description: ER04928_3A_prokka|PROKKA_02379
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02411
Name: ER04928_3A_prokka|PROKKA_02411
Description: ER04928_3A_prokka|PROKKA_02411
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02558
Name: ER04928_3A_prokka|PROKKA_02558
Description: ER04928_3A_prokka|PROKKA_02558
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02567
Name: ER04928_3A_prokka|PROKKA_02567
Description: ER04928_3A_prokka|PROKKA_02567
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02631
Name: ER04928_3A_prokka|PROKKA_02631
Description: ER04928_3A_prokka|PROKKA_02631
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02739
Name: ER04928_3A_prokka|PROKKA_02739
Description: ER04928_3A_prokka|PROKKA_02739
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02777
Name: ER04928_3A_prokka|PROKKA_02777
Description: ER04928_3A_prokka|PROKKA_02777
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02861
Name: ER04928_3A_prokka|PROKKA_02861
Description: ER04928_3A_prokka|PROKKA_02861
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04928_3A_prokka|PROKKA_02878
Name: ER04928_3A_prokka|PROKKA_02878
Description: ER04928_3A_prokka|PROKKA_02878
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00015
Name: ER04929_3A_prokka|PROKKA_00015
Description: ER04929_3A_prokka|PROKKA_00015
Number of features: 0
Seq('MTVKTTVSTKDIDEAFLRLKDIVKKHLYN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00017
Name: ER04929_3A_prokka|PROKKA_00017
Description: ER04929_3A_prokka|PROKKA_00017
Number of features: 0
Seq('MCLGMNPDQVPEGVHCASTSNRNFEGRQGKGARTHLVSPAMQQQQLFIKT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00019
Name: ER04929_3A_prokka|PROKKA_00019
Description: ER04929_3A_prokka|PROKKA_00019
Number of features: 0
Seq('MTICNMAIEGGAKYGIIQPDDITFEYVKGRPFADNFAKSVDKWLSYI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00031
Name: ER04929_3A_prokka|PROKKA_00031
Description: ER04929_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MWAAQFYPFKNHGQWVTSGGLGTMGFGIPSSIGAKLANPDKTVVFRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00062
Name: ER04929_3A_prokka|PROKKA_00062
Description: ER04929_3A_prokka|PROKKA_00062
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00071
Name: ER04929_3A_prokka|PROKKA_00071
Description: ER04929_3A_prokka|PROKKA_00071
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00092
Name: ER04929_3A_prokka|PROKKA_00092
Description: ER04929_3A_prokka|PROKKA_00092
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00182
Name: ER04929_3A_prokka|PROKKA_00182
Description: ER04929_3A_prokka|PROKKA_00182
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00281
Name: ER04929_3A_prokka|PROKKA_00281
Description: ER04929_3A_prokka|PROKKA_00281
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00333
Name: ER04929_3A_prokka|PROKKA_00333
Description: ER04929_3A_prokka|PROKKA_00333
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00431
Name: ER04929_3A_prokka|PROKKA_00431
Description: ER04929_3A_prokka|PROKKA_00431
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00469
Name: ER04929_3A_prokka|PROKKA_00469
Description: ER04929_3A_prokka|PROKKA_00469
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00599
Name: ER04929_3A_prokka|PROKKA_00599
Description: ER04929_3A_prokka|PROKKA_00599
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00635
Name: ER04929_3A_prokka|PROKKA_00635
Description: ER04929_3A_prokka|PROKKA_00635
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00853
Name: ER04929_3A_prokka|PROKKA_00853
Description: ER04929_3A_prokka|PROKKA_00853
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_00897
Name: ER04929_3A_prokka|PROKKA_00897
Description: ER04929_3A_prokka|PROKKA_00897
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01005
Name: ER04929_3A_prokka|PROKKA_01005
Description: ER04929_3A_prokka|PROKKA_01005
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01044
Name: ER04929_3A_prokka|PROKKA_01044
Description: ER04929_3A_prokka|PROKKA_01044
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01124
Name: ER04929_3A_prokka|PROKKA_01124
Description: ER04929_3A_prokka|PROKKA_01124
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01137
Name: ER04929_3A_prokka|PROKKA_01137
Description: ER04929_3A_prokka|PROKKA_01137
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01138
Name: ER04929_3A_prokka|PROKKA_01138
Description: ER04929_3A_prokka|PROKKA_01138
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01273
Name: ER04929_3A_prokka|PROKKA_01273
Description: ER04929_3A_prokka|PROKKA_01273
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01277
Name: ER04929_3A_prokka|PROKKA_01277
Description: ER04929_3A_prokka|PROKKA_01277
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01281
Name: ER04929_3A_prokka|PROKKA_01281
Description: ER04929_3A_prokka|PROKKA_01281
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01283
Name: ER04929_3A_prokka|PROKKA_01283
Description: ER04929_3A_prokka|PROKKA_01283
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01307
Name: ER04929_3A_prokka|PROKKA_01307
Description: ER04929_3A_prokka|PROKKA_01307
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01402
Name: ER04929_3A_prokka|PROKKA_01402
Description: ER04929_3A_prokka|PROKKA_01402
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01414
Name: ER04929_3A_prokka|PROKKA_01414
Description: ER04929_3A_prokka|PROKKA_01414
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01464
Name: ER04929_3A_prokka|PROKKA_01464
Description: ER04929_3A_prokka|PROKKA_01464
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01472
Name: ER04929_3A_prokka|PROKKA_01472
Description: ER04929_3A_prokka|PROKKA_01472
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01492
Name: ER04929_3A_prokka|PROKKA_01492
Description: ER04929_3A_prokka|PROKKA_01492
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01520
Name: ER04929_3A_prokka|PROKKA_01520
Description: ER04929_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01547
Name: ER04929_3A_prokka|PROKKA_01547
Description: ER04929_3A_prokka|PROKKA_01547
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01584
Name: ER04929_3A_prokka|PROKKA_01584
Description: ER04929_3A_prokka|PROKKA_01584
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01655
Name: ER04929_3A_prokka|PROKKA_01655
Description: ER04929_3A_prokka|PROKKA_01655
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01820
Name: ER04929_3A_prokka|PROKKA_01820
Description: ER04929_3A_prokka|PROKKA_01820
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01827
Name: ER04929_3A_prokka|PROKKA_01827
Description: ER04929_3A_prokka|PROKKA_01827
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01844
Name: ER04929_3A_prokka|PROKKA_01844
Description: ER04929_3A_prokka|PROKKA_01844
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01879
Name: ER04929_3A_prokka|PROKKA_01879
Description: ER04929_3A_prokka|PROKKA_01879
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_01931
Name: ER04929_3A_prokka|PROKKA_01931
Description: ER04929_3A_prokka|PROKKA_01931
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02003
Name: ER04929_3A_prokka|PROKKA_02003
Description: ER04929_3A_prokka|PROKKA_02003
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02007
Name: ER04929_3A_prokka|PROKKA_02007
Description: ER04929_3A_prokka|PROKKA_02007
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02023
Name: ER04929_3A_prokka|PROKKA_02023
Description: ER04929_3A_prokka|PROKKA_02023
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02043
Name: ER04929_3A_prokka|PROKKA_02043
Description: ER04929_3A_prokka|PROKKA_02043
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02073
Name: ER04929_3A_prokka|PROKKA_02073
Description: ER04929_3A_prokka|PROKKA_02073
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02075
Name: ER04929_3A_prokka|PROKKA_02075
Description: ER04929_3A_prokka|PROKKA_02075
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02124
Name: ER04929_3A_prokka|PROKKA_02124
Description: ER04929_3A_prokka|PROKKA_02124
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02244
Name: ER04929_3A_prokka|PROKKA_02244
Description: ER04929_3A_prokka|PROKKA_02244
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02268
Name: ER04929_3A_prokka|PROKKA_02268
Description: ER04929_3A_prokka|PROKKA_02268
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02299
Name: ER04929_3A_prokka|PROKKA_02299
Description: ER04929_3A_prokka|PROKKA_02299
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02314
Name: ER04929_3A_prokka|PROKKA_02314
Description: ER04929_3A_prokka|PROKKA_02314
Number of features: 0
Seq('MVVEKRNPIPVKEAIQRIVNQQSSMPAITVALEKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02395
Name: ER04929_3A_prokka|PROKKA_02395
Description: ER04929_3A_prokka|PROKKA_02395
Number of features: 0
Seq('MMISSPQIIDAEKHGDKITATVRLINENGKQVDKEYELEQGSQDRLQLIKTSEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02456
Name: ER04929_3A_prokka|PROKKA_02456
Description: ER04929_3A_prokka|PROKKA_02456
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02665
Name: ER04929_3A_prokka|PROKKA_02665
Description: ER04929_3A_prokka|PROKKA_02665
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER04929_3A_prokka|PROKKA_02752
Name: ER04929_3A_prokka|PROKKA_02752
Description: ER04929_3A_prokka|PROKKA_02752
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00029
Name: ER05117_3A_prokka|PROKKA_00029
Description: ER05117_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00038
Name: ER05117_3A_prokka|PROKKA_00038
Description: ER05117_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00060
Name: ER05117_3A_prokka|PROKKA_00060
Description: ER05117_3A_prokka|PROKKA_00060
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00150
Name: ER05117_3A_prokka|PROKKA_00150
Description: ER05117_3A_prokka|PROKKA_00150
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00249
Name: ER05117_3A_prokka|PROKKA_00249
Description: ER05117_3A_prokka|PROKKA_00249
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00301
Name: ER05117_3A_prokka|PROKKA_00301
Description: ER05117_3A_prokka|PROKKA_00301
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00399
Name: ER05117_3A_prokka|PROKKA_00399
Description: ER05117_3A_prokka|PROKKA_00399
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00437
Name: ER05117_3A_prokka|PROKKA_00437
Description: ER05117_3A_prokka|PROKKA_00437
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00567
Name: ER05117_3A_prokka|PROKKA_00567
Description: ER05117_3A_prokka|PROKKA_00567
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00603
Name: ER05117_3A_prokka|PROKKA_00603
Description: ER05117_3A_prokka|PROKKA_00603
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00821
Name: ER05117_3A_prokka|PROKKA_00821
Description: ER05117_3A_prokka|PROKKA_00821
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00865
Name: ER05117_3A_prokka|PROKKA_00865
Description: ER05117_3A_prokka|PROKKA_00865
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_00974
Name: ER05117_3A_prokka|PROKKA_00974
Description: ER05117_3A_prokka|PROKKA_00974
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01013
Name: ER05117_3A_prokka|PROKKA_01013
Description: ER05117_3A_prokka|PROKKA_01013
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01093
Name: ER05117_3A_prokka|PROKKA_01093
Description: ER05117_3A_prokka|PROKKA_01093
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01106
Name: ER05117_3A_prokka|PROKKA_01106
Description: ER05117_3A_prokka|PROKKA_01106
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01107
Name: ER05117_3A_prokka|PROKKA_01107
Description: ER05117_3A_prokka|PROKKA_01107
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01242
Name: ER05117_3A_prokka|PROKKA_01242
Description: ER05117_3A_prokka|PROKKA_01242
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01246
Name: ER05117_3A_prokka|PROKKA_01246
Description: ER05117_3A_prokka|PROKKA_01246
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01250
Name: ER05117_3A_prokka|PROKKA_01250
Description: ER05117_3A_prokka|PROKKA_01250
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01252
Name: ER05117_3A_prokka|PROKKA_01252
Description: ER05117_3A_prokka|PROKKA_01252
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01276
Name: ER05117_3A_prokka|PROKKA_01276
Description: ER05117_3A_prokka|PROKKA_01276
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01372
Name: ER05117_3A_prokka|PROKKA_01372
Description: ER05117_3A_prokka|PROKKA_01372
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01384
Name: ER05117_3A_prokka|PROKKA_01384
Description: ER05117_3A_prokka|PROKKA_01384
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01433
Name: ER05117_3A_prokka|PROKKA_01433
Description: ER05117_3A_prokka|PROKKA_01433
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01441
Name: ER05117_3A_prokka|PROKKA_01441
Description: ER05117_3A_prokka|PROKKA_01441
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01461
Name: ER05117_3A_prokka|PROKKA_01461
Description: ER05117_3A_prokka|PROKKA_01461
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01489
Name: ER05117_3A_prokka|PROKKA_01489
Description: ER05117_3A_prokka|PROKKA_01489
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01516
Name: ER05117_3A_prokka|PROKKA_01516
Description: ER05117_3A_prokka|PROKKA_01516
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01553
Name: ER05117_3A_prokka|PROKKA_01553
Description: ER05117_3A_prokka|PROKKA_01553
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01624
Name: ER05117_3A_prokka|PROKKA_01624
Description: ER05117_3A_prokka|PROKKA_01624
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01789
Name: ER05117_3A_prokka|PROKKA_01789
Description: ER05117_3A_prokka|PROKKA_01789
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01796
Name: ER05117_3A_prokka|PROKKA_01796
Description: ER05117_3A_prokka|PROKKA_01796
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01815
Name: ER05117_3A_prokka|PROKKA_01815
Description: ER05117_3A_prokka|PROKKA_01815
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01850
Name: ER05117_3A_prokka|PROKKA_01850
Description: ER05117_3A_prokka|PROKKA_01850
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01902
Name: ER05117_3A_prokka|PROKKA_01902
Description: ER05117_3A_prokka|PROKKA_01902
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01904
Name: ER05117_3A_prokka|PROKKA_01904
Description: ER05117_3A_prokka|PROKKA_01904
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01905
Name: ER05117_3A_prokka|PROKKA_01905
Description: ER05117_3A_prokka|PROKKA_01905
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01935
Name: ER05117_3A_prokka|PROKKA_01935
Description: ER05117_3A_prokka|PROKKA_01935
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDLKVKEREIEILRIRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01939
Name: ER05117_3A_prokka|PROKKA_01939
Description: ER05117_3A_prokka|PROKKA_01939
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSESEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01949
Name: ER05117_3A_prokka|PROKKA_01949
Description: ER05117_3A_prokka|PROKKA_01949
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01953
Name: ER05117_3A_prokka|PROKKA_01953
Description: ER05117_3A_prokka|PROKKA_01953
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01959
Name: ER05117_3A_prokka|PROKKA_01959
Description: ER05117_3A_prokka|PROKKA_01959
Number of features: 0
Seq('MSNIYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_01966
Name: ER05117_3A_prokka|PROKKA_01966
Description: ER05117_3A_prokka|PROKKA_01966
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02046
Name: ER05117_3A_prokka|PROKKA_02046
Description: ER05117_3A_prokka|PROKKA_02046
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02050
Name: ER05117_3A_prokka|PROKKA_02050
Description: ER05117_3A_prokka|PROKKA_02050
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02066
Name: ER05117_3A_prokka|PROKKA_02066
Description: ER05117_3A_prokka|PROKKA_02066
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02086
Name: ER05117_3A_prokka|PROKKA_02086
Description: ER05117_3A_prokka|PROKKA_02086
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02116
Name: ER05117_3A_prokka|PROKKA_02116
Description: ER05117_3A_prokka|PROKKA_02116
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02118
Name: ER05117_3A_prokka|PROKKA_02118
Description: ER05117_3A_prokka|PROKKA_02118
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02167
Name: ER05117_3A_prokka|PROKKA_02167
Description: ER05117_3A_prokka|PROKKA_02167
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02278
Name: ER05117_3A_prokka|PROKKA_02278
Description: ER05117_3A_prokka|PROKKA_02278
Number of features: 0
Seq('MTKTLPEDFIFGGATAAYQAEGATNTDGKGRVAWDTYLEENYWYTAETSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02289
Name: ER05117_3A_prokka|PROKKA_02289
Description: ER05117_3A_prokka|PROKKA_02289
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02315
Name: ER05117_3A_prokka|PROKKA_02315
Description: ER05117_3A_prokka|PROKKA_02315
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02346
Name: ER05117_3A_prokka|PROKKA_02346
Description: ER05117_3A_prokka|PROKKA_02346
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02501
Name: ER05117_3A_prokka|PROKKA_02501
Description: ER05117_3A_prokka|PROKKA_02501
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02710
Name: ER05117_3A_prokka|PROKKA_02710
Description: ER05117_3A_prokka|PROKKA_02710
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02797
Name: ER05117_3A_prokka|PROKKA_02797
Description: ER05117_3A_prokka|PROKKA_02797
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02817
Name: ER05117_3A_prokka|PROKKA_02817
Description: ER05117_3A_prokka|PROKKA_02817
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALTEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05117_3A_prokka|PROKKA_02846
Name: ER05117_3A_prokka|PROKKA_02846
Description: ER05117_3A_prokka|PROKKA_02846
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00001
Name: ER05167_3A_prokka|PROKKA_00001
Description: ER05167_3A_prokka|PROKKA_00001
Number of features: 0
Seq('MLDKKDEGVIRDMFGECSKFDRDLNGKKMSYVCYDM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00014
Name: ER05167_3A_prokka|PROKKA_00014
Description: ER05167_3A_prokka|PROKKA_00014
Number of features: 0
Seq('MKKAELNHFIEETSEQALKKLEEFFYSPDSVEEYISFLSQFYNYSLETNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00028
Name: ER05167_3A_prokka|PROKKA_00028
Description: ER05167_3A_prokka|PROKKA_00028
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALTEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00047
Name: ER05167_3A_prokka|PROKKA_00047
Description: ER05167_3A_prokka|PROKKA_00047
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00079
Name: ER05167_3A_prokka|PROKKA_00079
Description: ER05167_3A_prokka|PROKKA_00079
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00088
Name: ER05167_3A_prokka|PROKKA_00088
Description: ER05167_3A_prokka|PROKKA_00088
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00110
Name: ER05167_3A_prokka|PROKKA_00110
Description: ER05167_3A_prokka|PROKKA_00110
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00201
Name: ER05167_3A_prokka|PROKKA_00201
Description: ER05167_3A_prokka|PROKKA_00201
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00299
Name: ER05167_3A_prokka|PROKKA_00299
Description: ER05167_3A_prokka|PROKKA_00299
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00352
Name: ER05167_3A_prokka|PROKKA_00352
Description: ER05167_3A_prokka|PROKKA_00352
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00450
Name: ER05167_3A_prokka|PROKKA_00450
Description: ER05167_3A_prokka|PROKKA_00450
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00488
Name: ER05167_3A_prokka|PROKKA_00488
Description: ER05167_3A_prokka|PROKKA_00488
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00618
Name: ER05167_3A_prokka|PROKKA_00618
Description: ER05167_3A_prokka|PROKKA_00618
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00654
Name: ER05167_3A_prokka|PROKKA_00654
Description: ER05167_3A_prokka|PROKKA_00654
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00876
Name: ER05167_3A_prokka|PROKKA_00876
Description: ER05167_3A_prokka|PROKKA_00876
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_00920
Name: ER05167_3A_prokka|PROKKA_00920
Description: ER05167_3A_prokka|PROKKA_00920
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01030
Name: ER05167_3A_prokka|PROKKA_01030
Description: ER05167_3A_prokka|PROKKA_01030
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01069
Name: ER05167_3A_prokka|PROKKA_01069
Description: ER05167_3A_prokka|PROKKA_01069
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01149
Name: ER05167_3A_prokka|PROKKA_01149
Description: ER05167_3A_prokka|PROKKA_01149
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01162
Name: ER05167_3A_prokka|PROKKA_01162
Description: ER05167_3A_prokka|PROKKA_01162
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01163
Name: ER05167_3A_prokka|PROKKA_01163
Description: ER05167_3A_prokka|PROKKA_01163
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01298
Name: ER05167_3A_prokka|PROKKA_01298
Description: ER05167_3A_prokka|PROKKA_01298
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01302
Name: ER05167_3A_prokka|PROKKA_01302
Description: ER05167_3A_prokka|PROKKA_01302
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01306
Name: ER05167_3A_prokka|PROKKA_01306
Description: ER05167_3A_prokka|PROKKA_01306
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01308
Name: ER05167_3A_prokka|PROKKA_01308
Description: ER05167_3A_prokka|PROKKA_01308
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01332
Name: ER05167_3A_prokka|PROKKA_01332
Description: ER05167_3A_prokka|PROKKA_01332
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01359
Name: ER05167_3A_prokka|PROKKA_01359
Description: ER05167_3A_prokka|PROKKA_01359
Number of features: 0
Seq('MMPIVNVKLLEGRSDEQLKNLVSEVTDAVEKTTGQIDKQFTLL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01428
Name: ER05167_3A_prokka|PROKKA_01428
Description: ER05167_3A_prokka|PROKKA_01428
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01440
Name: ER05167_3A_prokka|PROKKA_01440
Description: ER05167_3A_prokka|PROKKA_01440
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01490
Name: ER05167_3A_prokka|PROKKA_01490
Description: ER05167_3A_prokka|PROKKA_01490
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01498
Name: ER05167_3A_prokka|PROKKA_01498
Description: ER05167_3A_prokka|PROKKA_01498
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01519
Name: ER05167_3A_prokka|PROKKA_01519
Description: ER05167_3A_prokka|PROKKA_01519
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01547
Name: ER05167_3A_prokka|PROKKA_01547
Description: ER05167_3A_prokka|PROKKA_01547
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01574
Name: ER05167_3A_prokka|PROKKA_01574
Description: ER05167_3A_prokka|PROKKA_01574
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01611
Name: ER05167_3A_prokka|PROKKA_01611
Description: ER05167_3A_prokka|PROKKA_01611
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01682
Name: ER05167_3A_prokka|PROKKA_01682
Description: ER05167_3A_prokka|PROKKA_01682
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01848
Name: ER05167_3A_prokka|PROKKA_01848
Description: ER05167_3A_prokka|PROKKA_01848
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01856
Name: ER05167_3A_prokka|PROKKA_01856
Description: ER05167_3A_prokka|PROKKA_01856
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01875
Name: ER05167_3A_prokka|PROKKA_01875
Description: ER05167_3A_prokka|PROKKA_01875
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01910
Name: ER05167_3A_prokka|PROKKA_01910
Description: ER05167_3A_prokka|PROKKA_01910
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01963
Name: ER05167_3A_prokka|PROKKA_01963
Description: ER05167_3A_prokka|PROKKA_01963
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01965
Name: ER05167_3A_prokka|PROKKA_01965
Description: ER05167_3A_prokka|PROKKA_01965
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01966
Name: ER05167_3A_prokka|PROKKA_01966
Description: ER05167_3A_prokka|PROKKA_01966
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_01997
Name: ER05167_3A_prokka|PROKKA_01997
Description: ER05167_3A_prokka|PROKKA_01997
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDLKVKEREIEILRIRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02001
Name: ER05167_3A_prokka|PROKKA_02001
Description: ER05167_3A_prokka|PROKKA_02001
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSESEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02011
Name: ER05167_3A_prokka|PROKKA_02011
Description: ER05167_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02015
Name: ER05167_3A_prokka|PROKKA_02015
Description: ER05167_3A_prokka|PROKKA_02015
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02021
Name: ER05167_3A_prokka|PROKKA_02021
Description: ER05167_3A_prokka|PROKKA_02021
Number of features: 0
Seq('MSNIYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02028
Name: ER05167_3A_prokka|PROKKA_02028
Description: ER05167_3A_prokka|PROKKA_02028
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02109
Name: ER05167_3A_prokka|PROKKA_02109
Description: ER05167_3A_prokka|PROKKA_02109
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02113
Name: ER05167_3A_prokka|PROKKA_02113
Description: ER05167_3A_prokka|PROKKA_02113
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02129
Name: ER05167_3A_prokka|PROKKA_02129
Description: ER05167_3A_prokka|PROKKA_02129
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02149
Name: ER05167_3A_prokka|PROKKA_02149
Description: ER05167_3A_prokka|PROKKA_02149
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02164
Name: ER05167_3A_prokka|PROKKA_02164
Description: ER05167_3A_prokka|PROKKA_02164
Number of features: 0
Seq('MESPWFLGYWSGENHVDKKEEKLSALYEVDWKTHNVKFVKVLNDNEKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02181
Name: ER05167_3A_prokka|PROKKA_02181
Description: ER05167_3A_prokka|PROKKA_02181
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02183
Name: ER05167_3A_prokka|PROKKA_02183
Description: ER05167_3A_prokka|PROKKA_02183
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02230
Name: ER05167_3A_prokka|PROKKA_02230
Description: ER05167_3A_prokka|PROKKA_02230
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02335
Name: ER05167_3A_prokka|PROKKA_02335
Description: ER05167_3A_prokka|PROKKA_02335
Number of features: 0
Seq('MTKTLPEDFIFGGATAAYQAEGATNTDGKGRVAWDTYLEENYWYTAETSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02346
Name: ER05167_3A_prokka|PROKKA_02346
Description: ER05167_3A_prokka|PROKKA_02346
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02372
Name: ER05167_3A_prokka|PROKKA_02372
Description: ER05167_3A_prokka|PROKKA_02372
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02403
Name: ER05167_3A_prokka|PROKKA_02403
Description: ER05167_3A_prokka|PROKKA_02403
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02560
Name: ER05167_3A_prokka|PROKKA_02560
Description: ER05167_3A_prokka|PROKKA_02560
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02763
Name: ER05167_3A_prokka|PROKKA_02763
Description: ER05167_3A_prokka|PROKKA_02763
Number of features: 0
Seq('MNSDNMWLTVMGLIIIISIVGLLIAKKINPVVGMTIIPCLGQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02773
Name: ER05167_3A_prokka|PROKKA_02773
Description: ER05167_3A_prokka|PROKKA_02773
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05167_3A_prokka|PROKKA_02862
Name: ER05167_3A_prokka|PROKKA_02862
Description: ER05167_3A_prokka|PROKKA_02862
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00002
Name: ER05204_3A_prokka|PROKKA_00002
Description: ER05204_3A_prokka|PROKKA_00002
Number of features: 0
Seq('MVLLIQKRRGLNKPNILYLMKPIVTERDIYKIEKEENNV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00003
Name: ER05204_3A_prokka|PROKKA_00003
Description: ER05204_3A_prokka|PROKKA_00003
Number of features: 0
Seq('MQNQYFTVQENYKERFYQIPKVFFTSENYKNLTNDMKIAYAILRDRLNLFY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00004
Name: ER05204_3A_prokka|PROKKA_00004
Description: ER05204_3A_prokka|PROKKA_00004
Number of features: 0
Seq('MKSVKKLSEELGVSKQTIFNNIKRLNIETIKQEKHFVY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00015
Name: ER05204_3A_prokka|PROKKA_00015
Description: ER05204_3A_prokka|PROKKA_00015
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00053
Name: ER05204_3A_prokka|PROKKA_00053
Description: ER05204_3A_prokka|PROKKA_00053
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00062
Name: ER05204_3A_prokka|PROKKA_00062
Description: ER05204_3A_prokka|PROKKA_00062
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00084
Name: ER05204_3A_prokka|PROKKA_00084
Description: ER05204_3A_prokka|PROKKA_00084
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00174
Name: ER05204_3A_prokka|PROKKA_00174
Description: ER05204_3A_prokka|PROKKA_00174
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00273
Name: ER05204_3A_prokka|PROKKA_00273
Description: ER05204_3A_prokka|PROKKA_00273
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00325
Name: ER05204_3A_prokka|PROKKA_00325
Description: ER05204_3A_prokka|PROKKA_00325
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00423
Name: ER05204_3A_prokka|PROKKA_00423
Description: ER05204_3A_prokka|PROKKA_00423
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00461
Name: ER05204_3A_prokka|PROKKA_00461
Description: ER05204_3A_prokka|PROKKA_00461
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00591
Name: ER05204_3A_prokka|PROKKA_00591
Description: ER05204_3A_prokka|PROKKA_00591
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00627
Name: ER05204_3A_prokka|PROKKA_00627
Description: ER05204_3A_prokka|PROKKA_00627
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00845
Name: ER05204_3A_prokka|PROKKA_00845
Description: ER05204_3A_prokka|PROKKA_00845
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00889
Name: ER05204_3A_prokka|PROKKA_00889
Description: ER05204_3A_prokka|PROKKA_00889
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_00998
Name: ER05204_3A_prokka|PROKKA_00998
Description: ER05204_3A_prokka|PROKKA_00998
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01037
Name: ER05204_3A_prokka|PROKKA_01037
Description: ER05204_3A_prokka|PROKKA_01037
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01117
Name: ER05204_3A_prokka|PROKKA_01117
Description: ER05204_3A_prokka|PROKKA_01117
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01130
Name: ER05204_3A_prokka|PROKKA_01130
Description: ER05204_3A_prokka|PROKKA_01130
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01131
Name: ER05204_3A_prokka|PROKKA_01131
Description: ER05204_3A_prokka|PROKKA_01131
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01266
Name: ER05204_3A_prokka|PROKKA_01266
Description: ER05204_3A_prokka|PROKKA_01266
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01270
Name: ER05204_3A_prokka|PROKKA_01270
Description: ER05204_3A_prokka|PROKKA_01270
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01274
Name: ER05204_3A_prokka|PROKKA_01274
Description: ER05204_3A_prokka|PROKKA_01274
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01276
Name: ER05204_3A_prokka|PROKKA_01276
Description: ER05204_3A_prokka|PROKKA_01276
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01300
Name: ER05204_3A_prokka|PROKKA_01300
Description: ER05204_3A_prokka|PROKKA_01300
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01396
Name: ER05204_3A_prokka|PROKKA_01396
Description: ER05204_3A_prokka|PROKKA_01396
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01408
Name: ER05204_3A_prokka|PROKKA_01408
Description: ER05204_3A_prokka|PROKKA_01408
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01457
Name: ER05204_3A_prokka|PROKKA_01457
Description: ER05204_3A_prokka|PROKKA_01457
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01465
Name: ER05204_3A_prokka|PROKKA_01465
Description: ER05204_3A_prokka|PROKKA_01465
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01485
Name: ER05204_3A_prokka|PROKKA_01485
Description: ER05204_3A_prokka|PROKKA_01485
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01513
Name: ER05204_3A_prokka|PROKKA_01513
Description: ER05204_3A_prokka|PROKKA_01513
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01540
Name: ER05204_3A_prokka|PROKKA_01540
Description: ER05204_3A_prokka|PROKKA_01540
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01577
Name: ER05204_3A_prokka|PROKKA_01577
Description: ER05204_3A_prokka|PROKKA_01577
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01648
Name: ER05204_3A_prokka|PROKKA_01648
Description: ER05204_3A_prokka|PROKKA_01648
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01813
Name: ER05204_3A_prokka|PROKKA_01813
Description: ER05204_3A_prokka|PROKKA_01813
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01820
Name: ER05204_3A_prokka|PROKKA_01820
Description: ER05204_3A_prokka|PROKKA_01820
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01839
Name: ER05204_3A_prokka|PROKKA_01839
Description: ER05204_3A_prokka|PROKKA_01839
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01874
Name: ER05204_3A_prokka|PROKKA_01874
Description: ER05204_3A_prokka|PROKKA_01874
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01926
Name: ER05204_3A_prokka|PROKKA_01926
Description: ER05204_3A_prokka|PROKKA_01926
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01928
Name: ER05204_3A_prokka|PROKKA_01928
Description: ER05204_3A_prokka|PROKKA_01928
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01929
Name: ER05204_3A_prokka|PROKKA_01929
Description: ER05204_3A_prokka|PROKKA_01929
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01959
Name: ER05204_3A_prokka|PROKKA_01959
Description: ER05204_3A_prokka|PROKKA_01959
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDLKVKEREIEILRIRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01963
Name: ER05204_3A_prokka|PROKKA_01963
Description: ER05204_3A_prokka|PROKKA_01963
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSESEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01973
Name: ER05204_3A_prokka|PROKKA_01973
Description: ER05204_3A_prokka|PROKKA_01973
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01977
Name: ER05204_3A_prokka|PROKKA_01977
Description: ER05204_3A_prokka|PROKKA_01977
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01983
Name: ER05204_3A_prokka|PROKKA_01983
Description: ER05204_3A_prokka|PROKKA_01983
Number of features: 0
Seq('MSNIYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_01990
Name: ER05204_3A_prokka|PROKKA_01990
Description: ER05204_3A_prokka|PROKKA_01990
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02070
Name: ER05204_3A_prokka|PROKKA_02070
Description: ER05204_3A_prokka|PROKKA_02070
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02074
Name: ER05204_3A_prokka|PROKKA_02074
Description: ER05204_3A_prokka|PROKKA_02074
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02090
Name: ER05204_3A_prokka|PROKKA_02090
Description: ER05204_3A_prokka|PROKKA_02090
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02110
Name: ER05204_3A_prokka|PROKKA_02110
Description: ER05204_3A_prokka|PROKKA_02110
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02141
Name: ER05204_3A_prokka|PROKKA_02141
Description: ER05204_3A_prokka|PROKKA_02141
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02143
Name: ER05204_3A_prokka|PROKKA_02143
Description: ER05204_3A_prokka|PROKKA_02143
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02192
Name: ER05204_3A_prokka|PROKKA_02192
Description: ER05204_3A_prokka|PROKKA_02192
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02303
Name: ER05204_3A_prokka|PROKKA_02303
Description: ER05204_3A_prokka|PROKKA_02303
Number of features: 0
Seq('MTKTLPEDFIFGGATAAYQAEGATNTDGKGRVAWDTYLEENYWYTAETSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02314
Name: ER05204_3A_prokka|PROKKA_02314
Description: ER05204_3A_prokka|PROKKA_02314
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02339
Name: ER05204_3A_prokka|PROKKA_02339
Description: ER05204_3A_prokka|PROKKA_02339
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02370
Name: ER05204_3A_prokka|PROKKA_02370
Description: ER05204_3A_prokka|PROKKA_02370
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02524
Name: ER05204_3A_prokka|PROKKA_02524
Description: ER05204_3A_prokka|PROKKA_02524
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02732
Name: ER05204_3A_prokka|PROKKA_02732
Description: ER05204_3A_prokka|PROKKA_02732
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02819
Name: ER05204_3A_prokka|PROKKA_02819
Description: ER05204_3A_prokka|PROKKA_02819
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05204_3A_prokka|PROKKA_02829
Name: ER05204_3A_prokka|PROKKA_02829
Description: ER05204_3A_prokka|PROKKA_02829
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALTEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00031
Name: ER05215_3A_prokka|PROKKA_00031
Description: ER05215_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00040
Name: ER05215_3A_prokka|PROKKA_00040
Description: ER05215_3A_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00128
Name: ER05215_3A_prokka|PROKKA_00128
Description: ER05215_3A_prokka|PROKKA_00128
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00229
Name: ER05215_3A_prokka|PROKKA_00229
Description: ER05215_3A_prokka|PROKKA_00229
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00281
Name: ER05215_3A_prokka|PROKKA_00281
Description: ER05215_3A_prokka|PROKKA_00281
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00378
Name: ER05215_3A_prokka|PROKKA_00378
Description: ER05215_3A_prokka|PROKKA_00378
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00415
Name: ER05215_3A_prokka|PROKKA_00415
Description: ER05215_3A_prokka|PROKKA_00415
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00545
Name: ER05215_3A_prokka|PROKKA_00545
Description: ER05215_3A_prokka|PROKKA_00545
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00581
Name: ER05215_3A_prokka|PROKKA_00581
Description: ER05215_3A_prokka|PROKKA_00581
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00782
Name: ER05215_3A_prokka|PROKKA_00782
Description: ER05215_3A_prokka|PROKKA_00782
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00808
Name: ER05215_3A_prokka|PROKKA_00808
Description: ER05215_3A_prokka|PROKKA_00808
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00916
Name: ER05215_3A_prokka|PROKKA_00916
Description: ER05215_3A_prokka|PROKKA_00916
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_00955
Name: ER05215_3A_prokka|PROKKA_00955
Description: ER05215_3A_prokka|PROKKA_00955
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01035
Name: ER05215_3A_prokka|PROKKA_01035
Description: ER05215_3A_prokka|PROKKA_01035
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01047
Name: ER05215_3A_prokka|PROKKA_01047
Description: ER05215_3A_prokka|PROKKA_01047
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01048
Name: ER05215_3A_prokka|PROKKA_01048
Description: ER05215_3A_prokka|PROKKA_01048
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01183
Name: ER05215_3A_prokka|PROKKA_01183
Description: ER05215_3A_prokka|PROKKA_01183
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01187
Name: ER05215_3A_prokka|PROKKA_01187
Description: ER05215_3A_prokka|PROKKA_01187
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01191
Name: ER05215_3A_prokka|PROKKA_01191
Description: ER05215_3A_prokka|PROKKA_01191
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01193
Name: ER05215_3A_prokka|PROKKA_01193
Description: ER05215_3A_prokka|PROKKA_01193
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01217
Name: ER05215_3A_prokka|PROKKA_01217
Description: ER05215_3A_prokka|PROKKA_01217
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01312
Name: ER05215_3A_prokka|PROKKA_01312
Description: ER05215_3A_prokka|PROKKA_01312
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01324
Name: ER05215_3A_prokka|PROKKA_01324
Description: ER05215_3A_prokka|PROKKA_01324
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01371
Name: ER05215_3A_prokka|PROKKA_01371
Description: ER05215_3A_prokka|PROKKA_01371
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01379
Name: ER05215_3A_prokka|PROKKA_01379
Description: ER05215_3A_prokka|PROKKA_01379
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01400
Name: ER05215_3A_prokka|PROKKA_01400
Description: ER05215_3A_prokka|PROKKA_01400
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01420
Name: ER05215_3A_prokka|PROKKA_01420
Description: ER05215_3A_prokka|PROKKA_01420
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01430
Name: ER05215_3A_prokka|PROKKA_01430
Description: ER05215_3A_prokka|PROKKA_01430
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01456
Name: ER05215_3A_prokka|PROKKA_01456
Description: ER05215_3A_prokka|PROKKA_01456
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01493
Name: ER05215_3A_prokka|PROKKA_01493
Description: ER05215_3A_prokka|PROKKA_01493
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01564
Name: ER05215_3A_prokka|PROKKA_01564
Description: ER05215_3A_prokka|PROKKA_01564
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01690
Name: ER05215_3A_prokka|PROKKA_01690
Description: ER05215_3A_prokka|PROKKA_01690
Number of features: 0
Seq('MIVHRITGDGPIDIMVGPMWSVNKWEVLNGIDAELARRNSYQGLRYKSKVKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01737
Name: ER05215_3A_prokka|PROKKA_01737
Description: ER05215_3A_prokka|PROKKA_01737
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01756
Name: ER05215_3A_prokka|PROKKA_01756
Description: ER05215_3A_prokka|PROKKA_01756
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01791
Name: ER05215_3A_prokka|PROKKA_01791
Description: ER05215_3A_prokka|PROKKA_01791
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01842
Name: ER05215_3A_prokka|PROKKA_01842
Description: ER05215_3A_prokka|PROKKA_01842
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01914
Name: ER05215_3A_prokka|PROKKA_01914
Description: ER05215_3A_prokka|PROKKA_01914
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01924
Name: ER05215_3A_prokka|PROKKA_01924
Description: ER05215_3A_prokka|PROKKA_01924
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01935
Name: ER05215_3A_prokka|PROKKA_01935
Description: ER05215_3A_prokka|PROKKA_01935
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01953
Name: ER05215_3A_prokka|PROKKA_01953
Description: ER05215_3A_prokka|PROKKA_01953
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01957
Name: ER05215_3A_prokka|PROKKA_01957
Description: ER05215_3A_prokka|PROKKA_01957
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01963
Name: ER05215_3A_prokka|PROKKA_01963
Description: ER05215_3A_prokka|PROKKA_01963
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01966
Name: ER05215_3A_prokka|PROKKA_01966
Description: ER05215_3A_prokka|PROKKA_01966
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01973
Name: ER05215_3A_prokka|PROKKA_01973
Description: ER05215_3A_prokka|PROKKA_01973
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01975
Name: ER05215_3A_prokka|PROKKA_01975
Description: ER05215_3A_prokka|PROKKA_01975
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01994
Name: ER05215_3A_prokka|PROKKA_01994
Description: ER05215_3A_prokka|PROKKA_01994
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_01996
Name: ER05215_3A_prokka|PROKKA_01996
Description: ER05215_3A_prokka|PROKKA_01996
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_02046
Name: ER05215_3A_prokka|PROKKA_02046
Description: ER05215_3A_prokka|PROKKA_02046
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_02165
Name: ER05215_3A_prokka|PROKKA_02165
Description: ER05215_3A_prokka|PROKKA_02165
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_02189
Name: ER05215_3A_prokka|PROKKA_02189
Description: ER05215_3A_prokka|PROKKA_02189
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_02220
Name: ER05215_3A_prokka|PROKKA_02220
Description: ER05215_3A_prokka|PROKKA_02220
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_02375
Name: ER05215_3A_prokka|PROKKA_02375
Description: ER05215_3A_prokka|PROKKA_02375
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_02582
Name: ER05215_3A_prokka|PROKKA_02582
Description: ER05215_3A_prokka|PROKKA_02582
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_02669
Name: ER05215_3A_prokka|PROKKA_02669
Description: ER05215_3A_prokka|PROKKA_02669
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05215_3A_prokka|PROKKA_02682
Name: ER05215_3A_prokka|PROKKA_02682
Description: ER05215_3A_prokka|PROKKA_02682
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00030
Name: ER05238_3A_prokka|PROKKA_00030
Description: ER05238_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00034
Name: ER05238_3A_prokka|PROKKA_00034
Description: ER05238_3A_prokka|PROKKA_00034
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00043
Name: ER05238_3A_prokka|PROKKA_00043
Description: ER05238_3A_prokka|PROKKA_00043
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00056
Name: ER05238_3A_prokka|PROKKA_00056
Description: ER05238_3A_prokka|PROKKA_00056
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00059
Name: ER05238_3A_prokka|PROKKA_00059
Description: ER05238_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00224
Name: ER05238_3A_prokka|PROKKA_00224
Description: ER05238_3A_prokka|PROKKA_00224
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00294
Name: ER05238_3A_prokka|PROKKA_00294
Description: ER05238_3A_prokka|PROKKA_00294
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00298
Name: ER05238_3A_prokka|PROKKA_00298
Description: ER05238_3A_prokka|PROKKA_00298
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00303
Name: ER05238_3A_prokka|PROKKA_00303
Description: ER05238_3A_prokka|PROKKA_00303
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00304
Name: ER05238_3A_prokka|PROKKA_00304
Description: ER05238_3A_prokka|PROKKA_00304
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00312
Name: ER05238_3A_prokka|PROKKA_00312
Description: ER05238_3A_prokka|PROKKA_00312
Number of features: 0
Seq('MNKILIRFAINYIKYQQKQLREKEARIKYLEGFLKGKGY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00316
Name: ER05238_3A_prokka|PROKKA_00316
Description: ER05238_3A_prokka|PROKKA_00316
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00335
Name: ER05238_3A_prokka|PROKKA_00335
Description: ER05238_3A_prokka|PROKKA_00335
Number of features: 0
Seq('MMWLVIAIILLVILLFGMMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00392
Name: ER05238_3A_prokka|PROKKA_00392
Description: ER05238_3A_prokka|PROKKA_00392
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00398
Name: ER05238_3A_prokka|PROKKA_00398
Description: ER05238_3A_prokka|PROKKA_00398
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00443
Name: ER05238_3A_prokka|PROKKA_00443
Description: ER05238_3A_prokka|PROKKA_00443
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00461
Name: ER05238_3A_prokka|PROKKA_00461
Description: ER05238_3A_prokka|PROKKA_00461
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00628
Name: ER05238_3A_prokka|PROKKA_00628
Description: ER05238_3A_prokka|PROKKA_00628
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00746
Name: ER05238_3A_prokka|PROKKA_00746
Description: ER05238_3A_prokka|PROKKA_00746
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00881
Name: ER05238_3A_prokka|PROKKA_00881
Description: ER05238_3A_prokka|PROKKA_00881
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_00908
Name: ER05238_3A_prokka|PROKKA_00908
Description: ER05238_3A_prokka|PROKKA_00908
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01016
Name: ER05238_3A_prokka|PROKKA_01016
Description: ER05238_3A_prokka|PROKKA_01016
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01056
Name: ER05238_3A_prokka|PROKKA_01056
Description: ER05238_3A_prokka|PROKKA_01056
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01105
Name: ER05238_3A_prokka|PROKKA_01105
Description: ER05238_3A_prokka|PROKKA_01105
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01113
Name: ER05238_3A_prokka|PROKKA_01113
Description: ER05238_3A_prokka|PROKKA_01113
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01114
Name: ER05238_3A_prokka|PROKKA_01114
Description: ER05238_3A_prokka|PROKKA_01114
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01135
Name: ER05238_3A_prokka|PROKKA_01135
Description: ER05238_3A_prokka|PROKKA_01135
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01200
Name: ER05238_3A_prokka|PROKKA_01200
Description: ER05238_3A_prokka|PROKKA_01200
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01212
Name: ER05238_3A_prokka|PROKKA_01212
Description: ER05238_3A_prokka|PROKKA_01212
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01213
Name: ER05238_3A_prokka|PROKKA_01213
Description: ER05238_3A_prokka|PROKKA_01213
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01348
Name: ER05238_3A_prokka|PROKKA_01348
Description: ER05238_3A_prokka|PROKKA_01348
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01352
Name: ER05238_3A_prokka|PROKKA_01352
Description: ER05238_3A_prokka|PROKKA_01352
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01376
Name: ER05238_3A_prokka|PROKKA_01376
Description: ER05238_3A_prokka|PROKKA_01376
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01482
Name: ER05238_3A_prokka|PROKKA_01482
Description: ER05238_3A_prokka|PROKKA_01482
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01549
Name: ER05238_3A_prokka|PROKKA_01549
Description: ER05238_3A_prokka|PROKKA_01549
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01552
Name: ER05238_3A_prokka|PROKKA_01552
Description: ER05238_3A_prokka|PROKKA_01552
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01587
Name: ER05238_3A_prokka|PROKKA_01587
Description: ER05238_3A_prokka|PROKKA_01587
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01660
Name: ER05238_3A_prokka|PROKKA_01660
Description: ER05238_3A_prokka|PROKKA_01660
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01823
Name: ER05238_3A_prokka|PROKKA_01823
Description: ER05238_3A_prokka|PROKKA_01823
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01838
Name: ER05238_3A_prokka|PROKKA_01838
Description: ER05238_3A_prokka|PROKKA_01838
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01880
Name: ER05238_3A_prokka|PROKKA_01880
Description: ER05238_3A_prokka|PROKKA_01880
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_01932
Name: ER05238_3A_prokka|PROKKA_01932
Description: ER05238_3A_prokka|PROKKA_01932
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02007
Name: ER05238_3A_prokka|PROKKA_02007
Description: ER05238_3A_prokka|PROKKA_02007
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02011
Name: ER05238_3A_prokka|PROKKA_02011
Description: ER05238_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02027
Name: ER05238_3A_prokka|PROKKA_02027
Description: ER05238_3A_prokka|PROKKA_02027
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02045
Name: ER05238_3A_prokka|PROKKA_02045
Description: ER05238_3A_prokka|PROKKA_02045
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02084
Name: ER05238_3A_prokka|PROKKA_02084
Description: ER05238_3A_prokka|PROKKA_02084
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02095
Name: ER05238_3A_prokka|PROKKA_02095
Description: ER05238_3A_prokka|PROKKA_02095
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02097
Name: ER05238_3A_prokka|PROKKA_02097
Description: ER05238_3A_prokka|PROKKA_02097
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02147
Name: ER05238_3A_prokka|PROKKA_02147
Description: ER05238_3A_prokka|PROKKA_02147
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02273
Name: ER05238_3A_prokka|PROKKA_02273
Description: ER05238_3A_prokka|PROKKA_02273
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02286
Name: ER05238_3A_prokka|PROKKA_02286
Description: ER05238_3A_prokka|PROKKA_02286
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02317
Name: ER05238_3A_prokka|PROKKA_02317
Description: ER05238_3A_prokka|PROKKA_02317
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02471
Name: ER05238_3A_prokka|PROKKA_02471
Description: ER05238_3A_prokka|PROKKA_02471
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02535
Name: ER05238_3A_prokka|PROKKA_02535
Description: ER05238_3A_prokka|PROKKA_02535
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02661
Name: ER05238_3A_prokka|PROKKA_02661
Description: ER05238_3A_prokka|PROKKA_02661
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02663
Name: ER05238_3A_prokka|PROKKA_02663
Description: ER05238_3A_prokka|PROKKA_02663
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02666
Name: ER05238_3A_prokka|PROKKA_02666
Description: ER05238_3A_prokka|PROKKA_02666
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02673
Name: ER05238_3A_prokka|PROKKA_02673
Description: ER05238_3A_prokka|PROKKA_02673
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02711
Name: ER05238_3A_prokka|PROKKA_02711
Description: ER05238_3A_prokka|PROKKA_02711
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02795
Name: ER05238_3A_prokka|PROKKA_02795
Description: ER05238_3A_prokka|PROKKA_02795
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02797
Name: ER05238_3A_prokka|PROKKA_02797
Description: ER05238_3A_prokka|PROKKA_02797
Number of features: 0
Seq('MKSLVLNFAKNEELNNKEIEELRDILNDISKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02798
Name: ER05238_3A_prokka|PROKKA_02798
Description: ER05238_3A_prokka|PROKKA_02798
Number of features: 0
Seq('MTNKQVEISMAEWDVMNIIWDKKSVSANEIVVEIQKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02809
Name: ER05238_3A_prokka|PROKKA_02809
Description: ER05238_3A_prokka|PROKKA_02809
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02835
Name: ER05238_3A_prokka|PROKKA_02835
Description: ER05238_3A_prokka|PROKKA_02835
Number of features: 0
Seq('MNENLEKYIKSLPLLGLLISILLIVYSFLF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02836
Name: ER05238_3A_prokka|PROKKA_02836
Description: ER05238_3A_prokka|PROKKA_02836
Number of features: 0
Seq('MKIIKLFSIISLFLLVFSANFSNAYANEEQKSSLLENQKEKLKSKTSKYHK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02837
Name: ER05238_3A_prokka|PROKKA_02837
Description: ER05238_3A_prokka|PROKKA_02837
Number of features: 0
Seq('MTKKEISFLEQLQNKNEDMQKFEKQMKKEGFKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02838
Name: ER05238_3A_prokka|PROKKA_02838
Description: ER05238_3A_prokka|PROKKA_02838
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02861
Name: ER05238_3A_prokka|PROKKA_02861
Description: ER05238_3A_prokka|PROKKA_02861
Number of features: 0
Seq('MILSKTANKILKELKNKEKYFSNLCIENRDVNSSKLTFARC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05238_3A_prokka|PROKKA_02865
Name: ER05238_3A_prokka|PROKKA_02865
Description: ER05238_3A_prokka|PROKKA_02865
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALTEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00003
Name: ER05282_3A_prokka|PROKKA_00003
Description: ER05282_3A_prokka|PROKKA_00003
Number of features: 0
Seq('MKVTNTIRFEEEKKNLIDNVVNTLEEYKDVIDSELRTIRNTNHLVMRNNLVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00039
Name: ER05282_3A_prokka|PROKKA_00039
Description: ER05282_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00080
Name: ER05282_3A_prokka|PROKKA_00080
Description: ER05282_3A_prokka|PROKKA_00080
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00084
Name: ER05282_3A_prokka|PROKKA_00084
Description: ER05282_3A_prokka|PROKKA_00084
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00093
Name: ER05282_3A_prokka|PROKKA_00093
Description: ER05282_3A_prokka|PROKKA_00093
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00106
Name: ER05282_3A_prokka|PROKKA_00106
Description: ER05282_3A_prokka|PROKKA_00106
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00109
Name: ER05282_3A_prokka|PROKKA_00109
Description: ER05282_3A_prokka|PROKKA_00109
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00274
Name: ER05282_3A_prokka|PROKKA_00274
Description: ER05282_3A_prokka|PROKKA_00274
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00370
Name: ER05282_3A_prokka|PROKKA_00370
Description: ER05282_3A_prokka|PROKKA_00370
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00376
Name: ER05282_3A_prokka|PROKKA_00376
Description: ER05282_3A_prokka|PROKKA_00376
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00420
Name: ER05282_3A_prokka|PROKKA_00420
Description: ER05282_3A_prokka|PROKKA_00420
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00438
Name: ER05282_3A_prokka|PROKKA_00438
Description: ER05282_3A_prokka|PROKKA_00438
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00603
Name: ER05282_3A_prokka|PROKKA_00603
Description: ER05282_3A_prokka|PROKKA_00603
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00856
Name: ER05282_3A_prokka|PROKKA_00856
Description: ER05282_3A_prokka|PROKKA_00856
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00868
Name: ER05282_3A_prokka|PROKKA_00868
Description: ER05282_3A_prokka|PROKKA_00868
Number of features: 0
Seq('MKMYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00885
Name: ER05282_3A_prokka|PROKKA_00885
Description: ER05282_3A_prokka|PROKKA_00885
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00886
Name: ER05282_3A_prokka|PROKKA_00886
Description: ER05282_3A_prokka|PROKKA_00886
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_00908
Name: ER05282_3A_prokka|PROKKA_00908
Description: ER05282_3A_prokka|PROKKA_00908
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01016
Name: ER05282_3A_prokka|PROKKA_01016
Description: ER05282_3A_prokka|PROKKA_01016
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01056
Name: ER05282_3A_prokka|PROKKA_01056
Description: ER05282_3A_prokka|PROKKA_01056
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01137
Name: ER05282_3A_prokka|PROKKA_01137
Description: ER05282_3A_prokka|PROKKA_01137
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01149
Name: ER05282_3A_prokka|PROKKA_01149
Description: ER05282_3A_prokka|PROKKA_01149
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01150
Name: ER05282_3A_prokka|PROKKA_01150
Description: ER05282_3A_prokka|PROKKA_01150
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01286
Name: ER05282_3A_prokka|PROKKA_01286
Description: ER05282_3A_prokka|PROKKA_01286
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01290
Name: ER05282_3A_prokka|PROKKA_01290
Description: ER05282_3A_prokka|PROKKA_01290
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01314
Name: ER05282_3A_prokka|PROKKA_01314
Description: ER05282_3A_prokka|PROKKA_01314
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01409
Name: ER05282_3A_prokka|PROKKA_01409
Description: ER05282_3A_prokka|PROKKA_01409
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01421
Name: ER05282_3A_prokka|PROKKA_01421
Description: ER05282_3A_prokka|PROKKA_01421
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01488
Name: ER05282_3A_prokka|PROKKA_01488
Description: ER05282_3A_prokka|PROKKA_01488
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01491
Name: ER05282_3A_prokka|PROKKA_01491
Description: ER05282_3A_prokka|PROKKA_01491
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01526
Name: ER05282_3A_prokka|PROKKA_01526
Description: ER05282_3A_prokka|PROKKA_01526
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01599
Name: ER05282_3A_prokka|PROKKA_01599
Description: ER05282_3A_prokka|PROKKA_01599
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01762
Name: ER05282_3A_prokka|PROKKA_01762
Description: ER05282_3A_prokka|PROKKA_01762
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01777
Name: ER05282_3A_prokka|PROKKA_01777
Description: ER05282_3A_prokka|PROKKA_01777
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01819
Name: ER05282_3A_prokka|PROKKA_01819
Description: ER05282_3A_prokka|PROKKA_01819
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01871
Name: ER05282_3A_prokka|PROKKA_01871
Description: ER05282_3A_prokka|PROKKA_01871
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01946
Name: ER05282_3A_prokka|PROKKA_01946
Description: ER05282_3A_prokka|PROKKA_01946
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01950
Name: ER05282_3A_prokka|PROKKA_01950
Description: ER05282_3A_prokka|PROKKA_01950
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01966
Name: ER05282_3A_prokka|PROKKA_01966
Description: ER05282_3A_prokka|PROKKA_01966
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_01984
Name: ER05282_3A_prokka|PROKKA_01984
Description: ER05282_3A_prokka|PROKKA_01984
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02023
Name: ER05282_3A_prokka|PROKKA_02023
Description: ER05282_3A_prokka|PROKKA_02023
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02034
Name: ER05282_3A_prokka|PROKKA_02034
Description: ER05282_3A_prokka|PROKKA_02034
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02036
Name: ER05282_3A_prokka|PROKKA_02036
Description: ER05282_3A_prokka|PROKKA_02036
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02086
Name: ER05282_3A_prokka|PROKKA_02086
Description: ER05282_3A_prokka|PROKKA_02086
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02212
Name: ER05282_3A_prokka|PROKKA_02212
Description: ER05282_3A_prokka|PROKKA_02212
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02225
Name: ER05282_3A_prokka|PROKKA_02225
Description: ER05282_3A_prokka|PROKKA_02225
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02256
Name: ER05282_3A_prokka|PROKKA_02256
Description: ER05282_3A_prokka|PROKKA_02256
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02410
Name: ER05282_3A_prokka|PROKKA_02410
Description: ER05282_3A_prokka|PROKKA_02410
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02474
Name: ER05282_3A_prokka|PROKKA_02474
Description: ER05282_3A_prokka|PROKKA_02474
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02593
Name: ER05282_3A_prokka|PROKKA_02593
Description: ER05282_3A_prokka|PROKKA_02593
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02595
Name: ER05282_3A_prokka|PROKKA_02595
Description: ER05282_3A_prokka|PROKKA_02595
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02598
Name: ER05282_3A_prokka|PROKKA_02598
Description: ER05282_3A_prokka|PROKKA_02598
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02605
Name: ER05282_3A_prokka|PROKKA_02605
Description: ER05282_3A_prokka|PROKKA_02605
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02644
Name: ER05282_3A_prokka|PROKKA_02644
Description: ER05282_3A_prokka|PROKKA_02644
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05282_3A_prokka|PROKKA_02728
Name: ER05282_3A_prokka|PROKKA_02728
Description: ER05282_3A_prokka|PROKKA_02728
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00031
Name: ER05310_3A_prokka|PROKKA_00031
Description: ER05310_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00032
Name: ER05310_3A_prokka|PROKKA_00032
Description: ER05310_3A_prokka|PROKKA_00032
Number of features: 0
Seq('MLTVYGHRGLPSKAPENTIASFKAASEVEGINWLELDVAITKDE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00041
Name: ER05310_3A_prokka|PROKKA_00041
Description: ER05310_3A_prokka|PROKKA_00041
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00130
Name: ER05310_3A_prokka|PROKKA_00130
Description: ER05310_3A_prokka|PROKKA_00130
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00232
Name: ER05310_3A_prokka|PROKKA_00232
Description: ER05310_3A_prokka|PROKKA_00232
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00378
Name: ER05310_3A_prokka|PROKKA_00378
Description: ER05310_3A_prokka|PROKKA_00378
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00415
Name: ER05310_3A_prokka|PROKKA_00415
Description: ER05310_3A_prokka|PROKKA_00415
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00545
Name: ER05310_3A_prokka|PROKKA_00545
Description: ER05310_3A_prokka|PROKKA_00545
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00596
Name: ER05310_3A_prokka|PROKKA_00596
Description: ER05310_3A_prokka|PROKKA_00596
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00798
Name: ER05310_3A_prokka|PROKKA_00798
Description: ER05310_3A_prokka|PROKKA_00798
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00813
Name: ER05310_3A_prokka|PROKKA_00813
Description: ER05310_3A_prokka|PROKKA_00813
Number of features: 0
Seq('MKMYLAYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00829
Name: ER05310_3A_prokka|PROKKA_00829
Description: ER05310_3A_prokka|PROKKA_00829
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00830
Name: ER05310_3A_prokka|PROKKA_00830
Description: ER05310_3A_prokka|PROKKA_00830
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIGRKTHFYCLDKKNGCR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00851
Name: ER05310_3A_prokka|PROKKA_00851
Description: ER05310_3A_prokka|PROKKA_00851
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00959
Name: ER05310_3A_prokka|PROKKA_00959
Description: ER05310_3A_prokka|PROKKA_00959
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_00998
Name: ER05310_3A_prokka|PROKKA_00998
Description: ER05310_3A_prokka|PROKKA_00998
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01052
Name: ER05310_3A_prokka|PROKKA_01052
Description: ER05310_3A_prokka|PROKKA_01052
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01058
Name: ER05310_3A_prokka|PROKKA_01058
Description: ER05310_3A_prokka|PROKKA_01058
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01064
Name: ER05310_3A_prokka|PROKKA_01064
Description: ER05310_3A_prokka|PROKKA_01064
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRNAMHAVKVEKILKSPFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01068
Name: ER05310_3A_prokka|PROKKA_01068
Description: ER05310_3A_prokka|PROKKA_01068
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01076
Name: ER05310_3A_prokka|PROKKA_01076
Description: ER05310_3A_prokka|PROKKA_01076
Number of features: 0
Seq('MTFTLSDEQYKNLCTNFNKLLDKLHKALKDRE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01084
Name: ER05310_3A_prokka|PROKKA_01084
Description: ER05310_3A_prokka|PROKKA_01084
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01147
Name: ER05310_3A_prokka|PROKKA_01147
Description: ER05310_3A_prokka|PROKKA_01147
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01159
Name: ER05310_3A_prokka|PROKKA_01159
Description: ER05310_3A_prokka|PROKKA_01159
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01160
Name: ER05310_3A_prokka|PROKKA_01160
Description: ER05310_3A_prokka|PROKKA_01160
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01295
Name: ER05310_3A_prokka|PROKKA_01295
Description: ER05310_3A_prokka|PROKKA_01295
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01299
Name: ER05310_3A_prokka|PROKKA_01299
Description: ER05310_3A_prokka|PROKKA_01299
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01303
Name: ER05310_3A_prokka|PROKKA_01303
Description: ER05310_3A_prokka|PROKKA_01303
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01305
Name: ER05310_3A_prokka|PROKKA_01305
Description: ER05310_3A_prokka|PROKKA_01305
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01326
Name: ER05310_3A_prokka|PROKKA_01326
Description: ER05310_3A_prokka|PROKKA_01326
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01421
Name: ER05310_3A_prokka|PROKKA_01421
Description: ER05310_3A_prokka|PROKKA_01421
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01433
Name: ER05310_3A_prokka|PROKKA_01433
Description: ER05310_3A_prokka|PROKKA_01433
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01480
Name: ER05310_3A_prokka|PROKKA_01480
Description: ER05310_3A_prokka|PROKKA_01480
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01488
Name: ER05310_3A_prokka|PROKKA_01488
Description: ER05310_3A_prokka|PROKKA_01488
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01508
Name: ER05310_3A_prokka|PROKKA_01508
Description: ER05310_3A_prokka|PROKKA_01508
Number of features: 0
Seq('MMIKQILRLIFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01515
Name: ER05310_3A_prokka|PROKKA_01515
Description: ER05310_3A_prokka|PROKKA_01515
Number of features: 0
Seq('MTFTLSDEQYKNLCTNFNKLLDKLHKALKDRE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01523
Name: ER05310_3A_prokka|PROKKA_01523
Description: ER05310_3A_prokka|PROKKA_01523
Number of features: 0
Seq('MTIKELEEKFNISRYFVVKHDRDWETGEIIDTCIVLDEYADHINIEVEEVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01529
Name: ER05310_3A_prokka|PROKKA_01529
Description: ER05310_3A_prokka|PROKKA_01529
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01537
Name: ER05310_3A_prokka|PROKKA_01537
Description: ER05310_3A_prokka|PROKKA_01537
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01541
Name: ER05310_3A_prokka|PROKKA_01541
Description: ER05310_3A_prokka|PROKKA_01541
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASQKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01567
Name: ER05310_3A_prokka|PROKKA_01567
Description: ER05310_3A_prokka|PROKKA_01567
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01604
Name: ER05310_3A_prokka|PROKKA_01604
Description: ER05310_3A_prokka|PROKKA_01604
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01675
Name: ER05310_3A_prokka|PROKKA_01675
Description: ER05310_3A_prokka|PROKKA_01675
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01847
Name: ER05310_3A_prokka|PROKKA_01847
Description: ER05310_3A_prokka|PROKKA_01847
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01866
Name: ER05310_3A_prokka|PROKKA_01866
Description: ER05310_3A_prokka|PROKKA_01866
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01901
Name: ER05310_3A_prokka|PROKKA_01901
Description: ER05310_3A_prokka|PROKKA_01901
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_01952
Name: ER05310_3A_prokka|PROKKA_01952
Description: ER05310_3A_prokka|PROKKA_01952
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02024
Name: ER05310_3A_prokka|PROKKA_02024
Description: ER05310_3A_prokka|PROKKA_02024
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02028
Name: ER05310_3A_prokka|PROKKA_02028
Description: ER05310_3A_prokka|PROKKA_02028
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02044
Name: ER05310_3A_prokka|PROKKA_02044
Description: ER05310_3A_prokka|PROKKA_02044
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02064
Name: ER05310_3A_prokka|PROKKA_02064
Description: ER05310_3A_prokka|PROKKA_02064
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02091
Name: ER05310_3A_prokka|PROKKA_02091
Description: ER05310_3A_prokka|PROKKA_02091
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02093
Name: ER05310_3A_prokka|PROKKA_02093
Description: ER05310_3A_prokka|PROKKA_02093
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02142
Name: ER05310_3A_prokka|PROKKA_02142
Description: ER05310_3A_prokka|PROKKA_02142
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02261
Name: ER05310_3A_prokka|PROKKA_02261
Description: ER05310_3A_prokka|PROKKA_02261
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02286
Name: ER05310_3A_prokka|PROKKA_02286
Description: ER05310_3A_prokka|PROKKA_02286
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02317
Name: ER05310_3A_prokka|PROKKA_02317
Description: ER05310_3A_prokka|PROKKA_02317
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02473
Name: ER05310_3A_prokka|PROKKA_02473
Description: ER05310_3A_prokka|PROKKA_02473
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02680
Name: ER05310_3A_prokka|PROKKA_02680
Description: ER05310_3A_prokka|PROKKA_02680
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05310_3A_prokka|PROKKA_02767
Name: ER05310_3A_prokka|PROKKA_02767
Description: ER05310_3A_prokka|PROKKA_02767
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00002
Name: ER05322_3A_prokka|PROKKA_00002
Description: ER05322_3A_prokka|PROKKA_00002
Number of features: 0
Seq('MKLDHDCVRHLLLEIETNKKIGEPLTEYNFKDNVVFGKYDFETVSMHY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00003
Name: ER05322_3A_prokka|PROKKA_00003
Description: ER05322_3A_prokka|PROKKA_00003
Number of features: 0
Seq('MQAQNKKVIYYYYDEECNRRPVNIQYNDGYDLMIDSVLLK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00005
Name: ER05322_3A_prokka|PROKKA_00005
Description: ER05322_3A_prokka|PROKKA_00005
Number of features: 0
Seq('MTDEAKFVLLQLYSIYLGRIDEGMSKHSASYFGSDESHLTLSFRF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00006
Name: ER05322_3A_prokka|PROKKA_00006
Description: ER05322_3A_prokka|PROKKA_00006
Number of features: 0
Seq('MALSREGIAYSESESKKDYKTLMGLIRDLKKLII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00016
Name: ER05322_3A_prokka|PROKKA_00016
Description: ER05322_3A_prokka|PROKKA_00016
Number of features: 0
Seq('MYALKSKDFKKMSEAKYQLQKIYNEIDEALKSKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00022
Name: ER05322_3A_prokka|PROKKA_00022
Description: ER05322_3A_prokka|PROKKA_00022
Number of features: 0
Seq('MKTYSEARARLRWYQGRYIDFDGWYGYQCADLAVD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00054
Name: ER05322_3A_prokka|PROKKA_00054
Description: ER05322_3A_prokka|PROKKA_00054
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00058
Name: ER05322_3A_prokka|PROKKA_00058
Description: ER05322_3A_prokka|PROKKA_00058
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00067
Name: ER05322_3A_prokka|PROKKA_00067
Description: ER05322_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00081
Name: ER05322_3A_prokka|PROKKA_00081
Description: ER05322_3A_prokka|PROKKA_00081
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00084
Name: ER05322_3A_prokka|PROKKA_00084
Description: ER05322_3A_prokka|PROKKA_00084
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00250
Name: ER05322_3A_prokka|PROKKA_00250
Description: ER05322_3A_prokka|PROKKA_00250
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00346
Name: ER05322_3A_prokka|PROKKA_00346
Description: ER05322_3A_prokka|PROKKA_00346
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00352
Name: ER05322_3A_prokka|PROKKA_00352
Description: ER05322_3A_prokka|PROKKA_00352
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00396
Name: ER05322_3A_prokka|PROKKA_00396
Description: ER05322_3A_prokka|PROKKA_00396
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00414
Name: ER05322_3A_prokka|PROKKA_00414
Description: ER05322_3A_prokka|PROKKA_00414
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00579
Name: ER05322_3A_prokka|PROKKA_00579
Description: ER05322_3A_prokka|PROKKA_00579
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00832
Name: ER05322_3A_prokka|PROKKA_00832
Description: ER05322_3A_prokka|PROKKA_00832
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00844
Name: ER05322_3A_prokka|PROKKA_00844
Description: ER05322_3A_prokka|PROKKA_00844
Number of features: 0
Seq('MKMYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00862
Name: ER05322_3A_prokka|PROKKA_00862
Description: ER05322_3A_prokka|PROKKA_00862
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00863
Name: ER05322_3A_prokka|PROKKA_00863
Description: ER05322_3A_prokka|PROKKA_00863
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00885
Name: ER05322_3A_prokka|PROKKA_00885
Description: ER05322_3A_prokka|PROKKA_00885
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_00993
Name: ER05322_3A_prokka|PROKKA_00993
Description: ER05322_3A_prokka|PROKKA_00993
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01033
Name: ER05322_3A_prokka|PROKKA_01033
Description: ER05322_3A_prokka|PROKKA_01033
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01087
Name: ER05322_3A_prokka|PROKKA_01087
Description: ER05322_3A_prokka|PROKKA_01087
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01092
Name: ER05322_3A_prokka|PROKKA_01092
Description: ER05322_3A_prokka|PROKKA_01092
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01093
Name: ER05322_3A_prokka|PROKKA_01093
Description: ER05322_3A_prokka|PROKKA_01093
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFMYYKECFFKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01101
Name: ER05322_3A_prokka|PROKKA_01101
Description: ER05322_3A_prokka|PROKKA_01101
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01178
Name: ER05322_3A_prokka|PROKKA_01178
Description: ER05322_3A_prokka|PROKKA_01178
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01190
Name: ER05322_3A_prokka|PROKKA_01190
Description: ER05322_3A_prokka|PROKKA_01190
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01191
Name: ER05322_3A_prokka|PROKKA_01191
Description: ER05322_3A_prokka|PROKKA_01191
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01326
Name: ER05322_3A_prokka|PROKKA_01326
Description: ER05322_3A_prokka|PROKKA_01326
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01330
Name: ER05322_3A_prokka|PROKKA_01330
Description: ER05322_3A_prokka|PROKKA_01330
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01354
Name: ER05322_3A_prokka|PROKKA_01354
Description: ER05322_3A_prokka|PROKKA_01354
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01450
Name: ER05322_3A_prokka|PROKKA_01450
Description: ER05322_3A_prokka|PROKKA_01450
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01463
Name: ER05322_3A_prokka|PROKKA_01463
Description: ER05322_3A_prokka|PROKKA_01463
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01529
Name: ER05322_3A_prokka|PROKKA_01529
Description: ER05322_3A_prokka|PROKKA_01529
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01532
Name: ER05322_3A_prokka|PROKKA_01532
Description: ER05322_3A_prokka|PROKKA_01532
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01567
Name: ER05322_3A_prokka|PROKKA_01567
Description: ER05322_3A_prokka|PROKKA_01567
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01640
Name: ER05322_3A_prokka|PROKKA_01640
Description: ER05322_3A_prokka|PROKKA_01640
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01803
Name: ER05322_3A_prokka|PROKKA_01803
Description: ER05322_3A_prokka|PROKKA_01803
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01818
Name: ER05322_3A_prokka|PROKKA_01818
Description: ER05322_3A_prokka|PROKKA_01818
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01860
Name: ER05322_3A_prokka|PROKKA_01860
Description: ER05322_3A_prokka|PROKKA_01860
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01912
Name: ER05322_3A_prokka|PROKKA_01912
Description: ER05322_3A_prokka|PROKKA_01912
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01987
Name: ER05322_3A_prokka|PROKKA_01987
Description: ER05322_3A_prokka|PROKKA_01987
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_01991
Name: ER05322_3A_prokka|PROKKA_01991
Description: ER05322_3A_prokka|PROKKA_01991
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02007
Name: ER05322_3A_prokka|PROKKA_02007
Description: ER05322_3A_prokka|PROKKA_02007
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02025
Name: ER05322_3A_prokka|PROKKA_02025
Description: ER05322_3A_prokka|PROKKA_02025
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02064
Name: ER05322_3A_prokka|PROKKA_02064
Description: ER05322_3A_prokka|PROKKA_02064
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02075
Name: ER05322_3A_prokka|PROKKA_02075
Description: ER05322_3A_prokka|PROKKA_02075
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02077
Name: ER05322_3A_prokka|PROKKA_02077
Description: ER05322_3A_prokka|PROKKA_02077
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02126
Name: ER05322_3A_prokka|PROKKA_02126
Description: ER05322_3A_prokka|PROKKA_02126
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02252
Name: ER05322_3A_prokka|PROKKA_02252
Description: ER05322_3A_prokka|PROKKA_02252
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02266
Name: ER05322_3A_prokka|PROKKA_02266
Description: ER05322_3A_prokka|PROKKA_02266
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02297
Name: ER05322_3A_prokka|PROKKA_02297
Description: ER05322_3A_prokka|PROKKA_02297
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02451
Name: ER05322_3A_prokka|PROKKA_02451
Description: ER05322_3A_prokka|PROKKA_02451
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02515
Name: ER05322_3A_prokka|PROKKA_02515
Description: ER05322_3A_prokka|PROKKA_02515
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02557
Name: ER05322_3A_prokka|PROKKA_02557
Description: ER05322_3A_prokka|PROKKA_02557
Number of features: 0
Seq('MSNMNQTIMDAFHFRHATKQFDPQKKVSKEDFKQY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02615
Name: ER05322_3A_prokka|PROKKA_02615
Description: ER05322_3A_prokka|PROKKA_02615
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02628
Name: ER05322_3A_prokka|PROKKA_02628
Description: ER05322_3A_prokka|PROKKA_02628
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02630
Name: ER05322_3A_prokka|PROKKA_02630
Description: ER05322_3A_prokka|PROKKA_02630
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02633
Name: ER05322_3A_prokka|PROKKA_02633
Description: ER05322_3A_prokka|PROKKA_02633
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02640
Name: ER05322_3A_prokka|PROKKA_02640
Description: ER05322_3A_prokka|PROKKA_02640
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02678
Name: ER05322_3A_prokka|PROKKA_02678
Description: ER05322_3A_prokka|PROKKA_02678
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02762
Name: ER05322_3A_prokka|PROKKA_02762
Description: ER05322_3A_prokka|PROKKA_02762
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02779
Name: ER05322_3A_prokka|PROKKA_02779
Description: ER05322_3A_prokka|PROKKA_02779
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02800
Name: ER05322_3A_prokka|PROKKA_02800
Description: ER05322_3A_prokka|PROKKA_02800
Number of features: 0
Seq('MEQYTIKFNQINHKLTDLRSLNIGHLYAYQFEKIALIGVMVLAKPHY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05322_3A_prokka|PROKKA_02809
Name: ER05322_3A_prokka|PROKKA_02809
Description: ER05322_3A_prokka|PROKKA_02809
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00017
Name: ER05353_3A_prokka|PROKKA_00017
Description: ER05353_3A_prokka|PROKKA_00017
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00035
Name: ER05353_3A_prokka|PROKKA_00035
Description: ER05353_3A_prokka|PROKKA_00035
Number of features: 0
Seq('MSKVHVFDHPLIQHKLSYIRDVNTGTKEFRELVDEVGMLMAYEVTRDLELQDVDI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00041
Name: ER05353_3A_prokka|PROKKA_00041
Description: ER05353_3A_prokka|PROKKA_00041
Number of features: 0
Seq('MEGHLEEIIDALTLSEQTDKLKELNNGEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00042
Name: ER05353_3A_prokka|PROKKA_00042
Description: ER05353_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MKVLKARLYDMKVQEEQQKYASQRKSAVGYW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00048
Name: ER05353_3A_prokka|PROKKA_00048
Description: ER05353_3A_prokka|PROKKA_00048
Number of features: 0
Seq('MKQGIHPEYHQVIFLDTTTNFKFLSGSTKTSSEMMSGRWKRIPSYSFRYFI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00049
Name: ER05353_3A_prokka|PROKKA_00049
Description: ER05353_3A_prokka|PROKKA_00049
Number of features: 0
Seq('MIYEEFKGTGNMELHLDRKLSERRIFPAIDIAEVQRVKKNC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00083
Name: ER05353_3A_prokka|PROKKA_00083
Description: ER05353_3A_prokka|PROKKA_00083
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00087
Name: ER05353_3A_prokka|PROKKA_00087
Description: ER05353_3A_prokka|PROKKA_00087
Number of features: 0
Seq('MSKQFFTVKKNYKERFYQLPKVFFTNPNYKDLSNDAKIAYAILRDRLQLSIKITG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00187
Name: ER05353_3A_prokka|PROKKA_00187
Description: ER05353_3A_prokka|PROKKA_00187
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00190
Name: ER05353_3A_prokka|PROKKA_00190
Description: ER05353_3A_prokka|PROKKA_00190
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00194
Name: ER05353_3A_prokka|PROKKA_00194
Description: ER05353_3A_prokka|PROKKA_00194
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00215
Name: ER05353_3A_prokka|PROKKA_00215
Description: ER05353_3A_prokka|PROKKA_00215
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00233
Name: ER05353_3A_prokka|PROKKA_00233
Description: ER05353_3A_prokka|PROKKA_00233
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00357
Name: ER05353_3A_prokka|PROKKA_00357
Description: ER05353_3A_prokka|PROKKA_00357
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00401
Name: ER05353_3A_prokka|PROKKA_00401
Description: ER05353_3A_prokka|PROKKA_00401
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00525
Name: ER05353_3A_prokka|PROKKA_00525
Description: ER05353_3A_prokka|PROKKA_00525
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00542
Name: ER05353_3A_prokka|PROKKA_00542
Description: ER05353_3A_prokka|PROKKA_00542
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00708
Name: ER05353_3A_prokka|PROKKA_00708
Description: ER05353_3A_prokka|PROKKA_00708
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00936
Name: ER05353_3A_prokka|PROKKA_00936
Description: ER05353_3A_prokka|PROKKA_00936
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_00963
Name: ER05353_3A_prokka|PROKKA_00963
Description: ER05353_3A_prokka|PROKKA_00963
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01068
Name: ER05353_3A_prokka|PROKKA_01068
Description: ER05353_3A_prokka|PROKKA_01068
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01107
Name: ER05353_3A_prokka|PROKKA_01107
Description: ER05353_3A_prokka|PROKKA_01107
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01108
Name: ER05353_3A_prokka|PROKKA_01108
Description: ER05353_3A_prokka|PROKKA_01108
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01190
Name: ER05353_3A_prokka|PROKKA_01190
Description: ER05353_3A_prokka|PROKKA_01190
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01202
Name: ER05353_3A_prokka|PROKKA_01202
Description: ER05353_3A_prokka|PROKKA_01202
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01203
Name: ER05353_3A_prokka|PROKKA_01203
Description: ER05353_3A_prokka|PROKKA_01203
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01339
Name: ER05353_3A_prokka|PROKKA_01339
Description: ER05353_3A_prokka|PROKKA_01339
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01343
Name: ER05353_3A_prokka|PROKKA_01343
Description: ER05353_3A_prokka|PROKKA_01343
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01367
Name: ER05353_3A_prokka|PROKKA_01367
Description: ER05353_3A_prokka|PROKKA_01367
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01461
Name: ER05353_3A_prokka|PROKKA_01461
Description: ER05353_3A_prokka|PROKKA_01461
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01473
Name: ER05353_3A_prokka|PROKKA_01473
Description: ER05353_3A_prokka|PROKKA_01473
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01520
Name: ER05353_3A_prokka|PROKKA_01520
Description: ER05353_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01528
Name: ER05353_3A_prokka|PROKKA_01528
Description: ER05353_3A_prokka|PROKKA_01528
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01547
Name: ER05353_3A_prokka|PROKKA_01547
Description: ER05353_3A_prokka|PROKKA_01547
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01562
Name: ER05353_3A_prokka|PROKKA_01562
Description: ER05353_3A_prokka|PROKKA_01562
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01570
Name: ER05353_3A_prokka|PROKKA_01570
Description: ER05353_3A_prokka|PROKKA_01570
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01575
Name: ER05353_3A_prokka|PROKKA_01575
Description: ER05353_3A_prokka|PROKKA_01575
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01602
Name: ER05353_3A_prokka|PROKKA_01602
Description: ER05353_3A_prokka|PROKKA_01602
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01605
Name: ER05353_3A_prokka|PROKKA_01605
Description: ER05353_3A_prokka|PROKKA_01605
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01640
Name: ER05353_3A_prokka|PROKKA_01640
Description: ER05353_3A_prokka|PROKKA_01640
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01714
Name: ER05353_3A_prokka|PROKKA_01714
Description: ER05353_3A_prokka|PROKKA_01714
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01883
Name: ER05353_3A_prokka|PROKKA_01883
Description: ER05353_3A_prokka|PROKKA_01883
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01897
Name: ER05353_3A_prokka|PROKKA_01897
Description: ER05353_3A_prokka|PROKKA_01897
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01939
Name: ER05353_3A_prokka|PROKKA_01939
Description: ER05353_3A_prokka|PROKKA_01939
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01991
Name: ER05353_3A_prokka|PROKKA_01991
Description: ER05353_3A_prokka|PROKKA_01991
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01993
Name: ER05353_3A_prokka|PROKKA_01993
Description: ER05353_3A_prokka|PROKKA_01993
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_01994
Name: ER05353_3A_prokka|PROKKA_01994
Description: ER05353_3A_prokka|PROKKA_01994
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02024
Name: ER05353_3A_prokka|PROKKA_02024
Description: ER05353_3A_prokka|PROKKA_02024
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02046
Name: ER05353_3A_prokka|PROKKA_02046
Description: ER05353_3A_prokka|PROKKA_02046
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02051
Name: ER05353_3A_prokka|PROKKA_02051
Description: ER05353_3A_prokka|PROKKA_02051
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02127
Name: ER05353_3A_prokka|PROKKA_02127
Description: ER05353_3A_prokka|PROKKA_02127
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02131
Name: ER05353_3A_prokka|PROKKA_02131
Description: ER05353_3A_prokka|PROKKA_02131
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02147
Name: ER05353_3A_prokka|PROKKA_02147
Description: ER05353_3A_prokka|PROKKA_02147
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02165
Name: ER05353_3A_prokka|PROKKA_02165
Description: ER05353_3A_prokka|PROKKA_02165
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02191
Name: ER05353_3A_prokka|PROKKA_02191
Description: ER05353_3A_prokka|PROKKA_02191
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02193
Name: ER05353_3A_prokka|PROKKA_02193
Description: ER05353_3A_prokka|PROKKA_02193
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02245
Name: ER05353_3A_prokka|PROKKA_02245
Description: ER05353_3A_prokka|PROKKA_02245
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02353
Name: ER05353_3A_prokka|PROKKA_02353
Description: ER05353_3A_prokka|PROKKA_02353
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02372
Name: ER05353_3A_prokka|PROKKA_02372
Description: ER05353_3A_prokka|PROKKA_02372
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02385
Name: ER05353_3A_prokka|PROKKA_02385
Description: ER05353_3A_prokka|PROKKA_02385
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02417
Name: ER05353_3A_prokka|PROKKA_02417
Description: ER05353_3A_prokka|PROKKA_02417
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02562
Name: ER05353_3A_prokka|PROKKA_02562
Description: ER05353_3A_prokka|PROKKA_02562
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02571
Name: ER05353_3A_prokka|PROKKA_02571
Description: ER05353_3A_prokka|PROKKA_02571
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02635
Name: ER05353_3A_prokka|PROKKA_02635
Description: ER05353_3A_prokka|PROKKA_02635
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02743
Name: ER05353_3A_prokka|PROKKA_02743
Description: ER05353_3A_prokka|PROKKA_02743
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02781
Name: ER05353_3A_prokka|PROKKA_02781
Description: ER05353_3A_prokka|PROKKA_02781
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05353_3A_prokka|PROKKA_02865
Name: ER05353_3A_prokka|PROKKA_02865
Description: ER05353_3A_prokka|PROKKA_02865
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00029
Name: ER05364_3A_prokka|PROKKA_00029
Description: ER05364_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00038
Name: ER05364_3A_prokka|PROKKA_00038
Description: ER05364_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00059
Name: ER05364_3A_prokka|PROKKA_00059
Description: ER05364_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00149
Name: ER05364_3A_prokka|PROKKA_00149
Description: ER05364_3A_prokka|PROKKA_00149
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00247
Name: ER05364_3A_prokka|PROKKA_00247
Description: ER05364_3A_prokka|PROKKA_00247
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00299
Name: ER05364_3A_prokka|PROKKA_00299
Description: ER05364_3A_prokka|PROKKA_00299
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00397
Name: ER05364_3A_prokka|PROKKA_00397
Description: ER05364_3A_prokka|PROKKA_00397
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00435
Name: ER05364_3A_prokka|PROKKA_00435
Description: ER05364_3A_prokka|PROKKA_00435
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00566
Name: ER05364_3A_prokka|PROKKA_00566
Description: ER05364_3A_prokka|PROKKA_00566
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00602
Name: ER05364_3A_prokka|PROKKA_00602
Description: ER05364_3A_prokka|PROKKA_00602
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00821
Name: ER05364_3A_prokka|PROKKA_00821
Description: ER05364_3A_prokka|PROKKA_00821
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00859
Name: ER05364_3A_prokka|PROKKA_00859
Description: ER05364_3A_prokka|PROKKA_00859
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00864
Name: ER05364_3A_prokka|PROKKA_00864
Description: ER05364_3A_prokka|PROKKA_00864
Number of features: 0
Seq('MSNIYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00875
Name: ER05364_3A_prokka|PROKKA_00875
Description: ER05364_3A_prokka|PROKKA_00875
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00890
Name: ER05364_3A_prokka|PROKKA_00890
Description: ER05364_3A_prokka|PROKKA_00890
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00896
Name: ER05364_3A_prokka|PROKKA_00896
Description: ER05364_3A_prokka|PROKKA_00896
Number of features: 0
Seq('MSNTDKYLRDIASELKGIRKELQKQNATVFVDTKVDGEKLKVLTNEPLF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_00933
Name: ER05364_3A_prokka|PROKKA_00933
Description: ER05364_3A_prokka|PROKKA_00933
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01042
Name: ER05364_3A_prokka|PROKKA_01042
Description: ER05364_3A_prokka|PROKKA_01042
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01081
Name: ER05364_3A_prokka|PROKKA_01081
Description: ER05364_3A_prokka|PROKKA_01081
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01161
Name: ER05364_3A_prokka|PROKKA_01161
Description: ER05364_3A_prokka|PROKKA_01161
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01174
Name: ER05364_3A_prokka|PROKKA_01174
Description: ER05364_3A_prokka|PROKKA_01174
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01175
Name: ER05364_3A_prokka|PROKKA_01175
Description: ER05364_3A_prokka|PROKKA_01175
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01326
Name: ER05364_3A_prokka|PROKKA_01326
Description: ER05364_3A_prokka|PROKKA_01326
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01330
Name: ER05364_3A_prokka|PROKKA_01330
Description: ER05364_3A_prokka|PROKKA_01330
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01334
Name: ER05364_3A_prokka|PROKKA_01334
Description: ER05364_3A_prokka|PROKKA_01334
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01336
Name: ER05364_3A_prokka|PROKKA_01336
Description: ER05364_3A_prokka|PROKKA_01336
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01360
Name: ER05364_3A_prokka|PROKKA_01360
Description: ER05364_3A_prokka|PROKKA_01360
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01455
Name: ER05364_3A_prokka|PROKKA_01455
Description: ER05364_3A_prokka|PROKKA_01455
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01467
Name: ER05364_3A_prokka|PROKKA_01467
Description: ER05364_3A_prokka|PROKKA_01467
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01516
Name: ER05364_3A_prokka|PROKKA_01516
Description: ER05364_3A_prokka|PROKKA_01516
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01524
Name: ER05364_3A_prokka|PROKKA_01524
Description: ER05364_3A_prokka|PROKKA_01524
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01544
Name: ER05364_3A_prokka|PROKKA_01544
Description: ER05364_3A_prokka|PROKKA_01544
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01572
Name: ER05364_3A_prokka|PROKKA_01572
Description: ER05364_3A_prokka|PROKKA_01572
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01599
Name: ER05364_3A_prokka|PROKKA_01599
Description: ER05364_3A_prokka|PROKKA_01599
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01636
Name: ER05364_3A_prokka|PROKKA_01636
Description: ER05364_3A_prokka|PROKKA_01636
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01707
Name: ER05364_3A_prokka|PROKKA_01707
Description: ER05364_3A_prokka|PROKKA_01707
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01872
Name: ER05364_3A_prokka|PROKKA_01872
Description: ER05364_3A_prokka|PROKKA_01872
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01879
Name: ER05364_3A_prokka|PROKKA_01879
Description: ER05364_3A_prokka|PROKKA_01879
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01898
Name: ER05364_3A_prokka|PROKKA_01898
Description: ER05364_3A_prokka|PROKKA_01898
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01933
Name: ER05364_3A_prokka|PROKKA_01933
Description: ER05364_3A_prokka|PROKKA_01933
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_01985
Name: ER05364_3A_prokka|PROKKA_01985
Description: ER05364_3A_prokka|PROKKA_01985
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02057
Name: ER05364_3A_prokka|PROKKA_02057
Description: ER05364_3A_prokka|PROKKA_02057
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02061
Name: ER05364_3A_prokka|PROKKA_02061
Description: ER05364_3A_prokka|PROKKA_02061
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02077
Name: ER05364_3A_prokka|PROKKA_02077
Description: ER05364_3A_prokka|PROKKA_02077
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02097
Name: ER05364_3A_prokka|PROKKA_02097
Description: ER05364_3A_prokka|PROKKA_02097
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02127
Name: ER05364_3A_prokka|PROKKA_02127
Description: ER05364_3A_prokka|PROKKA_02127
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02129
Name: ER05364_3A_prokka|PROKKA_02129
Description: ER05364_3A_prokka|PROKKA_02129
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02178
Name: ER05364_3A_prokka|PROKKA_02178
Description: ER05364_3A_prokka|PROKKA_02178
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02300
Name: ER05364_3A_prokka|PROKKA_02300
Description: ER05364_3A_prokka|PROKKA_02300
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02324
Name: ER05364_3A_prokka|PROKKA_02324
Description: ER05364_3A_prokka|PROKKA_02324
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02355
Name: ER05364_3A_prokka|PROKKA_02355
Description: ER05364_3A_prokka|PROKKA_02355
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02511
Name: ER05364_3A_prokka|PROKKA_02511
Description: ER05364_3A_prokka|PROKKA_02511
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02722
Name: ER05364_3A_prokka|PROKKA_02722
Description: ER05364_3A_prokka|PROKKA_02722
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02809
Name: ER05364_3A_prokka|PROKKA_02809
Description: ER05364_3A_prokka|PROKKA_02809
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05364_3A_prokka|PROKKA_02812
Name: ER05364_3A_prokka|PROKKA_02812
Description: ER05364_3A_prokka|PROKKA_02812
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00004
Name: ER05368_3A_prokka|PROKKA_00004
Description: ER05368_3A_prokka|PROKKA_00004
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00046
Name: ER05368_3A_prokka|PROKKA_00046
Description: ER05368_3A_prokka|PROKKA_00046
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00130
Name: ER05368_3A_prokka|PROKKA_00130
Description: ER05368_3A_prokka|PROKKA_00130
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00168
Name: ER05368_3A_prokka|PROKKA_00168
Description: ER05368_3A_prokka|PROKKA_00168
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00276
Name: ER05368_3A_prokka|PROKKA_00276
Description: ER05368_3A_prokka|PROKKA_00276
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00340
Name: ER05368_3A_prokka|PROKKA_00340
Description: ER05368_3A_prokka|PROKKA_00340
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00349
Name: ER05368_3A_prokka|PROKKA_00349
Description: ER05368_3A_prokka|PROKKA_00349
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00494
Name: ER05368_3A_prokka|PROKKA_00494
Description: ER05368_3A_prokka|PROKKA_00494
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00526
Name: ER05368_3A_prokka|PROKKA_00526
Description: ER05368_3A_prokka|PROKKA_00526
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00539
Name: ER05368_3A_prokka|PROKKA_00539
Description: ER05368_3A_prokka|PROKKA_00539
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00558
Name: ER05368_3A_prokka|PROKKA_00558
Description: ER05368_3A_prokka|PROKKA_00558
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00666
Name: ER05368_3A_prokka|PROKKA_00666
Description: ER05368_3A_prokka|PROKKA_00666
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00718
Name: ER05368_3A_prokka|PROKKA_00718
Description: ER05368_3A_prokka|PROKKA_00718
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00720
Name: ER05368_3A_prokka|PROKKA_00720
Description: ER05368_3A_prokka|PROKKA_00720
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00746
Name: ER05368_3A_prokka|PROKKA_00746
Description: ER05368_3A_prokka|PROKKA_00746
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00764
Name: ER05368_3A_prokka|PROKKA_00764
Description: ER05368_3A_prokka|PROKKA_00764
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00780
Name: ER05368_3A_prokka|PROKKA_00780
Description: ER05368_3A_prokka|PROKKA_00780
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00784
Name: ER05368_3A_prokka|PROKKA_00784
Description: ER05368_3A_prokka|PROKKA_00784
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00860
Name: ER05368_3A_prokka|PROKKA_00860
Description: ER05368_3A_prokka|PROKKA_00860
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00865
Name: ER05368_3A_prokka|PROKKA_00865
Description: ER05368_3A_prokka|PROKKA_00865
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00887
Name: ER05368_3A_prokka|PROKKA_00887
Description: ER05368_3A_prokka|PROKKA_00887
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00917
Name: ER05368_3A_prokka|PROKKA_00917
Description: ER05368_3A_prokka|PROKKA_00917
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00918
Name: ER05368_3A_prokka|PROKKA_00918
Description: ER05368_3A_prokka|PROKKA_00918
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00920
Name: ER05368_3A_prokka|PROKKA_00920
Description: ER05368_3A_prokka|PROKKA_00920
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_00972
Name: ER05368_3A_prokka|PROKKA_00972
Description: ER05368_3A_prokka|PROKKA_00972
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01014
Name: ER05368_3A_prokka|PROKKA_01014
Description: ER05368_3A_prokka|PROKKA_01014
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01028
Name: ER05368_3A_prokka|PROKKA_01028
Description: ER05368_3A_prokka|PROKKA_01028
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01197
Name: ER05368_3A_prokka|PROKKA_01197
Description: ER05368_3A_prokka|PROKKA_01197
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01271
Name: ER05368_3A_prokka|PROKKA_01271
Description: ER05368_3A_prokka|PROKKA_01271
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01306
Name: ER05368_3A_prokka|PROKKA_01306
Description: ER05368_3A_prokka|PROKKA_01306
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01309
Name: ER05368_3A_prokka|PROKKA_01309
Description: ER05368_3A_prokka|PROKKA_01309
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01336
Name: ER05368_3A_prokka|PROKKA_01336
Description: ER05368_3A_prokka|PROKKA_01336
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01341
Name: ER05368_3A_prokka|PROKKA_01341
Description: ER05368_3A_prokka|PROKKA_01341
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01349
Name: ER05368_3A_prokka|PROKKA_01349
Description: ER05368_3A_prokka|PROKKA_01349
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01364
Name: ER05368_3A_prokka|PROKKA_01364
Description: ER05368_3A_prokka|PROKKA_01364
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01383
Name: ER05368_3A_prokka|PROKKA_01383
Description: ER05368_3A_prokka|PROKKA_01383
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01391
Name: ER05368_3A_prokka|PROKKA_01391
Description: ER05368_3A_prokka|PROKKA_01391
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01438
Name: ER05368_3A_prokka|PROKKA_01438
Description: ER05368_3A_prokka|PROKKA_01438
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01450
Name: ER05368_3A_prokka|PROKKA_01450
Description: ER05368_3A_prokka|PROKKA_01450
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01543
Name: ER05368_3A_prokka|PROKKA_01543
Description: ER05368_3A_prokka|PROKKA_01543
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01567
Name: ER05368_3A_prokka|PROKKA_01567
Description: ER05368_3A_prokka|PROKKA_01567
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01571
Name: ER05368_3A_prokka|PROKKA_01571
Description: ER05368_3A_prokka|PROKKA_01571
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01707
Name: ER05368_3A_prokka|PROKKA_01707
Description: ER05368_3A_prokka|PROKKA_01707
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01708
Name: ER05368_3A_prokka|PROKKA_01708
Description: ER05368_3A_prokka|PROKKA_01708
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01720
Name: ER05368_3A_prokka|PROKKA_01720
Description: ER05368_3A_prokka|PROKKA_01720
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01802
Name: ER05368_3A_prokka|PROKKA_01802
Description: ER05368_3A_prokka|PROKKA_01802
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01803
Name: ER05368_3A_prokka|PROKKA_01803
Description: ER05368_3A_prokka|PROKKA_01803
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01820
Name: ER05368_3A_prokka|PROKKA_01820
Description: ER05368_3A_prokka|PROKKA_01820
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01843
Name: ER05368_3A_prokka|PROKKA_01843
Description: ER05368_3A_prokka|PROKKA_01843
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01948
Name: ER05368_3A_prokka|PROKKA_01948
Description: ER05368_3A_prokka|PROKKA_01948
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_01975
Name: ER05368_3A_prokka|PROKKA_01975
Description: ER05368_3A_prokka|PROKKA_01975
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02204
Name: ER05368_3A_prokka|PROKKA_02204
Description: ER05368_3A_prokka|PROKKA_02204
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02370
Name: ER05368_3A_prokka|PROKKA_02370
Description: ER05368_3A_prokka|PROKKA_02370
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02387
Name: ER05368_3A_prokka|PROKKA_02387
Description: ER05368_3A_prokka|PROKKA_02387
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02511
Name: ER05368_3A_prokka|PROKKA_02511
Description: ER05368_3A_prokka|PROKKA_02511
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02555
Name: ER05368_3A_prokka|PROKKA_02555
Description: ER05368_3A_prokka|PROKKA_02555
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02679
Name: ER05368_3A_prokka|PROKKA_02679
Description: ER05368_3A_prokka|PROKKA_02679
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02697
Name: ER05368_3A_prokka|PROKKA_02697
Description: ER05368_3A_prokka|PROKKA_02697
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02718
Name: ER05368_3A_prokka|PROKKA_02718
Description: ER05368_3A_prokka|PROKKA_02718
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02722
Name: ER05368_3A_prokka|PROKKA_02722
Description: ER05368_3A_prokka|PROKKA_02722
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02725
Name: ER05368_3A_prokka|PROKKA_02725
Description: ER05368_3A_prokka|PROKKA_02725
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02746
Name: ER05368_3A_prokka|PROKKA_02746
Description: ER05368_3A_prokka|PROKKA_02746
Number of features: 0
Seq('MTLETRETNLGNAIADAMEAYGVKNFLKRLTLP', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02748
Name: ER05368_3A_prokka|PROKKA_02748
Description: ER05368_3A_prokka|PROKKA_02748
Number of features: 0
Seq('MLDAGDAFQGYHFQNQSKGEEMAKAMNAVGYDAMAVGNHEFDFGYDQLKKLEVC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05368_3A_prokka|PROKKA_02769
Name: ER05368_3A_prokka|PROKKA_02769
Description: ER05368_3A_prokka|PROKKA_02769
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00011
Name: ER05387_3A_prokka|PROKKA_00011
Description: ER05387_3A_prokka|PROKKA_00011
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00030
Name: ER05387_3A_prokka|PROKKA_00030
Description: ER05387_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00031
Name: ER05387_3A_prokka|PROKKA_00031
Description: ER05387_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00037
Name: ER05387_3A_prokka|PROKKA_00037
Description: ER05387_3A_prokka|PROKKA_00037
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00042
Name: ER05387_3A_prokka|PROKKA_00042
Description: ER05387_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00091
Name: ER05387_3A_prokka|PROKKA_00091
Description: ER05387_3A_prokka|PROKKA_00091
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00109
Name: ER05387_3A_prokka|PROKKA_00109
Description: ER05387_3A_prokka|PROKKA_00109
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00132
Name: ER05387_3A_prokka|PROKKA_00132
Description: ER05387_3A_prokka|PROKKA_00132
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00241
Name: ER05387_3A_prokka|PROKKA_00241
Description: ER05387_3A_prokka|PROKKA_00241
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00268
Name: ER05387_3A_prokka|PROKKA_00268
Description: ER05387_3A_prokka|PROKKA_00268
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00520
Name: ER05387_3A_prokka|PROKKA_00520
Description: ER05387_3A_prokka|PROKKA_00520
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00686
Name: ER05387_3A_prokka|PROKKA_00686
Description: ER05387_3A_prokka|PROKKA_00686
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00704
Name: ER05387_3A_prokka|PROKKA_00704
Description: ER05387_3A_prokka|PROKKA_00704
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00748
Name: ER05387_3A_prokka|PROKKA_00748
Description: ER05387_3A_prokka|PROKKA_00748
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00754
Name: ER05387_3A_prokka|PROKKA_00754
Description: ER05387_3A_prokka|PROKKA_00754
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_00852
Name: ER05387_3A_prokka|PROKKA_00852
Description: ER05387_3A_prokka|PROKKA_00852
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01017
Name: ER05387_3A_prokka|PROKKA_01017
Description: ER05387_3A_prokka|PROKKA_01017
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01020
Name: ER05387_3A_prokka|PROKKA_01020
Description: ER05387_3A_prokka|PROKKA_01020
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01033
Name: ER05387_3A_prokka|PROKKA_01033
Description: ER05387_3A_prokka|PROKKA_01033
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01042
Name: ER05387_3A_prokka|PROKKA_01042
Description: ER05387_3A_prokka|PROKKA_01042
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01046
Name: ER05387_3A_prokka|PROKKA_01046
Description: ER05387_3A_prokka|PROKKA_01046
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01076
Name: ER05387_3A_prokka|PROKKA_01076
Description: ER05387_3A_prokka|PROKKA_01076
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01150
Name: ER05387_3A_prokka|PROKKA_01150
Description: ER05387_3A_prokka|PROKKA_01150
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01151
Name: ER05387_3A_prokka|PROKKA_01151
Description: ER05387_3A_prokka|PROKKA_01151
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01170
Name: ER05387_3A_prokka|PROKKA_01170
Description: ER05387_3A_prokka|PROKKA_01170
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01234
Name: ER05387_3A_prokka|PROKKA_01234
Description: ER05387_3A_prokka|PROKKA_01234
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01246
Name: ER05387_3A_prokka|PROKKA_01246
Description: ER05387_3A_prokka|PROKKA_01246
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01247
Name: ER05387_3A_prokka|PROKKA_01247
Description: ER05387_3A_prokka|PROKKA_01247
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01382
Name: ER05387_3A_prokka|PROKKA_01382
Description: ER05387_3A_prokka|PROKKA_01382
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01386
Name: ER05387_3A_prokka|PROKKA_01386
Description: ER05387_3A_prokka|PROKKA_01386
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01410
Name: ER05387_3A_prokka|PROKKA_01410
Description: ER05387_3A_prokka|PROKKA_01410
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01505
Name: ER05387_3A_prokka|PROKKA_01505
Description: ER05387_3A_prokka|PROKKA_01505
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01517
Name: ER05387_3A_prokka|PROKKA_01517
Description: ER05387_3A_prokka|PROKKA_01517
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01584
Name: ER05387_3A_prokka|PROKKA_01584
Description: ER05387_3A_prokka|PROKKA_01584
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01587
Name: ER05387_3A_prokka|PROKKA_01587
Description: ER05387_3A_prokka|PROKKA_01587
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01622
Name: ER05387_3A_prokka|PROKKA_01622
Description: ER05387_3A_prokka|PROKKA_01622
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01695
Name: ER05387_3A_prokka|PROKKA_01695
Description: ER05387_3A_prokka|PROKKA_01695
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01858
Name: ER05387_3A_prokka|PROKKA_01858
Description: ER05387_3A_prokka|PROKKA_01858
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01873
Name: ER05387_3A_prokka|PROKKA_01873
Description: ER05387_3A_prokka|PROKKA_01873
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01915
Name: ER05387_3A_prokka|PROKKA_01915
Description: ER05387_3A_prokka|PROKKA_01915
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_01967
Name: ER05387_3A_prokka|PROKKA_01967
Description: ER05387_3A_prokka|PROKKA_01967
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02040
Name: ER05387_3A_prokka|PROKKA_02040
Description: ER05387_3A_prokka|PROKKA_02040
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02044
Name: ER05387_3A_prokka|PROKKA_02044
Description: ER05387_3A_prokka|PROKKA_02044
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02060
Name: ER05387_3A_prokka|PROKKA_02060
Description: ER05387_3A_prokka|PROKKA_02060
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02078
Name: ER05387_3A_prokka|PROKKA_02078
Description: ER05387_3A_prokka|PROKKA_02078
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02081
Name: ER05387_3A_prokka|PROKKA_02081
Description: ER05387_3A_prokka|PROKKA_02081
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02088
Name: ER05387_3A_prokka|PROKKA_02088
Description: ER05387_3A_prokka|PROKKA_02088
Number of features: 0
Seq('MNLKEVDINIEEWEMVEIPFYTEEELTYRLKNDLPITKSEFEEQESKNEFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02090
Name: ER05387_3A_prokka|PROKKA_02090
Description: ER05387_3A_prokka|PROKKA_02090
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02117
Name: ER05387_3A_prokka|PROKKA_02117
Description: ER05387_3A_prokka|PROKKA_02117
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02128
Name: ER05387_3A_prokka|PROKKA_02128
Description: ER05387_3A_prokka|PROKKA_02128
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02130
Name: ER05387_3A_prokka|PROKKA_02130
Description: ER05387_3A_prokka|PROKKA_02130
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02180
Name: ER05387_3A_prokka|PROKKA_02180
Description: ER05387_3A_prokka|PROKKA_02180
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02191
Name: ER05387_3A_prokka|PROKKA_02191
Description: ER05387_3A_prokka|PROKKA_02191
Number of features: 0
Seq('MKKTLLASSLAVGLGIVAGNAGHEAHASEADFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02308
Name: ER05387_3A_prokka|PROKKA_02308
Description: ER05387_3A_prokka|PROKKA_02308
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02321
Name: ER05387_3A_prokka|PROKKA_02321
Description: ER05387_3A_prokka|PROKKA_02321
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02352
Name: ER05387_3A_prokka|PROKKA_02352
Description: ER05387_3A_prokka|PROKKA_02352
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02570
Name: ER05387_3A_prokka|PROKKA_02570
Description: ER05387_3A_prokka|PROKKA_02570
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02686
Name: ER05387_3A_prokka|PROKKA_02686
Description: ER05387_3A_prokka|PROKKA_02686
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02699
Name: ER05387_3A_prokka|PROKKA_02699
Description: ER05387_3A_prokka|PROKKA_02699
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02701
Name: ER05387_3A_prokka|PROKKA_02701
Description: ER05387_3A_prokka|PROKKA_02701
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02704
Name: ER05387_3A_prokka|PROKKA_02704
Description: ER05387_3A_prokka|PROKKA_02704
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02711
Name: ER05387_3A_prokka|PROKKA_02711
Description: ER05387_3A_prokka|PROKKA_02711
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05387_3A_prokka|PROKKA_02749
Name: ER05387_3A_prokka|PROKKA_02749
Description: ER05387_3A_prokka|PROKKA_02749
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00002
Name: ER05423_3A_prokka|PROKKA_00002
Description: ER05423_3A_prokka|PROKKA_00002
Number of features: 0
Seq('MLSEAEVDSSDEVVNLVVTDTAEQTKLNVEAFSNAVKKRLMKRLRLTLDNRH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00026
Name: ER05423_3A_prokka|PROKKA_00026
Description: ER05423_3A_prokka|PROKKA_00026
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00027
Name: ER05423_3A_prokka|PROKKA_00027
Description: ER05423_3A_prokka|PROKKA_00027
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00042
Name: ER05423_3A_prokka|PROKKA_00042
Description: ER05423_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00147
Name: ER05423_3A_prokka|PROKKA_00147
Description: ER05423_3A_prokka|PROKKA_00147
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00186
Name: ER05423_3A_prokka|PROKKA_00186
Description: ER05423_3A_prokka|PROKKA_00186
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00187
Name: ER05423_3A_prokka|PROKKA_00187
Description: ER05423_3A_prokka|PROKKA_00187
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00236
Name: ER05423_3A_prokka|PROKKA_00236
Description: ER05423_3A_prokka|PROKKA_00236
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00244
Name: ER05423_3A_prokka|PROKKA_00244
Description: ER05423_3A_prokka|PROKKA_00244
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00245
Name: ER05423_3A_prokka|PROKKA_00245
Description: ER05423_3A_prokka|PROKKA_00245
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00268
Name: ER05423_3A_prokka|PROKKA_00268
Description: ER05423_3A_prokka|PROKKA_00268
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00290
Name: ER05423_3A_prokka|PROKKA_00290
Description: ER05423_3A_prokka|PROKKA_00290
Number of features: 0
Seq('MPVDDPLNAFIKLLIPAKTFLKILPMIGKFVFVYSIKRVIEFSPAALLAQLEND', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00307
Name: ER05423_3A_prokka|PROKKA_00307
Description: ER05423_3A_prokka|PROKKA_00307
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00329
Name: ER05423_3A_prokka|PROKKA_00329
Description: ER05423_3A_prokka|PROKKA_00329
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00334
Name: ER05423_3A_prokka|PROKKA_00334
Description: ER05423_3A_prokka|PROKKA_00334
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00410
Name: ER05423_3A_prokka|PROKKA_00410
Description: ER05423_3A_prokka|PROKKA_00410
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00414
Name: ER05423_3A_prokka|PROKKA_00414
Description: ER05423_3A_prokka|PROKKA_00414
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00431
Name: ER05423_3A_prokka|PROKKA_00431
Description: ER05423_3A_prokka|PROKKA_00431
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00449
Name: ER05423_3A_prokka|PROKKA_00449
Description: ER05423_3A_prokka|PROKKA_00449
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00475
Name: ER05423_3A_prokka|PROKKA_00475
Description: ER05423_3A_prokka|PROKKA_00475
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00477
Name: ER05423_3A_prokka|PROKKA_00477
Description: ER05423_3A_prokka|PROKKA_00477
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00529
Name: ER05423_3A_prokka|PROKKA_00529
Description: ER05423_3A_prokka|PROKKA_00529
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00637
Name: ER05423_3A_prokka|PROKKA_00637
Description: ER05423_3A_prokka|PROKKA_00637
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00656
Name: ER05423_3A_prokka|PROKKA_00656
Description: ER05423_3A_prokka|PROKKA_00656
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00669
Name: ER05423_3A_prokka|PROKKA_00669
Description: ER05423_3A_prokka|PROKKA_00669
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00701
Name: ER05423_3A_prokka|PROKKA_00701
Description: ER05423_3A_prokka|PROKKA_00701
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00848
Name: ER05423_3A_prokka|PROKKA_00848
Description: ER05423_3A_prokka|PROKKA_00848
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00857
Name: ER05423_3A_prokka|PROKKA_00857
Description: ER05423_3A_prokka|PROKKA_00857
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_00921
Name: ER05423_3A_prokka|PROKKA_00921
Description: ER05423_3A_prokka|PROKKA_00921
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01029
Name: ER05423_3A_prokka|PROKKA_01029
Description: ER05423_3A_prokka|PROKKA_01029
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01067
Name: ER05423_3A_prokka|PROKKA_01067
Description: ER05423_3A_prokka|PROKKA_01067
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01151
Name: ER05423_3A_prokka|PROKKA_01151
Description: ER05423_3A_prokka|PROKKA_01151
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01190
Name: ER05423_3A_prokka|PROKKA_01190
Description: ER05423_3A_prokka|PROKKA_01190
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01193
Name: ER05423_3A_prokka|PROKKA_01193
Description: ER05423_3A_prokka|PROKKA_01193
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01197
Name: ER05423_3A_prokka|PROKKA_01197
Description: ER05423_3A_prokka|PROKKA_01197
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01218
Name: ER05423_3A_prokka|PROKKA_01218
Description: ER05423_3A_prokka|PROKKA_01218
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01236
Name: ER05423_3A_prokka|PROKKA_01236
Description: ER05423_3A_prokka|PROKKA_01236
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01403
Name: ER05423_3A_prokka|PROKKA_01403
Description: ER05423_3A_prokka|PROKKA_01403
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01527
Name: ER05423_3A_prokka|PROKKA_01527
Description: ER05423_3A_prokka|PROKKA_01527
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01544
Name: ER05423_3A_prokka|PROKKA_01544
Description: ER05423_3A_prokka|PROKKA_01544
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01710
Name: ER05423_3A_prokka|PROKKA_01710
Description: ER05423_3A_prokka|PROKKA_01710
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01939
Name: ER05423_3A_prokka|PROKKA_01939
Description: ER05423_3A_prokka|PROKKA_01939
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01972
Name: ER05423_3A_prokka|PROKKA_01972
Description: ER05423_3A_prokka|PROKKA_01972
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01976
Name: ER05423_3A_prokka|PROKKA_01976
Description: ER05423_3A_prokka|PROKKA_01976
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_01992
Name: ER05423_3A_prokka|PROKKA_01992
Description: ER05423_3A_prokka|PROKKA_01992
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02058
Name: ER05423_3A_prokka|PROKKA_02058
Description: ER05423_3A_prokka|PROKKA_02058
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02070
Name: ER05423_3A_prokka|PROKKA_02070
Description: ER05423_3A_prokka|PROKKA_02070
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02071
Name: ER05423_3A_prokka|PROKKA_02071
Description: ER05423_3A_prokka|PROKKA_02071
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02207
Name: ER05423_3A_prokka|PROKKA_02207
Description: ER05423_3A_prokka|PROKKA_02207
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02211
Name: ER05423_3A_prokka|PROKKA_02211
Description: ER05423_3A_prokka|PROKKA_02211
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02235
Name: ER05423_3A_prokka|PROKKA_02235
Description: ER05423_3A_prokka|PROKKA_02235
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02329
Name: ER05423_3A_prokka|PROKKA_02329
Description: ER05423_3A_prokka|PROKKA_02329
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02341
Name: ER05423_3A_prokka|PROKKA_02341
Description: ER05423_3A_prokka|PROKKA_02341
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02388
Name: ER05423_3A_prokka|PROKKA_02388
Description: ER05423_3A_prokka|PROKKA_02388
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02396
Name: ER05423_3A_prokka|PROKKA_02396
Description: ER05423_3A_prokka|PROKKA_02396
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02415
Name: ER05423_3A_prokka|PROKKA_02415
Description: ER05423_3A_prokka|PROKKA_02415
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02430
Name: ER05423_3A_prokka|PROKKA_02430
Description: ER05423_3A_prokka|PROKKA_02430
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02438
Name: ER05423_3A_prokka|PROKKA_02438
Description: ER05423_3A_prokka|PROKKA_02438
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02443
Name: ER05423_3A_prokka|PROKKA_02443
Description: ER05423_3A_prokka|PROKKA_02443
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02470
Name: ER05423_3A_prokka|PROKKA_02470
Description: ER05423_3A_prokka|PROKKA_02470
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02473
Name: ER05423_3A_prokka|PROKKA_02473
Description: ER05423_3A_prokka|PROKKA_02473
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02508
Name: ER05423_3A_prokka|PROKKA_02508
Description: ER05423_3A_prokka|PROKKA_02508
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02582
Name: ER05423_3A_prokka|PROKKA_02582
Description: ER05423_3A_prokka|PROKKA_02582
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02740
Name: ER05423_3A_prokka|PROKKA_02740
Description: ER05423_3A_prokka|PROKKA_02740
Number of features: 0
Seq('MDFIKRKRMPIESFTHQFEEITYLSDDLQVKALMMTPHHEVNRIVVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02752
Name: ER05423_3A_prokka|PROKKA_02752
Description: ER05423_3A_prokka|PROKKA_02752
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02766
Name: ER05423_3A_prokka|PROKKA_02766
Description: ER05423_3A_prokka|PROKKA_02766
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02808
Name: ER05423_3A_prokka|PROKKA_02808
Description: ER05423_3A_prokka|PROKKA_02808
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02860
Name: ER05423_3A_prokka|PROKKA_02860
Description: ER05423_3A_prokka|PROKKA_02860
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02862
Name: ER05423_3A_prokka|PROKKA_02862
Description: ER05423_3A_prokka|PROKKA_02862
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02863
Name: ER05423_3A_prokka|PROKKA_02863
Description: ER05423_3A_prokka|PROKKA_02863
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05423_3A_prokka|PROKKA_02894
Name: ER05423_3A_prokka|PROKKA_02894
Description: ER05423_3A_prokka|PROKKA_02894
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00005
Name: ER05435_3A_prokka|PROKKA_00005
Description: ER05435_3A_prokka|PROKKA_00005
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00026
Name: ER05435_3A_prokka|PROKKA_00026
Description: ER05435_3A_prokka|PROKKA_00026
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00035
Name: ER05435_3A_prokka|PROKKA_00035
Description: ER05435_3A_prokka|PROKKA_00035
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00064
Name: ER05435_3A_prokka|PROKKA_00064
Description: ER05435_3A_prokka|PROKKA_00064
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00151
Name: ER05435_3A_prokka|PROKKA_00151
Description: ER05435_3A_prokka|PROKKA_00151
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00362
Name: ER05435_3A_prokka|PROKKA_00362
Description: ER05435_3A_prokka|PROKKA_00362
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00518
Name: ER05435_3A_prokka|PROKKA_00518
Description: ER05435_3A_prokka|PROKKA_00518
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00549
Name: ER05435_3A_prokka|PROKKA_00549
Description: ER05435_3A_prokka|PROKKA_00549
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00573
Name: ER05435_3A_prokka|PROKKA_00573
Description: ER05435_3A_prokka|PROKKA_00573
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00693
Name: ER05435_3A_prokka|PROKKA_00693
Description: ER05435_3A_prokka|PROKKA_00693
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00742
Name: ER05435_3A_prokka|PROKKA_00742
Description: ER05435_3A_prokka|PROKKA_00742
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00744
Name: ER05435_3A_prokka|PROKKA_00744
Description: ER05435_3A_prokka|PROKKA_00744
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00774
Name: ER05435_3A_prokka|PROKKA_00774
Description: ER05435_3A_prokka|PROKKA_00774
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00794
Name: ER05435_3A_prokka|PROKKA_00794
Description: ER05435_3A_prokka|PROKKA_00794
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00810
Name: ER05435_3A_prokka|PROKKA_00810
Description: ER05435_3A_prokka|PROKKA_00810
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00814
Name: ER05435_3A_prokka|PROKKA_00814
Description: ER05435_3A_prokka|PROKKA_00814
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00886
Name: ER05435_3A_prokka|PROKKA_00886
Description: ER05435_3A_prokka|PROKKA_00886
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00938
Name: ER05435_3A_prokka|PROKKA_00938
Description: ER05435_3A_prokka|PROKKA_00938
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00973
Name: ER05435_3A_prokka|PROKKA_00973
Description: ER05435_3A_prokka|PROKKA_00973
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00992
Name: ER05435_3A_prokka|PROKKA_00992
Description: ER05435_3A_prokka|PROKKA_00992
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_00999
Name: ER05435_3A_prokka|PROKKA_00999
Description: ER05435_3A_prokka|PROKKA_00999
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01164
Name: ER05435_3A_prokka|PROKKA_01164
Description: ER05435_3A_prokka|PROKKA_01164
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01235
Name: ER05435_3A_prokka|PROKKA_01235
Description: ER05435_3A_prokka|PROKKA_01235
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01272
Name: ER05435_3A_prokka|PROKKA_01272
Description: ER05435_3A_prokka|PROKKA_01272
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01299
Name: ER05435_3A_prokka|PROKKA_01299
Description: ER05435_3A_prokka|PROKKA_01299
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01327
Name: ER05435_3A_prokka|PROKKA_01327
Description: ER05435_3A_prokka|PROKKA_01327
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01347
Name: ER05435_3A_prokka|PROKKA_01347
Description: ER05435_3A_prokka|PROKKA_01347
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01357
Name: ER05435_3A_prokka|PROKKA_01357
Description: ER05435_3A_prokka|PROKKA_01357
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01406
Name: ER05435_3A_prokka|PROKKA_01406
Description: ER05435_3A_prokka|PROKKA_01406
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01419
Name: ER05435_3A_prokka|PROKKA_01419
Description: ER05435_3A_prokka|PROKKA_01419
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01514
Name: ER05435_3A_prokka|PROKKA_01514
Description: ER05435_3A_prokka|PROKKA_01514
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01538
Name: ER05435_3A_prokka|PROKKA_01538
Description: ER05435_3A_prokka|PROKKA_01538
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01540
Name: ER05435_3A_prokka|PROKKA_01540
Description: ER05435_3A_prokka|PROKKA_01540
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01544
Name: ER05435_3A_prokka|PROKKA_01544
Description: ER05435_3A_prokka|PROKKA_01544
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01548
Name: ER05435_3A_prokka|PROKKA_01548
Description: ER05435_3A_prokka|PROKKA_01548
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01683
Name: ER05435_3A_prokka|PROKKA_01683
Description: ER05435_3A_prokka|PROKKA_01683
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01684
Name: ER05435_3A_prokka|PROKKA_01684
Description: ER05435_3A_prokka|PROKKA_01684
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01776
Name: ER05435_3A_prokka|PROKKA_01776
Description: ER05435_3A_prokka|PROKKA_01776
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01815
Name: ER05435_3A_prokka|PROKKA_01815
Description: ER05435_3A_prokka|PROKKA_01815
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_01923
Name: ER05435_3A_prokka|PROKKA_01923
Description: ER05435_3A_prokka|PROKKA_01923
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_02183
Name: ER05435_3A_prokka|PROKKA_02183
Description: ER05435_3A_prokka|PROKKA_02183
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_02219
Name: ER05435_3A_prokka|PROKKA_02219
Description: ER05435_3A_prokka|PROKKA_02219
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_02349
Name: ER05435_3A_prokka|PROKKA_02349
Description: ER05435_3A_prokka|PROKKA_02349
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_02387
Name: ER05435_3A_prokka|PROKKA_02387
Description: ER05435_3A_prokka|PROKKA_02387
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_02485
Name: ER05435_3A_prokka|PROKKA_02485
Description: ER05435_3A_prokka|PROKKA_02485
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_02537
Name: ER05435_3A_prokka|PROKKA_02537
Description: ER05435_3A_prokka|PROKKA_02537
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_02636
Name: ER05435_3A_prokka|PROKKA_02636
Description: ER05435_3A_prokka|PROKKA_02636
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_02726
Name: ER05435_3A_prokka|PROKKA_02726
Description: ER05435_3A_prokka|PROKKA_02726
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_02736
Name: ER05435_3A_prokka|PROKKA_02736
Description: ER05435_3A_prokka|PROKKA_02736
Number of features: 0
Seq('MHYIKFIESKDNTKLYMKVNDIQDAKANIIIAHGVAEHLDRYDEITAYLNEAGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_02747
Name: ER05435_3A_prokka|PROKKA_02747
Description: ER05435_3A_prokka|PROKKA_02747
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_02758
Name: ER05435_3A_prokka|PROKKA_02758
Description: ER05435_3A_prokka|PROKKA_02758
Number of features: 0
Seq('MKFTEVEVIEHLVKAYKEAGKPTYPHENLYRGRNHSISGIGEDLLGLFD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05435_3A_prokka|PROKKA_02785
Name: ER05435_3A_prokka|PROKKA_02785
Description: ER05435_3A_prokka|PROKKA_02785
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00022
Name: ER05457_3A_prokka|PROKKA_00022
Description: ER05457_3A_prokka|PROKKA_00022
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00052
Name: ER05457_3A_prokka|PROKKA_00052
Description: ER05457_3A_prokka|PROKKA_00052
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00070
Name: ER05457_3A_prokka|PROKKA_00070
Description: ER05457_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MPVDDPLNAFIKLLIPTKTFLKILPMIGKFVFVYSIKRVIEFSPAALLAQLEKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00075
Name: ER05457_3A_prokka|PROKKA_00075
Description: ER05457_3A_prokka|PROKKA_00075
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00076
Name: ER05457_3A_prokka|PROKKA_00076
Description: ER05457_3A_prokka|PROKKA_00076
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00128
Name: ER05457_3A_prokka|PROKKA_00128
Description: ER05457_3A_prokka|PROKKA_00128
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00134
Name: ER05457_3A_prokka|PROKKA_00134
Description: ER05457_3A_prokka|PROKKA_00134
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00135
Name: ER05457_3A_prokka|PROKKA_00135
Description: ER05457_3A_prokka|PROKKA_00135
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00159
Name: ER05457_3A_prokka|PROKKA_00159
Description: ER05457_3A_prokka|PROKKA_00159
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00190
Name: ER05457_3A_prokka|PROKKA_00190
Description: ER05457_3A_prokka|PROKKA_00190
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00191
Name: ER05457_3A_prokka|PROKKA_00191
Description: ER05457_3A_prokka|PROKKA_00191
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00206
Name: ER05457_3A_prokka|PROKKA_00206
Description: ER05457_3A_prokka|PROKKA_00206
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00312
Name: ER05457_3A_prokka|PROKKA_00312
Description: ER05457_3A_prokka|PROKKA_00312
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00369
Name: ER05457_3A_prokka|PROKKA_00369
Description: ER05457_3A_prokka|PROKKA_00369
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00391
Name: ER05457_3A_prokka|PROKKA_00391
Description: ER05457_3A_prokka|PROKKA_00391
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00396
Name: ER05457_3A_prokka|PROKKA_00396
Description: ER05457_3A_prokka|PROKKA_00396
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00471
Name: ER05457_3A_prokka|PROKKA_00471
Description: ER05457_3A_prokka|PROKKA_00471
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00475
Name: ER05457_3A_prokka|PROKKA_00475
Description: ER05457_3A_prokka|PROKKA_00475
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00478
Name: ER05457_3A_prokka|PROKKA_00478
Description: ER05457_3A_prokka|PROKKA_00478
Number of features: 0
Seq('MAIKHASAPKAYFNITGLGFAKLTKEGAELKYSDITKTRGL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00492
Name: ER05457_3A_prokka|PROKKA_00492
Description: ER05457_3A_prokka|PROKKA_00492
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00510
Name: ER05457_3A_prokka|PROKKA_00510
Description: ER05457_3A_prokka|PROKKA_00510
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00516
Name: ER05457_3A_prokka|PROKKA_00516
Description: ER05457_3A_prokka|PROKKA_00516
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00521
Name: ER05457_3A_prokka|PROKKA_00521
Description: ER05457_3A_prokka|PROKKA_00521
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00537
Name: ER05457_3A_prokka|PROKKA_00537
Description: ER05457_3A_prokka|PROKKA_00537
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00539
Name: ER05457_3A_prokka|PROKKA_00539
Description: ER05457_3A_prokka|PROKKA_00539
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00591
Name: ER05457_3A_prokka|PROKKA_00591
Description: ER05457_3A_prokka|PROKKA_00591
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00699
Name: ER05457_3A_prokka|PROKKA_00699
Description: ER05457_3A_prokka|PROKKA_00699
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00718
Name: ER05457_3A_prokka|PROKKA_00718
Description: ER05457_3A_prokka|PROKKA_00718
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00731
Name: ER05457_3A_prokka|PROKKA_00731
Description: ER05457_3A_prokka|PROKKA_00731
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00763
Name: ER05457_3A_prokka|PROKKA_00763
Description: ER05457_3A_prokka|PROKKA_00763
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00909
Name: ER05457_3A_prokka|PROKKA_00909
Description: ER05457_3A_prokka|PROKKA_00909
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00918
Name: ER05457_3A_prokka|PROKKA_00918
Description: ER05457_3A_prokka|PROKKA_00918
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_00982
Name: ER05457_3A_prokka|PROKKA_00982
Description: ER05457_3A_prokka|PROKKA_00982
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_01090
Name: ER05457_3A_prokka|PROKKA_01090
Description: ER05457_3A_prokka|PROKKA_01090
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_01128
Name: ER05457_3A_prokka|PROKKA_01128
Description: ER05457_3A_prokka|PROKKA_01128
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_01212
Name: ER05457_3A_prokka|PROKKA_01212
Description: ER05457_3A_prokka|PROKKA_01212
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_01251
Name: ER05457_3A_prokka|PROKKA_01251
Description: ER05457_3A_prokka|PROKKA_01251
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_01257
Name: ER05457_3A_prokka|PROKKA_01257
Description: ER05457_3A_prokka|PROKKA_01257
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_01278
Name: ER05457_3A_prokka|PROKKA_01278
Description: ER05457_3A_prokka|PROKKA_01278
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_01296
Name: ER05457_3A_prokka|PROKKA_01296
Description: ER05457_3A_prokka|PROKKA_01296
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_01463
Name: ER05457_3A_prokka|PROKKA_01463
Description: ER05457_3A_prokka|PROKKA_01463
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_01588
Name: ER05457_3A_prokka|PROKKA_01588
Description: ER05457_3A_prokka|PROKKA_01588
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_01605
Name: ER05457_3A_prokka|PROKKA_01605
Description: ER05457_3A_prokka|PROKKA_01605
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_01771
Name: ER05457_3A_prokka|PROKKA_01771
Description: ER05457_3A_prokka|PROKKA_01771
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_01999
Name: ER05457_3A_prokka|PROKKA_01999
Description: ER05457_3A_prokka|PROKKA_01999
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02030
Name: ER05457_3A_prokka|PROKKA_02030
Description: ER05457_3A_prokka|PROKKA_02030
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02034
Name: ER05457_3A_prokka|PROKKA_02034
Description: ER05457_3A_prokka|PROKKA_02034
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02050
Name: ER05457_3A_prokka|PROKKA_02050
Description: ER05457_3A_prokka|PROKKA_02050
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02081
Name: ER05457_3A_prokka|PROKKA_02081
Description: ER05457_3A_prokka|PROKKA_02081
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02082
Name: ER05457_3A_prokka|PROKKA_02082
Description: ER05457_3A_prokka|PROKKA_02082
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02084
Name: ER05457_3A_prokka|PROKKA_02084
Description: ER05457_3A_prokka|PROKKA_02084
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02136
Name: ER05457_3A_prokka|PROKKA_02136
Description: ER05457_3A_prokka|PROKKA_02136
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02178
Name: ER05457_3A_prokka|PROKKA_02178
Description: ER05457_3A_prokka|PROKKA_02178
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02192
Name: ER05457_3A_prokka|PROKKA_02192
Description: ER05457_3A_prokka|PROKKA_02192
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02308
Name: ER05457_3A_prokka|PROKKA_02308
Description: ER05457_3A_prokka|PROKKA_02308
Number of features: 0
Seq('MSKVQNESNNVVKRGLKDRHISMIAIGVVLVQVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02353
Name: ER05457_3A_prokka|PROKKA_02353
Description: ER05457_3A_prokka|PROKKA_02353
Number of features: 0
Seq('MVQRVDFQSKQAITQQKVEQVVKDSGLKADQIQINGKDNKVATVQFKDDLNACSR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02367
Name: ER05457_3A_prokka|PROKKA_02367
Description: ER05457_3A_prokka|PROKKA_02367
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02417
Name: ER05457_3A_prokka|PROKKA_02417
Description: ER05457_3A_prokka|PROKKA_02417
Number of features: 0
Seq('MIFGPEGGLSENEISLFSNTSTVVGLGPRILRAETAPLYALSAISYEKELMG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02443
Name: ER05457_3A_prokka|PROKKA_02443
Description: ER05457_3A_prokka|PROKKA_02443
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02479
Name: ER05457_3A_prokka|PROKKA_02479
Description: ER05457_3A_prokka|PROKKA_02479
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02482
Name: ER05457_3A_prokka|PROKKA_02482
Description: ER05457_3A_prokka|PROKKA_02482
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02509
Name: ER05457_3A_prokka|PROKKA_02509
Description: ER05457_3A_prokka|PROKKA_02509
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02514
Name: ER05457_3A_prokka|PROKKA_02514
Description: ER05457_3A_prokka|PROKKA_02514
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02522
Name: ER05457_3A_prokka|PROKKA_02522
Description: ER05457_3A_prokka|PROKKA_02522
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02537
Name: ER05457_3A_prokka|PROKKA_02537
Description: ER05457_3A_prokka|PROKKA_02537
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02556
Name: ER05457_3A_prokka|PROKKA_02556
Description: ER05457_3A_prokka|PROKKA_02556
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02564
Name: ER05457_3A_prokka|PROKKA_02564
Description: ER05457_3A_prokka|PROKKA_02564
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02589
Name: ER05457_3A_prokka|PROKKA_02589
Description: ER05457_3A_prokka|PROKKA_02589
Number of features: 0
Seq('MFLKLMELLYGAIFLDKPLNPITKIIFILTLIYIFMY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02595
Name: ER05457_3A_prokka|PROKKA_02595
Description: ER05457_3A_prokka|PROKKA_02595
Number of features: 0
Seq('MEDIYKLIDDINLQKLENLDSRVNEAINY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02617
Name: ER05457_3A_prokka|PROKKA_02617
Description: ER05457_3A_prokka|PROKKA_02617
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02629
Name: ER05457_3A_prokka|PROKKA_02629
Description: ER05457_3A_prokka|PROKKA_02629
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02677
Name: ER05457_3A_prokka|PROKKA_02677
Description: ER05457_3A_prokka|PROKKA_02677
Number of features: 0
Seq('MTLFDMPNYLWITTLIMILLTIFCCLVLNKWFVSAVITFVILGVLAFFIPNFQSI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02723
Name: ER05457_3A_prokka|PROKKA_02723
Description: ER05457_3A_prokka|PROKKA_02723
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02747
Name: ER05457_3A_prokka|PROKKA_02747
Description: ER05457_3A_prokka|PROKKA_02747
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02751
Name: ER05457_3A_prokka|PROKKA_02751
Description: ER05457_3A_prokka|PROKKA_02751
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02817
Name: ER05457_3A_prokka|PROKKA_02817
Description: ER05457_3A_prokka|PROKKA_02817
Number of features: 0
Seq('MNIHEYQGKEIFRSMGVAVPEGRVAFTAEEAVEKAKELNLMYML', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02890
Name: ER05457_3A_prokka|PROKKA_02890
Description: ER05457_3A_prokka|PROKKA_02890
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02891
Name: ER05457_3A_prokka|PROKKA_02891
Description: ER05457_3A_prokka|PROKKA_02891
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02903
Name: ER05457_3A_prokka|PROKKA_02903
Description: ER05457_3A_prokka|PROKKA_02903
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02939
Name: ER05457_3A_prokka|PROKKA_02939
Description: ER05457_3A_prokka|PROKKA_02939
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02940
Name: ER05457_3A_prokka|PROKKA_02940
Description: ER05457_3A_prokka|PROKKA_02940
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02958
Name: ER05457_3A_prokka|PROKKA_02958
Description: ER05457_3A_prokka|PROKKA_02958
Number of features: 0
Seq('MTTLADVKKRIGLKDEKQDEQLEEIIKSCESQLLSMLPIEVEQYRKGLVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02968
Name: ER05457_3A_prokka|PROKKA_02968
Description: ER05457_3A_prokka|PROKKA_02968
Number of features: 0
Seq('MNKLTKKQRLFAEVYTIPGTECYGNATKSAVHAGYSEKTAYSQGQRMLKKC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02970
Name: ER05457_3A_prokka|PROKKA_02970
Description: ER05457_3A_prokka|PROKKA_02970
Number of features: 0
Seq('MINIPKMKFPKKYTEIIKKYKNKTPEEKAKIEDDFIKEINDKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_02986
Name: ER05457_3A_prokka|PROKKA_02986
Description: ER05457_3A_prokka|PROKKA_02986
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03012
Name: ER05457_3A_prokka|PROKKA_03012
Description: ER05457_3A_prokka|PROKKA_03012
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03013
Name: ER05457_3A_prokka|PROKKA_03013
Description: ER05457_3A_prokka|PROKKA_03013
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03049
Name: ER05457_3A_prokka|PROKKA_03049
Description: ER05457_3A_prokka|PROKKA_03049
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03061
Name: ER05457_3A_prokka|PROKKA_03061
Description: ER05457_3A_prokka|PROKKA_03061
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03062
Name: ER05457_3A_prokka|PROKKA_03062
Description: ER05457_3A_prokka|PROKKA_03062
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03199
Name: ER05457_3A_prokka|PROKKA_03199
Description: ER05457_3A_prokka|PROKKA_03199
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03203
Name: ER05457_3A_prokka|PROKKA_03203
Description: ER05457_3A_prokka|PROKKA_03203
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03227
Name: ER05457_3A_prokka|PROKKA_03227
Description: ER05457_3A_prokka|PROKKA_03227
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03321
Name: ER05457_3A_prokka|PROKKA_03321
Description: ER05457_3A_prokka|PROKKA_03321
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03333
Name: ER05457_3A_prokka|PROKKA_03333
Description: ER05457_3A_prokka|PROKKA_03333
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03380
Name: ER05457_3A_prokka|PROKKA_03380
Description: ER05457_3A_prokka|PROKKA_03380
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03388
Name: ER05457_3A_prokka|PROKKA_03388
Description: ER05457_3A_prokka|PROKKA_03388
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03407
Name: ER05457_3A_prokka|PROKKA_03407
Description: ER05457_3A_prokka|PROKKA_03407
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03422
Name: ER05457_3A_prokka|PROKKA_03422
Description: ER05457_3A_prokka|PROKKA_03422
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03430
Name: ER05457_3A_prokka|PROKKA_03430
Description: ER05457_3A_prokka|PROKKA_03430
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03435
Name: ER05457_3A_prokka|PROKKA_03435
Description: ER05457_3A_prokka|PROKKA_03435
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03462
Name: ER05457_3A_prokka|PROKKA_03462
Description: ER05457_3A_prokka|PROKKA_03462
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03465
Name: ER05457_3A_prokka|PROKKA_03465
Description: ER05457_3A_prokka|PROKKA_03465
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03502
Name: ER05457_3A_prokka|PROKKA_03502
Description: ER05457_3A_prokka|PROKKA_03502
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03576
Name: ER05457_3A_prokka|PROKKA_03576
Description: ER05457_3A_prokka|PROKKA_03576
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03630
Name: ER05457_3A_prokka|PROKKA_03630
Description: ER05457_3A_prokka|PROKKA_03630
Number of features: 0
Seq('MSKVQNESNNVVKRGLKDRHISMIAIGVVLVQVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03681
Name: ER05457_3A_prokka|PROKKA_03681
Description: ER05457_3A_prokka|PROKKA_03681
Number of features: 0
Seq('MVVPREDGFNITVASEIMAILCLSRSIKDLKIKLVVLLLVTLEIASQLQLQI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03684
Name: ER05457_3A_prokka|PROKKA_03684
Description: ER05457_3A_prokka|PROKKA_03684
Number of features: 0
Seq('MSRTPELYFALLGVLKIGAIVGPLFEAFMEKAVAID', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03685
Name: ER05457_3A_prokka|PROKKA_03685
Description: ER05457_3A_prokka|PROKKA_03685
Number of features: 0
Seq('MKVEVYKGAQGKHNLKDYEEHIILLIGKT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03751
Name: ER05457_3A_prokka|PROKKA_03751
Description: ER05457_3A_prokka|PROKKA_03751
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03755
Name: ER05457_3A_prokka|PROKKA_03755
Description: ER05457_3A_prokka|PROKKA_03755
Number of features: 0
Seq('MDASEFRNYILGLIFYRFLSEKAEQEYADACQVKTSRIKKHGQMKIS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03766
Name: ER05457_3A_prokka|PROKKA_03766
Description: ER05457_3A_prokka|PROKKA_03766
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03808
Name: ER05457_3A_prokka|PROKKA_03808
Description: ER05457_3A_prokka|PROKKA_03808
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03860
Name: ER05457_3A_prokka|PROKKA_03860
Description: ER05457_3A_prokka|PROKKA_03860
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03862
Name: ER05457_3A_prokka|PROKKA_03862
Description: ER05457_3A_prokka|PROKKA_03862
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05457_3A_prokka|PROKKA_03863
Name: ER05457_3A_prokka|PROKKA_03863
Description: ER05457_3A_prokka|PROKKA_03863
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00008
Name: ER05470_3A_prokka|PROKKA_00008
Description: ER05470_3A_prokka|PROKKA_00008
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00012
Name: ER05470_3A_prokka|PROKKA_00012
Description: ER05470_3A_prokka|PROKKA_00012
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00026
Name: ER05470_3A_prokka|PROKKA_00026
Description: ER05470_3A_prokka|PROKKA_00026
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00057
Name: ER05470_3A_prokka|PROKKA_00057
Description: ER05470_3A_prokka|PROKKA_00057
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00066
Name: ER05470_3A_prokka|PROKKA_00066
Description: ER05470_3A_prokka|PROKKA_00066
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00239
Name: ER05470_3A_prokka|PROKKA_00239
Description: ER05470_3A_prokka|PROKKA_00239
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00363
Name: ER05470_3A_prokka|PROKKA_00363
Description: ER05470_3A_prokka|PROKKA_00363
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00380
Name: ER05470_3A_prokka|PROKKA_00380
Description: ER05470_3A_prokka|PROKKA_00380
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00546
Name: ER05470_3A_prokka|PROKKA_00546
Description: ER05470_3A_prokka|PROKKA_00546
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00798
Name: ER05470_3A_prokka|PROKKA_00798
Description: ER05470_3A_prokka|PROKKA_00798
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00829
Name: ER05470_3A_prokka|PROKKA_00829
Description: ER05470_3A_prokka|PROKKA_00829
Number of features: 0
Seq('MNRLRIIKTALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00833
Name: ER05470_3A_prokka|PROKKA_00833
Description: ER05470_3A_prokka|PROKKA_00833
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00846
Name: ER05470_3A_prokka|PROKKA_00846
Description: ER05470_3A_prokka|PROKKA_00846
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00876
Name: ER05470_3A_prokka|PROKKA_00876
Description: ER05470_3A_prokka|PROKKA_00876
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00877
Name: ER05470_3A_prokka|PROKKA_00877
Description: ER05470_3A_prokka|PROKKA_00877
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00892
Name: ER05470_3A_prokka|PROKKA_00892
Description: ER05470_3A_prokka|PROKKA_00892
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_00997
Name: ER05470_3A_prokka|PROKKA_00997
Description: ER05470_3A_prokka|PROKKA_00997
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01037
Name: ER05470_3A_prokka|PROKKA_01037
Description: ER05470_3A_prokka|PROKKA_01037
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01118
Name: ER05470_3A_prokka|PROKKA_01118
Description: ER05470_3A_prokka|PROKKA_01118
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01130
Name: ER05470_3A_prokka|PROKKA_01130
Description: ER05470_3A_prokka|PROKKA_01130
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01131
Name: ER05470_3A_prokka|PROKKA_01131
Description: ER05470_3A_prokka|PROKKA_01131
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01266
Name: ER05470_3A_prokka|PROKKA_01266
Description: ER05470_3A_prokka|PROKKA_01266
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01270
Name: ER05470_3A_prokka|PROKKA_01270
Description: ER05470_3A_prokka|PROKKA_01270
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01294
Name: ER05470_3A_prokka|PROKKA_01294
Description: ER05470_3A_prokka|PROKKA_01294
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01399
Name: ER05470_3A_prokka|PROKKA_01399
Description: ER05470_3A_prokka|PROKKA_01399
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01466
Name: ER05470_3A_prokka|PROKKA_01466
Description: ER05470_3A_prokka|PROKKA_01466
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01469
Name: ER05470_3A_prokka|PROKKA_01469
Description: ER05470_3A_prokka|PROKKA_01469
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01504
Name: ER05470_3A_prokka|PROKKA_01504
Description: ER05470_3A_prokka|PROKKA_01504
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01576
Name: ER05470_3A_prokka|PROKKA_01576
Description: ER05470_3A_prokka|PROKKA_01576
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01740
Name: ER05470_3A_prokka|PROKKA_01740
Description: ER05470_3A_prokka|PROKKA_01740
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01755
Name: ER05470_3A_prokka|PROKKA_01755
Description: ER05470_3A_prokka|PROKKA_01755
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01797
Name: ER05470_3A_prokka|PROKKA_01797
Description: ER05470_3A_prokka|PROKKA_01797
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01849
Name: ER05470_3A_prokka|PROKKA_01849
Description: ER05470_3A_prokka|PROKKA_01849
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01923
Name: ER05470_3A_prokka|PROKKA_01923
Description: ER05470_3A_prokka|PROKKA_01923
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01928
Name: ER05470_3A_prokka|PROKKA_01928
Description: ER05470_3A_prokka|PROKKA_01928
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01944
Name: ER05470_3A_prokka|PROKKA_01944
Description: ER05470_3A_prokka|PROKKA_01944
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01962
Name: ER05470_3A_prokka|PROKKA_01962
Description: ER05470_3A_prokka|PROKKA_01962
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01988
Name: ER05470_3A_prokka|PROKKA_01988
Description: ER05470_3A_prokka|PROKKA_01988
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_01990
Name: ER05470_3A_prokka|PROKKA_01990
Description: ER05470_3A_prokka|PROKKA_01990
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_02040
Name: ER05470_3A_prokka|PROKKA_02040
Description: ER05470_3A_prokka|PROKKA_02040
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_02168
Name: ER05470_3A_prokka|PROKKA_02168
Description: ER05470_3A_prokka|PROKKA_02168
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_02181
Name: ER05470_3A_prokka|PROKKA_02181
Description: ER05470_3A_prokka|PROKKA_02181
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_02212
Name: ER05470_3A_prokka|PROKKA_02212
Description: ER05470_3A_prokka|PROKKA_02212
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_02264
Name: ER05470_3A_prokka|PROKKA_02264
Description: ER05470_3A_prokka|PROKKA_02264
Number of features: 0
Seq('MRTFSISFKKNRKNFFGKRLHFKKDCAMILLVTGGAIKQRGRAI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_02367
Name: ER05470_3A_prokka|PROKKA_02367
Description: ER05470_3A_prokka|PROKKA_02367
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_02431
Name: ER05470_3A_prokka|PROKKA_02431
Description: ER05470_3A_prokka|PROKKA_02431
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_02525
Name: ER05470_3A_prokka|PROKKA_02525
Description: ER05470_3A_prokka|PROKKA_02525
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWYVSALTRNKNNRKLRHRTSAFINR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_02540
Name: ER05470_3A_prokka|PROKKA_02540
Description: ER05470_3A_prokka|PROKKA_02540
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_02578
Name: ER05470_3A_prokka|PROKKA_02578
Description: ER05470_3A_prokka|PROKKA_02578
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05470_3A_prokka|PROKKA_02677
Name: ER05470_3A_prokka|PROKKA_02677
Description: ER05470_3A_prokka|PROKKA_02677
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00007
Name: ER05502_3A_prokka|PROKKA_00007
Description: ER05502_3A_prokka|PROKKA_00007
Number of features: 0
Seq('MAQKSNYRGRDFKIIRNTKDFVPQPGDWGVWTGGWQVM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00076
Name: ER05502_3A_prokka|PROKKA_00076
Description: ER05502_3A_prokka|PROKKA_00076
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00127
Name: ER05502_3A_prokka|PROKKA_00127
Description: ER05502_3A_prokka|PROKKA_00127
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00130
Name: ER05502_3A_prokka|PROKKA_00130
Description: ER05502_3A_prokka|PROKKA_00130
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00134
Name: ER05502_3A_prokka|PROKKA_00134
Description: ER05502_3A_prokka|PROKKA_00134
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00155
Name: ER05502_3A_prokka|PROKKA_00155
Description: ER05502_3A_prokka|PROKKA_00155
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00173
Name: ER05502_3A_prokka|PROKKA_00173
Description: ER05502_3A_prokka|PROKKA_00173
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00296
Name: ER05502_3A_prokka|PROKKA_00296
Description: ER05502_3A_prokka|PROKKA_00296
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00340
Name: ER05502_3A_prokka|PROKKA_00340
Description: ER05502_3A_prokka|PROKKA_00340
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00464
Name: ER05502_3A_prokka|PROKKA_00464
Description: ER05502_3A_prokka|PROKKA_00464
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00481
Name: ER05502_3A_prokka|PROKKA_00481
Description: ER05502_3A_prokka|PROKKA_00481
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00649
Name: ER05502_3A_prokka|PROKKA_00649
Description: ER05502_3A_prokka|PROKKA_00649
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00720
Name: ER05502_3A_prokka|PROKKA_00720
Description: ER05502_3A_prokka|PROKKA_00720
Number of features: 0
Seq('MPKIILVSHSKEIASGTKSLLKQMAGDVDIIPIGDYQMVQLELHLISSKKF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00879
Name: ER05502_3A_prokka|PROKKA_00879
Description: ER05502_3A_prokka|PROKKA_00879
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00910
Name: ER05502_3A_prokka|PROKKA_00910
Description: ER05502_3A_prokka|PROKKA_00910
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00914
Name: ER05502_3A_prokka|PROKKA_00914
Description: ER05502_3A_prokka|PROKKA_00914
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00930
Name: ER05502_3A_prokka|PROKKA_00930
Description: ER05502_3A_prokka|PROKKA_00930
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00960
Name: ER05502_3A_prokka|PROKKA_00960
Description: ER05502_3A_prokka|PROKKA_00960
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00961
Name: ER05502_3A_prokka|PROKKA_00961
Description: ER05502_3A_prokka|PROKKA_00961
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_00963
Name: ER05502_3A_prokka|PROKKA_00963
Description: ER05502_3A_prokka|PROKKA_00963
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01015
Name: ER05502_3A_prokka|PROKKA_01015
Description: ER05502_3A_prokka|PROKKA_01015
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01057
Name: ER05502_3A_prokka|PROKKA_01057
Description: ER05502_3A_prokka|PROKKA_01057
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01071
Name: ER05502_3A_prokka|PROKKA_01071
Description: ER05502_3A_prokka|PROKKA_01071
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01240
Name: ER05502_3A_prokka|PROKKA_01240
Description: ER05502_3A_prokka|PROKKA_01240
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01314
Name: ER05502_3A_prokka|PROKKA_01314
Description: ER05502_3A_prokka|PROKKA_01314
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01349
Name: ER05502_3A_prokka|PROKKA_01349
Description: ER05502_3A_prokka|PROKKA_01349
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01352
Name: ER05502_3A_prokka|PROKKA_01352
Description: ER05502_3A_prokka|PROKKA_01352
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01379
Name: ER05502_3A_prokka|PROKKA_01379
Description: ER05502_3A_prokka|PROKKA_01379
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01384
Name: ER05502_3A_prokka|PROKKA_01384
Description: ER05502_3A_prokka|PROKKA_01384
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01392
Name: ER05502_3A_prokka|PROKKA_01392
Description: ER05502_3A_prokka|PROKKA_01392
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01407
Name: ER05502_3A_prokka|PROKKA_01407
Description: ER05502_3A_prokka|PROKKA_01407
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01426
Name: ER05502_3A_prokka|PROKKA_01426
Description: ER05502_3A_prokka|PROKKA_01426
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01435
Name: ER05502_3A_prokka|PROKKA_01435
Description: ER05502_3A_prokka|PROKKA_01435
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01482
Name: ER05502_3A_prokka|PROKKA_01482
Description: ER05502_3A_prokka|PROKKA_01482
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01494
Name: ER05502_3A_prokka|PROKKA_01494
Description: ER05502_3A_prokka|PROKKA_01494
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01587
Name: ER05502_3A_prokka|PROKKA_01587
Description: ER05502_3A_prokka|PROKKA_01587
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01611
Name: ER05502_3A_prokka|PROKKA_01611
Description: ER05502_3A_prokka|PROKKA_01611
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01615
Name: ER05502_3A_prokka|PROKKA_01615
Description: ER05502_3A_prokka|PROKKA_01615
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01751
Name: ER05502_3A_prokka|PROKKA_01751
Description: ER05502_3A_prokka|PROKKA_01751
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01752
Name: ER05502_3A_prokka|PROKKA_01752
Description: ER05502_3A_prokka|PROKKA_01752
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01764
Name: ER05502_3A_prokka|PROKKA_01764
Description: ER05502_3A_prokka|PROKKA_01764
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01846
Name: ER05502_3A_prokka|PROKKA_01846
Description: ER05502_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01847
Name: ER05502_3A_prokka|PROKKA_01847
Description: ER05502_3A_prokka|PROKKA_01847
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01864
Name: ER05502_3A_prokka|PROKKA_01864
Description: ER05502_3A_prokka|PROKKA_01864
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01887
Name: ER05502_3A_prokka|PROKKA_01887
Description: ER05502_3A_prokka|PROKKA_01887
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_01993
Name: ER05502_3A_prokka|PROKKA_01993
Description: ER05502_3A_prokka|PROKKA_01993
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02008
Name: ER05502_3A_prokka|PROKKA_02008
Description: ER05502_3A_prokka|PROKKA_02008
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02009
Name: ER05502_3A_prokka|PROKKA_02009
Description: ER05502_3A_prokka|PROKKA_02009
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02040
Name: ER05502_3A_prokka|PROKKA_02040
Description: ER05502_3A_prokka|PROKKA_02040
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02062
Name: ER05502_3A_prokka|PROKKA_02062
Description: ER05502_3A_prokka|PROKKA_02062
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02067
Name: ER05502_3A_prokka|PROKKA_02067
Description: ER05502_3A_prokka|PROKKA_02067
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02141
Name: ER05502_3A_prokka|PROKKA_02141
Description: ER05502_3A_prokka|PROKKA_02141
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02145
Name: ER05502_3A_prokka|PROKKA_02145
Description: ER05502_3A_prokka|PROKKA_02145
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02161
Name: ER05502_3A_prokka|PROKKA_02161
Description: ER05502_3A_prokka|PROKKA_02161
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02179
Name: ER05502_3A_prokka|PROKKA_02179
Description: ER05502_3A_prokka|PROKKA_02179
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02185
Name: ER05502_3A_prokka|PROKKA_02185
Description: ER05502_3A_prokka|PROKKA_02185
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02190
Name: ER05502_3A_prokka|PROKKA_02190
Description: ER05502_3A_prokka|PROKKA_02190
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02206
Name: ER05502_3A_prokka|PROKKA_02206
Description: ER05502_3A_prokka|PROKKA_02206
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02208
Name: ER05502_3A_prokka|PROKKA_02208
Description: ER05502_3A_prokka|PROKKA_02208
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02260
Name: ER05502_3A_prokka|PROKKA_02260
Description: ER05502_3A_prokka|PROKKA_02260
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02368
Name: ER05502_3A_prokka|PROKKA_02368
Description: ER05502_3A_prokka|PROKKA_02368
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02387
Name: ER05502_3A_prokka|PROKKA_02387
Description: ER05502_3A_prokka|PROKKA_02387
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02400
Name: ER05502_3A_prokka|PROKKA_02400
Description: ER05502_3A_prokka|PROKKA_02400
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02432
Name: ER05502_3A_prokka|PROKKA_02432
Description: ER05502_3A_prokka|PROKKA_02432
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02577
Name: ER05502_3A_prokka|PROKKA_02577
Description: ER05502_3A_prokka|PROKKA_02577
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02586
Name: ER05502_3A_prokka|PROKKA_02586
Description: ER05502_3A_prokka|PROKKA_02586
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02650
Name: ER05502_3A_prokka|PROKKA_02650
Description: ER05502_3A_prokka|PROKKA_02650
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02758
Name: ER05502_3A_prokka|PROKKA_02758
Description: ER05502_3A_prokka|PROKKA_02758
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02796
Name: ER05502_3A_prokka|PROKKA_02796
Description: ER05502_3A_prokka|PROKKA_02796
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05502_3A_prokka|PROKKA_02880
Name: ER05502_3A_prokka|PROKKA_02880
Description: ER05502_3A_prokka|PROKKA_02880
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00039
Name: ER05508_3A_prokka|PROKKA_00039
Description: ER05508_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00045
Name: ER05508_3A_prokka|PROKKA_00045
Description: ER05508_3A_prokka|PROKKA_00045
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00066
Name: ER05508_3A_prokka|PROKKA_00066
Description: ER05508_3A_prokka|PROKKA_00066
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00085
Name: ER05508_3A_prokka|PROKKA_00085
Description: ER05508_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00209
Name: ER05508_3A_prokka|PROKKA_00209
Description: ER05508_3A_prokka|PROKKA_00209
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00253
Name: ER05508_3A_prokka|PROKKA_00253
Description: ER05508_3A_prokka|PROKKA_00253
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00377
Name: ER05508_3A_prokka|PROKKA_00377
Description: ER05508_3A_prokka|PROKKA_00377
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00394
Name: ER05508_3A_prokka|PROKKA_00394
Description: ER05508_3A_prokka|PROKKA_00394
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00455
Name: ER05508_3A_prokka|PROKKA_00455
Description: ER05508_3A_prokka|PROKKA_00455
Number of features: 0
Seq('MYISRLVKPIGIKVTRLAQGLSVGGDLEYADEVTLSKAIAGRTEM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00561
Name: ER05508_3A_prokka|PROKKA_00561
Description: ER05508_3A_prokka|PROKKA_00561
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00789
Name: ER05508_3A_prokka|PROKKA_00789
Description: ER05508_3A_prokka|PROKKA_00789
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00816
Name: ER05508_3A_prokka|PROKKA_00816
Description: ER05508_3A_prokka|PROKKA_00816
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00873
Name: ER05508_3A_prokka|PROKKA_00873
Description: ER05508_3A_prokka|PROKKA_00873
Number of features: 0
Seq('MTERILEVNDLHVSFDITAGEVQAVRGVDFYLNKGKHWQLLVNQVQVNL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00923
Name: ER05508_3A_prokka|PROKKA_00923
Description: ER05508_3A_prokka|PROKKA_00923
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00962
Name: ER05508_3A_prokka|PROKKA_00962
Description: ER05508_3A_prokka|PROKKA_00962
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_00963
Name: ER05508_3A_prokka|PROKKA_00963
Description: ER05508_3A_prokka|PROKKA_00963
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01045
Name: ER05508_3A_prokka|PROKKA_01045
Description: ER05508_3A_prokka|PROKKA_01045
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01058
Name: ER05508_3A_prokka|PROKKA_01058
Description: ER05508_3A_prokka|PROKKA_01058
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01059
Name: ER05508_3A_prokka|PROKKA_01059
Description: ER05508_3A_prokka|PROKKA_01059
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01195
Name: ER05508_3A_prokka|PROKKA_01195
Description: ER05508_3A_prokka|PROKKA_01195
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01199
Name: ER05508_3A_prokka|PROKKA_01199
Description: ER05508_3A_prokka|PROKKA_01199
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01223
Name: ER05508_3A_prokka|PROKKA_01223
Description: ER05508_3A_prokka|PROKKA_01223
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01317
Name: ER05508_3A_prokka|PROKKA_01317
Description: ER05508_3A_prokka|PROKKA_01317
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01329
Name: ER05508_3A_prokka|PROKKA_01329
Description: ER05508_3A_prokka|PROKKA_01329
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01376
Name: ER05508_3A_prokka|PROKKA_01376
Description: ER05508_3A_prokka|PROKKA_01376
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01384
Name: ER05508_3A_prokka|PROKKA_01384
Description: ER05508_3A_prokka|PROKKA_01384
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01403
Name: ER05508_3A_prokka|PROKKA_01403
Description: ER05508_3A_prokka|PROKKA_01403
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01418
Name: ER05508_3A_prokka|PROKKA_01418
Description: ER05508_3A_prokka|PROKKA_01418
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01426
Name: ER05508_3A_prokka|PROKKA_01426
Description: ER05508_3A_prokka|PROKKA_01426
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01431
Name: ER05508_3A_prokka|PROKKA_01431
Description: ER05508_3A_prokka|PROKKA_01431
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01458
Name: ER05508_3A_prokka|PROKKA_01458
Description: ER05508_3A_prokka|PROKKA_01458
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01461
Name: ER05508_3A_prokka|PROKKA_01461
Description: ER05508_3A_prokka|PROKKA_01461
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01496
Name: ER05508_3A_prokka|PROKKA_01496
Description: ER05508_3A_prokka|PROKKA_01496
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01570
Name: ER05508_3A_prokka|PROKKA_01570
Description: ER05508_3A_prokka|PROKKA_01570
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01739
Name: ER05508_3A_prokka|PROKKA_01739
Description: ER05508_3A_prokka|PROKKA_01739
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01753
Name: ER05508_3A_prokka|PROKKA_01753
Description: ER05508_3A_prokka|PROKKA_01753
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01795
Name: ER05508_3A_prokka|PROKKA_01795
Description: ER05508_3A_prokka|PROKKA_01795
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01847
Name: ER05508_3A_prokka|PROKKA_01847
Description: ER05508_3A_prokka|PROKKA_01847
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01849
Name: ER05508_3A_prokka|PROKKA_01849
Description: ER05508_3A_prokka|PROKKA_01849
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01850
Name: ER05508_3A_prokka|PROKKA_01850
Description: ER05508_3A_prokka|PROKKA_01850
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01880
Name: ER05508_3A_prokka|PROKKA_01880
Description: ER05508_3A_prokka|PROKKA_01880
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01902
Name: ER05508_3A_prokka|PROKKA_01902
Description: ER05508_3A_prokka|PROKKA_01902
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01907
Name: ER05508_3A_prokka|PROKKA_01907
Description: ER05508_3A_prokka|PROKKA_01907
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01983
Name: ER05508_3A_prokka|PROKKA_01983
Description: ER05508_3A_prokka|PROKKA_01983
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_01987
Name: ER05508_3A_prokka|PROKKA_01987
Description: ER05508_3A_prokka|PROKKA_01987
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02003
Name: ER05508_3A_prokka|PROKKA_02003
Description: ER05508_3A_prokka|PROKKA_02003
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02021
Name: ER05508_3A_prokka|PROKKA_02021
Description: ER05508_3A_prokka|PROKKA_02021
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02047
Name: ER05508_3A_prokka|PROKKA_02047
Description: ER05508_3A_prokka|PROKKA_02047
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02049
Name: ER05508_3A_prokka|PROKKA_02049
Description: ER05508_3A_prokka|PROKKA_02049
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02101
Name: ER05508_3A_prokka|PROKKA_02101
Description: ER05508_3A_prokka|PROKKA_02101
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02209
Name: ER05508_3A_prokka|PROKKA_02209
Description: ER05508_3A_prokka|PROKKA_02209
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02228
Name: ER05508_3A_prokka|PROKKA_02228
Description: ER05508_3A_prokka|PROKKA_02228
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02241
Name: ER05508_3A_prokka|PROKKA_02241
Description: ER05508_3A_prokka|PROKKA_02241
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02273
Name: ER05508_3A_prokka|PROKKA_02273
Description: ER05508_3A_prokka|PROKKA_02273
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02418
Name: ER05508_3A_prokka|PROKKA_02418
Description: ER05508_3A_prokka|PROKKA_02418
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02427
Name: ER05508_3A_prokka|PROKKA_02427
Description: ER05508_3A_prokka|PROKKA_02427
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02492
Name: ER05508_3A_prokka|PROKKA_02492
Description: ER05508_3A_prokka|PROKKA_02492
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02600
Name: ER05508_3A_prokka|PROKKA_02600
Description: ER05508_3A_prokka|PROKKA_02600
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02638
Name: ER05508_3A_prokka|PROKKA_02638
Description: ER05508_3A_prokka|PROKKA_02638
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02722
Name: ER05508_3A_prokka|PROKKA_02722
Description: ER05508_3A_prokka|PROKKA_02722
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02787
Name: ER05508_3A_prokka|PROKKA_02787
Description: ER05508_3A_prokka|PROKKA_02787
Number of features: 0
Seq('MYMYITLNGDSYEKIQALEKDVKRTLTRLRLKTHTPTNAMRDHFIQFFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05508_3A_prokka|PROKKA_02804
Name: ER05508_3A_prokka|PROKKA_02804
Description: ER05508_3A_prokka|PROKKA_02804
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00030
Name: ER05524_3A_prokka|PROKKA_00030
Description: ER05524_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00061
Name: ER05524_3A_prokka|PROKKA_00061
Description: ER05524_3A_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00070
Name: ER05524_3A_prokka|PROKKA_00070
Description: ER05524_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00091
Name: ER05524_3A_prokka|PROKKA_00091
Description: ER05524_3A_prokka|PROKKA_00091
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00181
Name: ER05524_3A_prokka|PROKKA_00181
Description: ER05524_3A_prokka|PROKKA_00181
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00280
Name: ER05524_3A_prokka|PROKKA_00280
Description: ER05524_3A_prokka|PROKKA_00280
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00332
Name: ER05524_3A_prokka|PROKKA_00332
Description: ER05524_3A_prokka|PROKKA_00332
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00430
Name: ER05524_3A_prokka|PROKKA_00430
Description: ER05524_3A_prokka|PROKKA_00430
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00468
Name: ER05524_3A_prokka|PROKKA_00468
Description: ER05524_3A_prokka|PROKKA_00468
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00598
Name: ER05524_3A_prokka|PROKKA_00598
Description: ER05524_3A_prokka|PROKKA_00598
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00634
Name: ER05524_3A_prokka|PROKKA_00634
Description: ER05524_3A_prokka|PROKKA_00634
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00853
Name: ER05524_3A_prokka|PROKKA_00853
Description: ER05524_3A_prokka|PROKKA_00853
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_00897
Name: ER05524_3A_prokka|PROKKA_00897
Description: ER05524_3A_prokka|PROKKA_00897
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01005
Name: ER05524_3A_prokka|PROKKA_01005
Description: ER05524_3A_prokka|PROKKA_01005
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01044
Name: ER05524_3A_prokka|PROKKA_01044
Description: ER05524_3A_prokka|PROKKA_01044
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01124
Name: ER05524_3A_prokka|PROKKA_01124
Description: ER05524_3A_prokka|PROKKA_01124
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01137
Name: ER05524_3A_prokka|PROKKA_01137
Description: ER05524_3A_prokka|PROKKA_01137
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01138
Name: ER05524_3A_prokka|PROKKA_01138
Description: ER05524_3A_prokka|PROKKA_01138
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01273
Name: ER05524_3A_prokka|PROKKA_01273
Description: ER05524_3A_prokka|PROKKA_01273
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01277
Name: ER05524_3A_prokka|PROKKA_01277
Description: ER05524_3A_prokka|PROKKA_01277
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01281
Name: ER05524_3A_prokka|PROKKA_01281
Description: ER05524_3A_prokka|PROKKA_01281
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01283
Name: ER05524_3A_prokka|PROKKA_01283
Description: ER05524_3A_prokka|PROKKA_01283
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01307
Name: ER05524_3A_prokka|PROKKA_01307
Description: ER05524_3A_prokka|PROKKA_01307
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01402
Name: ER05524_3A_prokka|PROKKA_01402
Description: ER05524_3A_prokka|PROKKA_01402
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01414
Name: ER05524_3A_prokka|PROKKA_01414
Description: ER05524_3A_prokka|PROKKA_01414
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01463
Name: ER05524_3A_prokka|PROKKA_01463
Description: ER05524_3A_prokka|PROKKA_01463
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01471
Name: ER05524_3A_prokka|PROKKA_01471
Description: ER05524_3A_prokka|PROKKA_01471
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01491
Name: ER05524_3A_prokka|PROKKA_01491
Description: ER05524_3A_prokka|PROKKA_01491
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01519
Name: ER05524_3A_prokka|PROKKA_01519
Description: ER05524_3A_prokka|PROKKA_01519
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01546
Name: ER05524_3A_prokka|PROKKA_01546
Description: ER05524_3A_prokka|PROKKA_01546
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01583
Name: ER05524_3A_prokka|PROKKA_01583
Description: ER05524_3A_prokka|PROKKA_01583
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01655
Name: ER05524_3A_prokka|PROKKA_01655
Description: ER05524_3A_prokka|PROKKA_01655
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01820
Name: ER05524_3A_prokka|PROKKA_01820
Description: ER05524_3A_prokka|PROKKA_01820
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01827
Name: ER05524_3A_prokka|PROKKA_01827
Description: ER05524_3A_prokka|PROKKA_01827
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01846
Name: ER05524_3A_prokka|PROKKA_01846
Description: ER05524_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01881
Name: ER05524_3A_prokka|PROKKA_01881
Description: ER05524_3A_prokka|PROKKA_01881
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_01933
Name: ER05524_3A_prokka|PROKKA_01933
Description: ER05524_3A_prokka|PROKKA_01933
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02005
Name: ER05524_3A_prokka|PROKKA_02005
Description: ER05524_3A_prokka|PROKKA_02005
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02009
Name: ER05524_3A_prokka|PROKKA_02009
Description: ER05524_3A_prokka|PROKKA_02009
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02012
Name: ER05524_3A_prokka|PROKKA_02012
Description: ER05524_3A_prokka|PROKKA_02012
Number of features: 0
Seq('MVVKQASAPKAYFNITGLGFAKLTKEGAKLEYSDITKTR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02026
Name: ER05524_3A_prokka|PROKKA_02026
Description: ER05524_3A_prokka|PROKKA_02026
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02046
Name: ER05524_3A_prokka|PROKKA_02046
Description: ER05524_3A_prokka|PROKKA_02046
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02076
Name: ER05524_3A_prokka|PROKKA_02076
Description: ER05524_3A_prokka|PROKKA_02076
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02093
Name: ER05524_3A_prokka|PROKKA_02093
Description: ER05524_3A_prokka|PROKKA_02093
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02142
Name: ER05524_3A_prokka|PROKKA_02142
Description: ER05524_3A_prokka|PROKKA_02142
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02262
Name: ER05524_3A_prokka|PROKKA_02262
Description: ER05524_3A_prokka|PROKKA_02262
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02286
Name: ER05524_3A_prokka|PROKKA_02286
Description: ER05524_3A_prokka|PROKKA_02286
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02317
Name: ER05524_3A_prokka|PROKKA_02317
Description: ER05524_3A_prokka|PROKKA_02317
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02472
Name: ER05524_3A_prokka|PROKKA_02472
Description: ER05524_3A_prokka|PROKKA_02472
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02681
Name: ER05524_3A_prokka|PROKKA_02681
Description: ER05524_3A_prokka|PROKKA_02681
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02768
Name: ER05524_3A_prokka|PROKKA_02768
Description: ER05524_3A_prokka|PROKKA_02768
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05524_3A_prokka|PROKKA_02778
Name: ER05524_3A_prokka|PROKKA_02778
Description: ER05524_3A_prokka|PROKKA_02778
Number of features: 0
Seq('MKKDKDEYETKTEEKQRKVNQNILINIPIKSENNKYVVVEYPYFTPIP', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00039
Name: ER05526_3A_prokka|PROKKA_00039
Description: ER05526_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00042
Name: ER05526_3A_prokka|PROKKA_00042
Description: ER05526_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00046
Name: ER05526_3A_prokka|PROKKA_00046
Description: ER05526_3A_prokka|PROKKA_00046
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00067
Name: ER05526_3A_prokka|PROKKA_00067
Description: ER05526_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00085
Name: ER05526_3A_prokka|PROKKA_00085
Description: ER05526_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00209
Name: ER05526_3A_prokka|PROKKA_00209
Description: ER05526_3A_prokka|PROKKA_00209
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00254
Name: ER05526_3A_prokka|PROKKA_00254
Description: ER05526_3A_prokka|PROKKA_00254
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00378
Name: ER05526_3A_prokka|PROKKA_00378
Description: ER05526_3A_prokka|PROKKA_00378
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00395
Name: ER05526_3A_prokka|PROKKA_00395
Description: ER05526_3A_prokka|PROKKA_00395
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00561
Name: ER05526_3A_prokka|PROKKA_00561
Description: ER05526_3A_prokka|PROKKA_00561
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00790
Name: ER05526_3A_prokka|PROKKA_00790
Description: ER05526_3A_prokka|PROKKA_00790
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00817
Name: ER05526_3A_prokka|PROKKA_00817
Description: ER05526_3A_prokka|PROKKA_00817
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00922
Name: ER05526_3A_prokka|PROKKA_00922
Description: ER05526_3A_prokka|PROKKA_00922
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00961
Name: ER05526_3A_prokka|PROKKA_00961
Description: ER05526_3A_prokka|PROKKA_00961
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_00962
Name: ER05526_3A_prokka|PROKKA_00962
Description: ER05526_3A_prokka|PROKKA_00962
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01044
Name: ER05526_3A_prokka|PROKKA_01044
Description: ER05526_3A_prokka|PROKKA_01044
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01056
Name: ER05526_3A_prokka|PROKKA_01056
Description: ER05526_3A_prokka|PROKKA_01056
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01057
Name: ER05526_3A_prokka|PROKKA_01057
Description: ER05526_3A_prokka|PROKKA_01057
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01193
Name: ER05526_3A_prokka|PROKKA_01193
Description: ER05526_3A_prokka|PROKKA_01193
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01197
Name: ER05526_3A_prokka|PROKKA_01197
Description: ER05526_3A_prokka|PROKKA_01197
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01221
Name: ER05526_3A_prokka|PROKKA_01221
Description: ER05526_3A_prokka|PROKKA_01221
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01314
Name: ER05526_3A_prokka|PROKKA_01314
Description: ER05526_3A_prokka|PROKKA_01314
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01326
Name: ER05526_3A_prokka|PROKKA_01326
Description: ER05526_3A_prokka|PROKKA_01326
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01373
Name: ER05526_3A_prokka|PROKKA_01373
Description: ER05526_3A_prokka|PROKKA_01373
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01381
Name: ER05526_3A_prokka|PROKKA_01381
Description: ER05526_3A_prokka|PROKKA_01381
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01400
Name: ER05526_3A_prokka|PROKKA_01400
Description: ER05526_3A_prokka|PROKKA_01400
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01415
Name: ER05526_3A_prokka|PROKKA_01415
Description: ER05526_3A_prokka|PROKKA_01415
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01423
Name: ER05526_3A_prokka|PROKKA_01423
Description: ER05526_3A_prokka|PROKKA_01423
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01428
Name: ER05526_3A_prokka|PROKKA_01428
Description: ER05526_3A_prokka|PROKKA_01428
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01455
Name: ER05526_3A_prokka|PROKKA_01455
Description: ER05526_3A_prokka|PROKKA_01455
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01458
Name: ER05526_3A_prokka|PROKKA_01458
Description: ER05526_3A_prokka|PROKKA_01458
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01493
Name: ER05526_3A_prokka|PROKKA_01493
Description: ER05526_3A_prokka|PROKKA_01493
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01567
Name: ER05526_3A_prokka|PROKKA_01567
Description: ER05526_3A_prokka|PROKKA_01567
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01736
Name: ER05526_3A_prokka|PROKKA_01736
Description: ER05526_3A_prokka|PROKKA_01736
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01750
Name: ER05526_3A_prokka|PROKKA_01750
Description: ER05526_3A_prokka|PROKKA_01750
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01792
Name: ER05526_3A_prokka|PROKKA_01792
Description: ER05526_3A_prokka|PROKKA_01792
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01844
Name: ER05526_3A_prokka|PROKKA_01844
Description: ER05526_3A_prokka|PROKKA_01844
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01846
Name: ER05526_3A_prokka|PROKKA_01846
Description: ER05526_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01847
Name: ER05526_3A_prokka|PROKKA_01847
Description: ER05526_3A_prokka|PROKKA_01847
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01877
Name: ER05526_3A_prokka|PROKKA_01877
Description: ER05526_3A_prokka|PROKKA_01877
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01899
Name: ER05526_3A_prokka|PROKKA_01899
Description: ER05526_3A_prokka|PROKKA_01899
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01904
Name: ER05526_3A_prokka|PROKKA_01904
Description: ER05526_3A_prokka|PROKKA_01904
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01980
Name: ER05526_3A_prokka|PROKKA_01980
Description: ER05526_3A_prokka|PROKKA_01980
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_01984
Name: ER05526_3A_prokka|PROKKA_01984
Description: ER05526_3A_prokka|PROKKA_01984
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02000
Name: ER05526_3A_prokka|PROKKA_02000
Description: ER05526_3A_prokka|PROKKA_02000
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02018
Name: ER05526_3A_prokka|PROKKA_02018
Description: ER05526_3A_prokka|PROKKA_02018
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02044
Name: ER05526_3A_prokka|PROKKA_02044
Description: ER05526_3A_prokka|PROKKA_02044
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02046
Name: ER05526_3A_prokka|PROKKA_02046
Description: ER05526_3A_prokka|PROKKA_02046
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02098
Name: ER05526_3A_prokka|PROKKA_02098
Description: ER05526_3A_prokka|PROKKA_02098
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02207
Name: ER05526_3A_prokka|PROKKA_02207
Description: ER05526_3A_prokka|PROKKA_02207
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02226
Name: ER05526_3A_prokka|PROKKA_02226
Description: ER05526_3A_prokka|PROKKA_02226
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02240
Name: ER05526_3A_prokka|PROKKA_02240
Description: ER05526_3A_prokka|PROKKA_02240
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02272
Name: ER05526_3A_prokka|PROKKA_02272
Description: ER05526_3A_prokka|PROKKA_02272
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02417
Name: ER05526_3A_prokka|PROKKA_02417
Description: ER05526_3A_prokka|PROKKA_02417
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02426
Name: ER05526_3A_prokka|PROKKA_02426
Description: ER05526_3A_prokka|PROKKA_02426
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02490
Name: ER05526_3A_prokka|PROKKA_02490
Description: ER05526_3A_prokka|PROKKA_02490
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02598
Name: ER05526_3A_prokka|PROKKA_02598
Description: ER05526_3A_prokka|PROKKA_02598
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02636
Name: ER05526_3A_prokka|PROKKA_02636
Description: ER05526_3A_prokka|PROKKA_02636
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02720
Name: ER05526_3A_prokka|PROKKA_02720
Description: ER05526_3A_prokka|PROKKA_02720
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05526_3A_prokka|PROKKA_02736
Name: ER05526_3A_prokka|PROKKA_02736
Description: ER05526_3A_prokka|PROKKA_02736
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00030
Name: ER05532_3A_prokka|PROKKA_00030
Description: ER05532_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00039
Name: ER05532_3A_prokka|PROKKA_00039
Description: ER05532_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00211
Name: ER05532_3A_prokka|PROKKA_00211
Description: ER05532_3A_prokka|PROKKA_00211
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00264
Name: ER05532_3A_prokka|PROKKA_00264
Description: ER05532_3A_prokka|PROKKA_00264
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00365
Name: ER05532_3A_prokka|PROKKA_00365
Description: ER05532_3A_prokka|PROKKA_00365
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00400
Name: ER05532_3A_prokka|PROKKA_00400
Description: ER05532_3A_prokka|PROKKA_00400
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00530
Name: ER05532_3A_prokka|PROKKA_00530
Description: ER05532_3A_prokka|PROKKA_00530
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00566
Name: ER05532_3A_prokka|PROKKA_00566
Description: ER05532_3A_prokka|PROKKA_00566
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00747
Name: ER05532_3A_prokka|PROKKA_00747
Description: ER05532_3A_prokka|PROKKA_00747
Number of features: 0
Seq('MKMYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00791
Name: ER05532_3A_prokka|PROKKA_00791
Description: ER05532_3A_prokka|PROKKA_00791
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00817
Name: ER05532_3A_prokka|PROKKA_00817
Description: ER05532_3A_prokka|PROKKA_00817
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00925
Name: ER05532_3A_prokka|PROKKA_00925
Description: ER05532_3A_prokka|PROKKA_00925
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_00964
Name: ER05532_3A_prokka|PROKKA_00964
Description: ER05532_3A_prokka|PROKKA_00964
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01044
Name: ER05532_3A_prokka|PROKKA_01044
Description: ER05532_3A_prokka|PROKKA_01044
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01056
Name: ER05532_3A_prokka|PROKKA_01056
Description: ER05532_3A_prokka|PROKKA_01056
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01057
Name: ER05532_3A_prokka|PROKKA_01057
Description: ER05532_3A_prokka|PROKKA_01057
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01195
Name: ER05532_3A_prokka|PROKKA_01195
Description: ER05532_3A_prokka|PROKKA_01195
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01199
Name: ER05532_3A_prokka|PROKKA_01199
Description: ER05532_3A_prokka|PROKKA_01199
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01203
Name: ER05532_3A_prokka|PROKKA_01203
Description: ER05532_3A_prokka|PROKKA_01203
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01205
Name: ER05532_3A_prokka|PROKKA_01205
Description: ER05532_3A_prokka|PROKKA_01205
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01229
Name: ER05532_3A_prokka|PROKKA_01229
Description: ER05532_3A_prokka|PROKKA_01229
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01326
Name: ER05532_3A_prokka|PROKKA_01326
Description: ER05532_3A_prokka|PROKKA_01326
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01339
Name: ER05532_3A_prokka|PROKKA_01339
Description: ER05532_3A_prokka|PROKKA_01339
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01405
Name: ER05532_3A_prokka|PROKKA_01405
Description: ER05532_3A_prokka|PROKKA_01405
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01442
Name: ER05532_3A_prokka|PROKKA_01442
Description: ER05532_3A_prokka|PROKKA_01442
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01514
Name: ER05532_3A_prokka|PROKKA_01514
Description: ER05532_3A_prokka|PROKKA_01514
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01690
Name: ER05532_3A_prokka|PROKKA_01690
Description: ER05532_3A_prokka|PROKKA_01690
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01709
Name: ER05532_3A_prokka|PROKKA_01709
Description: ER05532_3A_prokka|PROKKA_01709
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01744
Name: ER05532_3A_prokka|PROKKA_01744
Description: ER05532_3A_prokka|PROKKA_01744
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01796
Name: ER05532_3A_prokka|PROKKA_01796
Description: ER05532_3A_prokka|PROKKA_01796
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01871
Name: ER05532_3A_prokka|PROKKA_01871
Description: ER05532_3A_prokka|PROKKA_01871
Number of features: 0
Seq('MKTYSEARARLRWYQGRYIDFDGWYGYQCADLAVDYIYWLLEIRM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01875
Name: ER05532_3A_prokka|PROKKA_01875
Description: ER05532_3A_prokka|PROKKA_01875
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01894
Name: ER05532_3A_prokka|PROKKA_01894
Description: ER05532_3A_prokka|PROKKA_01894
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01896
Name: ER05532_3A_prokka|PROKKA_01896
Description: ER05532_3A_prokka|PROKKA_01896
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_01945
Name: ER05532_3A_prokka|PROKKA_01945
Description: ER05532_3A_prokka|PROKKA_01945
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_02097
Name: ER05532_3A_prokka|PROKKA_02097
Description: ER05532_3A_prokka|PROKKA_02097
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_02122
Name: ER05532_3A_prokka|PROKKA_02122
Description: ER05532_3A_prokka|PROKKA_02122
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_02153
Name: ER05532_3A_prokka|PROKKA_02153
Description: ER05532_3A_prokka|PROKKA_02153
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_02309
Name: ER05532_3A_prokka|PROKKA_02309
Description: ER05532_3A_prokka|PROKKA_02309
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_02523
Name: ER05532_3A_prokka|PROKKA_02523
Description: ER05532_3A_prokka|PROKKA_02523
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05532_3A_prokka|PROKKA_02609
Name: ER05532_3A_prokka|PROKKA_02609
Description: ER05532_3A_prokka|PROKKA_02609
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00042
Name: ER05576_3A_prokka|PROKKA_00042
Description: ER05576_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00053
Name: ER05576_3A_prokka|PROKKA_00053
Description: ER05576_3A_prokka|PROKKA_00053
Number of features: 0
Seq('MITIDSKINKQIAKNLSLEGMYVTREQQIQILHAINNEKEITNELIRKIAFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00062
Name: ER05576_3A_prokka|PROKKA_00062
Description: ER05576_3A_prokka|PROKKA_00062
Number of features: 0
Seq('MEDLKQSLKGLGWYDFFYSTYVSTIRVSAEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00153
Name: ER05576_3A_prokka|PROKKA_00153
Description: ER05576_3A_prokka|PROKKA_00153
Number of features: 0
Seq('MKGDLIDDFKIQNLRGERTINDAAKHNRNEKTGASPYEGIRTCL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00206
Name: ER05576_3A_prokka|PROKKA_00206
Description: ER05576_3A_prokka|PROKKA_00206
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00257
Name: ER05576_3A_prokka|PROKKA_00257
Description: ER05576_3A_prokka|PROKKA_00257
Number of features: 0
Seq('MYKKFGVLPEMEYEMEEIRAVEKYVKEQE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00294
Name: ER05576_3A_prokka|PROKKA_00294
Description: ER05576_3A_prokka|PROKKA_00294
Number of features: 0
Seq('MNIVLLSGSTVGSKTRIAMDDLKNELEVINEGHQIALMDLRDLEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00325
Name: ER05576_3A_prokka|PROKKA_00325
Description: ER05576_3A_prokka|PROKKA_00325
Number of features: 0
Seq('MWVREITKNNSTAYRYLERYTDPLTGKYKTVSVNT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00327
Name: ER05576_3A_prokka|PROKKA_00327
Description: ER05576_3A_prokka|PROKKA_00327
Number of features: 0
Seq('MFMTVKEVAQLLRISERHTYKLLQKNVIPHTKIGGKILVNKERLLETLEKKEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00368
Name: ER05576_3A_prokka|PROKKA_00368
Description: ER05576_3A_prokka|PROKKA_00368
Number of features: 0
Seq('MVPEEKGSITLSKDAATIFATAKFKPFQNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00391
Name: ER05576_3A_prokka|PROKKA_00391
Description: ER05576_3A_prokka|PROKKA_00391
Number of features: 0
Seq('MSKSVYKLDVGKLKKILNRQAQYHLWRMKLKMLIIII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00397
Name: ER05576_3A_prokka|PROKKA_00397
Description: ER05576_3A_prokka|PROKKA_00397
Number of features: 0
Seq('MSEANAAINVLLLLTVTRVFQPKRAMKFCTRPIYHALDHEDH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00406
Name: ER05576_3A_prokka|PROKKA_00406
Description: ER05576_3A_prokka|PROKKA_00406
Number of features: 0
Seq('MMIEFRQVSKSFHKKKQTIDALKDVSFTVNRNDILV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00535
Name: ER05576_3A_prokka|PROKKA_00535
Description: ER05576_3A_prokka|PROKKA_00535
Number of features: 0
Seq('MIIYRQYQHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00627
Name: ER05576_3A_prokka|PROKKA_00627
Description: ER05576_3A_prokka|PROKKA_00627
Number of features: 0
Seq('MAKSCLHILTNNEYATTRCQDGIVLFWPIDGEIELQKFRKSKIIEDDIYIYY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00720
Name: ER05576_3A_prokka|PROKKA_00720
Description: ER05576_3A_prokka|PROKKA_00720
Number of features: 0
Seq('MSLEAFHVANKMHILGPQQREFRKEILQTMQVGAGPQHKEILFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00832
Name: ER05576_3A_prokka|PROKKA_00832
Description: ER05576_3A_prokka|PROKKA_00832
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00858
Name: ER05576_3A_prokka|PROKKA_00858
Description: ER05576_3A_prokka|PROKKA_00858
Number of features: 0
Seq('MTKSEKIIELTNHYGAHNYLPLPIVISEA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00949
Name: ER05576_3A_prokka|PROKKA_00949
Description: ER05576_3A_prokka|PROKKA_00949
Number of features: 0
Seq('MRQFIKRIVKTILVGYVIKFIRNKLSGKSSHPTDNKHK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_00989
Name: ER05576_3A_prokka|PROKKA_00989
Description: ER05576_3A_prokka|PROKKA_00989
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01081
Name: ER05576_3A_prokka|PROKKA_01081
Description: ER05576_3A_prokka|PROKKA_01081
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01099
Name: ER05576_3A_prokka|PROKKA_01099
Description: ER05576_3A_prokka|PROKKA_01099
Number of features: 0
Seq('MNHTIVDSADFQLQANDLISIQGFGRAHITDLGGKTKKDKTHITYRTLFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01232
Name: ER05576_3A_prokka|PROKKA_01232
Description: ER05576_3A_prokka|PROKKA_01232
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01243
Name: ER05576_3A_prokka|PROKKA_01243
Description: ER05576_3A_prokka|PROKKA_01243
Number of features: 0
Seq('MMLDGKLSKKELLRLLTEKNDEKNKGKEKQSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01247
Name: ER05576_3A_prokka|PROKKA_01247
Description: ER05576_3A_prokka|PROKKA_01247
Number of features: 0
Seq('MLKHEALEHYLMNKYNLHYIEAHKLTEIKYNYSILIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01251
Name: ER05576_3A_prokka|PROKKA_01251
Description: ER05576_3A_prokka|PROKKA_01251
Number of features: 0
Seq('MIDSQLDGNVTAKELSESFKELVEEFERIEKANKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01272
Name: ER05576_3A_prokka|PROKKA_01272
Description: ER05576_3A_prokka|PROKKA_01272
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01380
Name: ER05576_3A_prokka|PROKKA_01380
Description: ER05576_3A_prokka|PROKKA_01380
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01445
Name: ER05576_3A_prokka|PROKKA_01445
Description: ER05576_3A_prokka|PROKKA_01445
Number of features: 0
Seq('MNLGNVKETISIIYLIEIVSFLMYLSKFTTHDIFNDFLSLVKLKFLTFIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01448
Name: ER05576_3A_prokka|PROKKA_01448
Description: ER05576_3A_prokka|PROKKA_01448
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01485
Name: ER05576_3A_prokka|PROKKA_01485
Description: ER05576_3A_prokka|PROKKA_01485
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01558
Name: ER05576_3A_prokka|PROKKA_01558
Description: ER05576_3A_prokka|PROKKA_01558
Number of features: 0
Seq('MSFIDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01735
Name: ER05576_3A_prokka|PROKKA_01735
Description: ER05576_3A_prokka|PROKKA_01735
Number of features: 0
Seq('MNKKYILIIVSVILIGMIVISYAHNKQKKTITLKHKKRE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01752
Name: ER05576_3A_prokka|PROKKA_01752
Description: ER05576_3A_prokka|PROKKA_01752
Number of features: 0
Seq('MIGRIVTCIHNLNSNNELVGIHFASDVKDDDNRNAYGVYFTPEIKKFIAENIDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01782
Name: ER05576_3A_prokka|PROKKA_01782
Description: ER05576_3A_prokka|PROKKA_01782
Number of features: 0
Seq('MNPKQYFQSIHKYDLRENHYKQRLTVIGNQTFIRAIKKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01796
Name: ER05576_3A_prokka|PROKKA_01796
Description: ER05576_3A_prokka|PROKKA_01796
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01846
Name: ER05576_3A_prokka|PROKKA_01846
Description: ER05576_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01924
Name: ER05576_3A_prokka|PROKKA_01924
Description: ER05576_3A_prokka|PROKKA_01924
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01926
Name: ER05576_3A_prokka|PROKKA_01926
Description: ER05576_3A_prokka|PROKKA_01926
Number of features: 0
Seq('MKKLLNKVIELLVDFFNSIGYRAAYINCDFLLDEAEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_01977
Name: ER05576_3A_prokka|PROKKA_01977
Description: ER05576_3A_prokka|PROKKA_01977
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_02051
Name: ER05576_3A_prokka|PROKKA_02051
Description: ER05576_3A_prokka|PROKKA_02051
Number of features: 0
Seq('MNLFRQQKFSIRKFNVGIFSALIATVTFISINPTTASAAE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_02097
Name: ER05576_3A_prokka|PROKKA_02097
Description: ER05576_3A_prokka|PROKKA_02097
Number of features: 0
Seq('MTYIPFSIITLITGIIMHMTMYFVKFECRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_02119
Name: ER05576_3A_prokka|PROKKA_02119
Description: ER05576_3A_prokka|PROKKA_02119
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_02150
Name: ER05576_3A_prokka|PROKKA_02150
Description: ER05576_3A_prokka|PROKKA_02150
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_02312
Name: ER05576_3A_prokka|PROKKA_02312
Description: ER05576_3A_prokka|PROKKA_02312
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_02508
Name: ER05576_3A_prokka|PROKKA_02508
Description: ER05576_3A_prokka|PROKKA_02508
Number of features: 0
Seq('MMRKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_02597
Name: ER05576_3A_prokka|PROKKA_02597
Description: ER05576_3A_prokka|PROKKA_02597
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_02603
Name: ER05576_3A_prokka|PROKKA_02603
Description: ER05576_3A_prokka|PROKKA_02603
Number of features: 0
Seq('MNTLNLDIVTPNGSVYNRDNVELVVMQTTAGEIGVMSGGDIFQL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_02610
Name: ER05576_3A_prokka|PROKKA_02610
Description: ER05576_3A_prokka|PROKKA_02610
Number of features: 0
Seq('MGTIKSEIFRGNKHFKFNSVEEATKTIHDFILFFNHERITLKMADSV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05576_3A_prokka|PROKKA_02613
Name: ER05576_3A_prokka|PROKKA_02613
Description: ER05576_3A_prokka|PROKKA_02613
Number of features: 0
Seq('MSIKPKVDIDVLLYMFQEYEKGVSFQYLIDTFTIRY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_00030
Name: ER05651_3A_prokka|PROKKA_00030
Description: ER05651_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_00039
Name: ER05651_3A_prokka|PROKKA_00039
Description: ER05651_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_00052
Name: ER05651_3A_prokka|PROKKA_00052
Description: ER05651_3A_prokka|PROKKA_00052
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_00055
Name: ER05651_3A_prokka|PROKKA_00055
Description: ER05651_3A_prokka|PROKKA_00055
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_00221
Name: ER05651_3A_prokka|PROKKA_00221
Description: ER05651_3A_prokka|PROKKA_00221
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_00345
Name: ER05651_3A_prokka|PROKKA_00345
Description: ER05651_3A_prokka|PROKKA_00345
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_00363
Name: ER05651_3A_prokka|PROKKA_00363
Description: ER05651_3A_prokka|PROKKA_00363
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_00530
Name: ER05651_3A_prokka|PROKKA_00530
Description: ER05651_3A_prokka|PROKKA_00530
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_00783
Name: ER05651_3A_prokka|PROKKA_00783
Description: ER05651_3A_prokka|PROKKA_00783
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_00810
Name: ER05651_3A_prokka|PROKKA_00810
Description: ER05651_3A_prokka|PROKKA_00810
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_00919
Name: ER05651_3A_prokka|PROKKA_00919
Description: ER05651_3A_prokka|PROKKA_00919
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_00959
Name: ER05651_3A_prokka|PROKKA_00959
Description: ER05651_3A_prokka|PROKKA_00959
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01010
Name: ER05651_3A_prokka|PROKKA_01010
Description: ER05651_3A_prokka|PROKKA_01010
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01017
Name: ER05651_3A_prokka|PROKKA_01017
Description: ER05651_3A_prokka|PROKKA_01017
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01018
Name: ER05651_3A_prokka|PROKKA_01018
Description: ER05651_3A_prokka|PROKKA_01018
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01038
Name: ER05651_3A_prokka|PROKKA_01038
Description: ER05651_3A_prokka|PROKKA_01038
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01103
Name: ER05651_3A_prokka|PROKKA_01103
Description: ER05651_3A_prokka|PROKKA_01103
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01115
Name: ER05651_3A_prokka|PROKKA_01115
Description: ER05651_3A_prokka|PROKKA_01115
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01116
Name: ER05651_3A_prokka|PROKKA_01116
Description: ER05651_3A_prokka|PROKKA_01116
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01251
Name: ER05651_3A_prokka|PROKKA_01251
Description: ER05651_3A_prokka|PROKKA_01251
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01255
Name: ER05651_3A_prokka|PROKKA_01255
Description: ER05651_3A_prokka|PROKKA_01255
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01279
Name: ER05651_3A_prokka|PROKKA_01279
Description: ER05651_3A_prokka|PROKKA_01279
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01374
Name: ER05651_3A_prokka|PROKKA_01374
Description: ER05651_3A_prokka|PROKKA_01374
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01387
Name: ER05651_3A_prokka|PROKKA_01387
Description: ER05651_3A_prokka|PROKKA_01387
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01454
Name: ER05651_3A_prokka|PROKKA_01454
Description: ER05651_3A_prokka|PROKKA_01454
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01457
Name: ER05651_3A_prokka|PROKKA_01457
Description: ER05651_3A_prokka|PROKKA_01457
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01492
Name: ER05651_3A_prokka|PROKKA_01492
Description: ER05651_3A_prokka|PROKKA_01492
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01565
Name: ER05651_3A_prokka|PROKKA_01565
Description: ER05651_3A_prokka|PROKKA_01565
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01728
Name: ER05651_3A_prokka|PROKKA_01728
Description: ER05651_3A_prokka|PROKKA_01728
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01743
Name: ER05651_3A_prokka|PROKKA_01743
Description: ER05651_3A_prokka|PROKKA_01743
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01785
Name: ER05651_3A_prokka|PROKKA_01785
Description: ER05651_3A_prokka|PROKKA_01785
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01837
Name: ER05651_3A_prokka|PROKKA_01837
Description: ER05651_3A_prokka|PROKKA_01837
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01912
Name: ER05651_3A_prokka|PROKKA_01912
Description: ER05651_3A_prokka|PROKKA_01912
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01916
Name: ER05651_3A_prokka|PROKKA_01916
Description: ER05651_3A_prokka|PROKKA_01916
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01932
Name: ER05651_3A_prokka|PROKKA_01932
Description: ER05651_3A_prokka|PROKKA_01932
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01950
Name: ER05651_3A_prokka|PROKKA_01950
Description: ER05651_3A_prokka|PROKKA_01950
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_01989
Name: ER05651_3A_prokka|PROKKA_01989
Description: ER05651_3A_prokka|PROKKA_01989
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02000
Name: ER05651_3A_prokka|PROKKA_02000
Description: ER05651_3A_prokka|PROKKA_02000
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02002
Name: ER05651_3A_prokka|PROKKA_02002
Description: ER05651_3A_prokka|PROKKA_02002
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02052
Name: ER05651_3A_prokka|PROKKA_02052
Description: ER05651_3A_prokka|PROKKA_02052
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02178
Name: ER05651_3A_prokka|PROKKA_02178
Description: ER05651_3A_prokka|PROKKA_02178
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02191
Name: ER05651_3A_prokka|PROKKA_02191
Description: ER05651_3A_prokka|PROKKA_02191
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02222
Name: ER05651_3A_prokka|PROKKA_02222
Description: ER05651_3A_prokka|PROKKA_02222
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02376
Name: ER05651_3A_prokka|PROKKA_02376
Description: ER05651_3A_prokka|PROKKA_02376
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02440
Name: ER05651_3A_prokka|PROKKA_02440
Description: ER05651_3A_prokka|PROKKA_02440
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02548
Name: ER05651_3A_prokka|PROKKA_02548
Description: ER05651_3A_prokka|PROKKA_02548
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02579
Name: ER05651_3A_prokka|PROKKA_02579
Description: ER05651_3A_prokka|PROKKA_02579
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02582
Name: ER05651_3A_prokka|PROKKA_02582
Description: ER05651_3A_prokka|PROKKA_02582
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02589
Name: ER05651_3A_prokka|PROKKA_02589
Description: ER05651_3A_prokka|PROKKA_02589
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02627
Name: ER05651_3A_prokka|PROKKA_02627
Description: ER05651_3A_prokka|PROKKA_02627
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02707
Name: ER05651_3A_prokka|PROKKA_02707
Description: ER05651_3A_prokka|PROKKA_02707
Number of features: 0
Seq('MIFSQNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEHRTLIYVPA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05651_3A_prokka|PROKKA_02713
Name: ER05651_3A_prokka|PROKKA_02713
Description: ER05651_3A_prokka|PROKKA_02713
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00044
Name: ER05661_3A_prokka|PROKKA_00044
Description: ER05661_3A_prokka|PROKKA_00044
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00063
Name: ER05661_3A_prokka|PROKKA_00063
Description: ER05661_3A_prokka|PROKKA_00063
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00230
Name: ER05661_3A_prokka|PROKKA_00230
Description: ER05661_3A_prokka|PROKKA_00230
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00353
Name: ER05661_3A_prokka|PROKKA_00353
Description: ER05661_3A_prokka|PROKKA_00353
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00370
Name: ER05661_3A_prokka|PROKKA_00370
Description: ER05661_3A_prokka|PROKKA_00370
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00536
Name: ER05661_3A_prokka|PROKKA_00536
Description: ER05661_3A_prokka|PROKKA_00536
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00765
Name: ER05661_3A_prokka|PROKKA_00765
Description: ER05661_3A_prokka|PROKKA_00765
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00792
Name: ER05661_3A_prokka|PROKKA_00792
Description: ER05661_3A_prokka|PROKKA_00792
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00897
Name: ER05661_3A_prokka|PROKKA_00897
Description: ER05661_3A_prokka|PROKKA_00897
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00936
Name: ER05661_3A_prokka|PROKKA_00936
Description: ER05661_3A_prokka|PROKKA_00936
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00937
Name: ER05661_3A_prokka|PROKKA_00937
Description: ER05661_3A_prokka|PROKKA_00937
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00996
Name: ER05661_3A_prokka|PROKKA_00996
Description: ER05661_3A_prokka|PROKKA_00996
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_00997
Name: ER05661_3A_prokka|PROKKA_00997
Description: ER05661_3A_prokka|PROKKA_00997
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01019
Name: ER05661_3A_prokka|PROKKA_01019
Description: ER05661_3A_prokka|PROKKA_01019
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGEVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01051
Name: ER05661_3A_prokka|PROKKA_01051
Description: ER05661_3A_prokka|PROKKA_01051
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01052
Name: ER05661_3A_prokka|PROKKA_01052
Description: ER05661_3A_prokka|PROKKA_01052
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01088
Name: ER05661_3A_prokka|PROKKA_01088
Description: ER05661_3A_prokka|PROKKA_01088
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01100
Name: ER05661_3A_prokka|PROKKA_01100
Description: ER05661_3A_prokka|PROKKA_01100
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01101
Name: ER05661_3A_prokka|PROKKA_01101
Description: ER05661_3A_prokka|PROKKA_01101
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01237
Name: ER05661_3A_prokka|PROKKA_01237
Description: ER05661_3A_prokka|PROKKA_01237
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01241
Name: ER05661_3A_prokka|PROKKA_01241
Description: ER05661_3A_prokka|PROKKA_01241
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01265
Name: ER05661_3A_prokka|PROKKA_01265
Description: ER05661_3A_prokka|PROKKA_01265
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01371
Name: ER05661_3A_prokka|PROKKA_01371
Description: ER05661_3A_prokka|PROKKA_01371
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01418
Name: ER05661_3A_prokka|PROKKA_01418
Description: ER05661_3A_prokka|PROKKA_01418
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01426
Name: ER05661_3A_prokka|PROKKA_01426
Description: ER05661_3A_prokka|PROKKA_01426
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01445
Name: ER05661_3A_prokka|PROKKA_01445
Description: ER05661_3A_prokka|PROKKA_01445
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01463
Name: ER05661_3A_prokka|PROKKA_01463
Description: ER05661_3A_prokka|PROKKA_01463
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01471
Name: ER05661_3A_prokka|PROKKA_01471
Description: ER05661_3A_prokka|PROKKA_01471
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01476
Name: ER05661_3A_prokka|PROKKA_01476
Description: ER05661_3A_prokka|PROKKA_01476
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01503
Name: ER05661_3A_prokka|PROKKA_01503
Description: ER05661_3A_prokka|PROKKA_01503
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01506
Name: ER05661_3A_prokka|PROKKA_01506
Description: ER05661_3A_prokka|PROKKA_01506
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01541
Name: ER05661_3A_prokka|PROKKA_01541
Description: ER05661_3A_prokka|PROKKA_01541
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01614
Name: ER05661_3A_prokka|PROKKA_01614
Description: ER05661_3A_prokka|PROKKA_01614
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01783
Name: ER05661_3A_prokka|PROKKA_01783
Description: ER05661_3A_prokka|PROKKA_01783
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01797
Name: ER05661_3A_prokka|PROKKA_01797
Description: ER05661_3A_prokka|PROKKA_01797
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01839
Name: ER05661_3A_prokka|PROKKA_01839
Description: ER05661_3A_prokka|PROKKA_01839
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01891
Name: ER05661_3A_prokka|PROKKA_01891
Description: ER05661_3A_prokka|PROKKA_01891
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01963
Name: ER05661_3A_prokka|PROKKA_01963
Description: ER05661_3A_prokka|PROKKA_01963
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01967
Name: ER05661_3A_prokka|PROKKA_01967
Description: ER05661_3A_prokka|PROKKA_01967
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_01983
Name: ER05661_3A_prokka|PROKKA_01983
Description: ER05661_3A_prokka|PROKKA_01983
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02001
Name: ER05661_3A_prokka|PROKKA_02001
Description: ER05661_3A_prokka|PROKKA_02001
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02007
Name: ER05661_3A_prokka|PROKKA_02007
Description: ER05661_3A_prokka|PROKKA_02007
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02012
Name: ER05661_3A_prokka|PROKKA_02012
Description: ER05661_3A_prokka|PROKKA_02012
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02028
Name: ER05661_3A_prokka|PROKKA_02028
Description: ER05661_3A_prokka|PROKKA_02028
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02030
Name: ER05661_3A_prokka|PROKKA_02030
Description: ER05661_3A_prokka|PROKKA_02030
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02080
Name: ER05661_3A_prokka|PROKKA_02080
Description: ER05661_3A_prokka|PROKKA_02080
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGANIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02206
Name: ER05661_3A_prokka|PROKKA_02206
Description: ER05661_3A_prokka|PROKKA_02206
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02219
Name: ER05661_3A_prokka|PROKKA_02219
Description: ER05661_3A_prokka|PROKKA_02219
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02250
Name: ER05661_3A_prokka|PROKKA_02250
Description: ER05661_3A_prokka|PROKKA_02250
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02395
Name: ER05661_3A_prokka|PROKKA_02395
Description: ER05661_3A_prokka|PROKKA_02395
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02404
Name: ER05661_3A_prokka|PROKKA_02404
Description: ER05661_3A_prokka|PROKKA_02404
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02468
Name: ER05661_3A_prokka|PROKKA_02468
Description: ER05661_3A_prokka|PROKKA_02468
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02577
Name: ER05661_3A_prokka|PROKKA_02577
Description: ER05661_3A_prokka|PROKKA_02577
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02615
Name: ER05661_3A_prokka|PROKKA_02615
Description: ER05661_3A_prokka|PROKKA_02615
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05661_3A_prokka|PROKKA_02699
Name: ER05661_3A_prokka|PROKKA_02699
Description: ER05661_3A_prokka|PROKKA_02699
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00016
Name: ER05682_3A_prokka|PROKKA_00016
Description: ER05682_3A_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00067
Name: ER05682_3A_prokka|PROKKA_00067
Description: ER05682_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00070
Name: ER05682_3A_prokka|PROKKA_00070
Description: ER05682_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00074
Name: ER05682_3A_prokka|PROKKA_00074
Description: ER05682_3A_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00095
Name: ER05682_3A_prokka|PROKKA_00095
Description: ER05682_3A_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00113
Name: ER05682_3A_prokka|PROKKA_00113
Description: ER05682_3A_prokka|PROKKA_00113
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00237
Name: ER05682_3A_prokka|PROKKA_00237
Description: ER05682_3A_prokka|PROKKA_00237
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00281
Name: ER05682_3A_prokka|PROKKA_00281
Description: ER05682_3A_prokka|PROKKA_00281
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00405
Name: ER05682_3A_prokka|PROKKA_00405
Description: ER05682_3A_prokka|PROKKA_00405
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00422
Name: ER05682_3A_prokka|PROKKA_00422
Description: ER05682_3A_prokka|PROKKA_00422
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00588
Name: ER05682_3A_prokka|PROKKA_00588
Description: ER05682_3A_prokka|PROKKA_00588
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00817
Name: ER05682_3A_prokka|PROKKA_00817
Description: ER05682_3A_prokka|PROKKA_00817
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00844
Name: ER05682_3A_prokka|PROKKA_00844
Description: ER05682_3A_prokka|PROKKA_00844
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00949
Name: ER05682_3A_prokka|PROKKA_00949
Description: ER05682_3A_prokka|PROKKA_00949
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00988
Name: ER05682_3A_prokka|PROKKA_00988
Description: ER05682_3A_prokka|PROKKA_00988
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_00989
Name: ER05682_3A_prokka|PROKKA_00989
Description: ER05682_3A_prokka|PROKKA_00989
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01071
Name: ER05682_3A_prokka|PROKKA_01071
Description: ER05682_3A_prokka|PROKKA_01071
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01083
Name: ER05682_3A_prokka|PROKKA_01083
Description: ER05682_3A_prokka|PROKKA_01083
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01084
Name: ER05682_3A_prokka|PROKKA_01084
Description: ER05682_3A_prokka|PROKKA_01084
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01220
Name: ER05682_3A_prokka|PROKKA_01220
Description: ER05682_3A_prokka|PROKKA_01220
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01224
Name: ER05682_3A_prokka|PROKKA_01224
Description: ER05682_3A_prokka|PROKKA_01224
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01248
Name: ER05682_3A_prokka|PROKKA_01248
Description: ER05682_3A_prokka|PROKKA_01248
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01341
Name: ER05682_3A_prokka|PROKKA_01341
Description: ER05682_3A_prokka|PROKKA_01341
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01353
Name: ER05682_3A_prokka|PROKKA_01353
Description: ER05682_3A_prokka|PROKKA_01353
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01400
Name: ER05682_3A_prokka|PROKKA_01400
Description: ER05682_3A_prokka|PROKKA_01400
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01408
Name: ER05682_3A_prokka|PROKKA_01408
Description: ER05682_3A_prokka|PROKKA_01408
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01427
Name: ER05682_3A_prokka|PROKKA_01427
Description: ER05682_3A_prokka|PROKKA_01427
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01442
Name: ER05682_3A_prokka|PROKKA_01442
Description: ER05682_3A_prokka|PROKKA_01442
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01450
Name: ER05682_3A_prokka|PROKKA_01450
Description: ER05682_3A_prokka|PROKKA_01450
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01455
Name: ER05682_3A_prokka|PROKKA_01455
Description: ER05682_3A_prokka|PROKKA_01455
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01482
Name: ER05682_3A_prokka|PROKKA_01482
Description: ER05682_3A_prokka|PROKKA_01482
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01485
Name: ER05682_3A_prokka|PROKKA_01485
Description: ER05682_3A_prokka|PROKKA_01485
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01520
Name: ER05682_3A_prokka|PROKKA_01520
Description: ER05682_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01594
Name: ER05682_3A_prokka|PROKKA_01594
Description: ER05682_3A_prokka|PROKKA_01594
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01763
Name: ER05682_3A_prokka|PROKKA_01763
Description: ER05682_3A_prokka|PROKKA_01763
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01777
Name: ER05682_3A_prokka|PROKKA_01777
Description: ER05682_3A_prokka|PROKKA_01777
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01819
Name: ER05682_3A_prokka|PROKKA_01819
Description: ER05682_3A_prokka|PROKKA_01819
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01871
Name: ER05682_3A_prokka|PROKKA_01871
Description: ER05682_3A_prokka|PROKKA_01871
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01873
Name: ER05682_3A_prokka|PROKKA_01873
Description: ER05682_3A_prokka|PROKKA_01873
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01874
Name: ER05682_3A_prokka|PROKKA_01874
Description: ER05682_3A_prokka|PROKKA_01874
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01904
Name: ER05682_3A_prokka|PROKKA_01904
Description: ER05682_3A_prokka|PROKKA_01904
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01926
Name: ER05682_3A_prokka|PROKKA_01926
Description: ER05682_3A_prokka|PROKKA_01926
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_01931
Name: ER05682_3A_prokka|PROKKA_01931
Description: ER05682_3A_prokka|PROKKA_01931
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02007
Name: ER05682_3A_prokka|PROKKA_02007
Description: ER05682_3A_prokka|PROKKA_02007
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02011
Name: ER05682_3A_prokka|PROKKA_02011
Description: ER05682_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02027
Name: ER05682_3A_prokka|PROKKA_02027
Description: ER05682_3A_prokka|PROKKA_02027
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02045
Name: ER05682_3A_prokka|PROKKA_02045
Description: ER05682_3A_prokka|PROKKA_02045
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02071
Name: ER05682_3A_prokka|PROKKA_02071
Description: ER05682_3A_prokka|PROKKA_02071
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02073
Name: ER05682_3A_prokka|PROKKA_02073
Description: ER05682_3A_prokka|PROKKA_02073
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02125
Name: ER05682_3A_prokka|PROKKA_02125
Description: ER05682_3A_prokka|PROKKA_02125
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02233
Name: ER05682_3A_prokka|PROKKA_02233
Description: ER05682_3A_prokka|PROKKA_02233
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02252
Name: ER05682_3A_prokka|PROKKA_02252
Description: ER05682_3A_prokka|PROKKA_02252
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02265
Name: ER05682_3A_prokka|PROKKA_02265
Description: ER05682_3A_prokka|PROKKA_02265
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02297
Name: ER05682_3A_prokka|PROKKA_02297
Description: ER05682_3A_prokka|PROKKA_02297
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02442
Name: ER05682_3A_prokka|PROKKA_02442
Description: ER05682_3A_prokka|PROKKA_02442
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02451
Name: ER05682_3A_prokka|PROKKA_02451
Description: ER05682_3A_prokka|PROKKA_02451
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02515
Name: ER05682_3A_prokka|PROKKA_02515
Description: ER05682_3A_prokka|PROKKA_02515
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02623
Name: ER05682_3A_prokka|PROKKA_02623
Description: ER05682_3A_prokka|PROKKA_02623
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02661
Name: ER05682_3A_prokka|PROKKA_02661
Description: ER05682_3A_prokka|PROKKA_02661
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02746
Name: ER05682_3A_prokka|PROKKA_02746
Description: ER05682_3A_prokka|PROKKA_02746
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05682_3A_prokka|PROKKA_02809
Name: ER05682_3A_prokka|PROKKA_02809
Description: ER05682_3A_prokka|PROKKA_02809
Number of features: 0
Seq('MADIQKMLEQKEKLQEKIKEEKKKEYEKFGRWFFNKFKVNRSADAKKIINKKFA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00039
Name: ER05686_3A_prokka|PROKKA_00039
Description: ER05686_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00042
Name: ER05686_3A_prokka|PROKKA_00042
Description: ER05686_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00046
Name: ER05686_3A_prokka|PROKKA_00046
Description: ER05686_3A_prokka|PROKKA_00046
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00067
Name: ER05686_3A_prokka|PROKKA_00067
Description: ER05686_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00085
Name: ER05686_3A_prokka|PROKKA_00085
Description: ER05686_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00209
Name: ER05686_3A_prokka|PROKKA_00209
Description: ER05686_3A_prokka|PROKKA_00209
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00253
Name: ER05686_3A_prokka|PROKKA_00253
Description: ER05686_3A_prokka|PROKKA_00253
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00377
Name: ER05686_3A_prokka|PROKKA_00377
Description: ER05686_3A_prokka|PROKKA_00377
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00394
Name: ER05686_3A_prokka|PROKKA_00394
Description: ER05686_3A_prokka|PROKKA_00394
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00560
Name: ER05686_3A_prokka|PROKKA_00560
Description: ER05686_3A_prokka|PROKKA_00560
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00789
Name: ER05686_3A_prokka|PROKKA_00789
Description: ER05686_3A_prokka|PROKKA_00789
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00816
Name: ER05686_3A_prokka|PROKKA_00816
Description: ER05686_3A_prokka|PROKKA_00816
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00921
Name: ER05686_3A_prokka|PROKKA_00921
Description: ER05686_3A_prokka|PROKKA_00921
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00960
Name: ER05686_3A_prokka|PROKKA_00960
Description: ER05686_3A_prokka|PROKKA_00960
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_00961
Name: ER05686_3A_prokka|PROKKA_00961
Description: ER05686_3A_prokka|PROKKA_00961
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01043
Name: ER05686_3A_prokka|PROKKA_01043
Description: ER05686_3A_prokka|PROKKA_01043
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01055
Name: ER05686_3A_prokka|PROKKA_01055
Description: ER05686_3A_prokka|PROKKA_01055
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01056
Name: ER05686_3A_prokka|PROKKA_01056
Description: ER05686_3A_prokka|PROKKA_01056
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01192
Name: ER05686_3A_prokka|PROKKA_01192
Description: ER05686_3A_prokka|PROKKA_01192
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01196
Name: ER05686_3A_prokka|PROKKA_01196
Description: ER05686_3A_prokka|PROKKA_01196
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01220
Name: ER05686_3A_prokka|PROKKA_01220
Description: ER05686_3A_prokka|PROKKA_01220
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01313
Name: ER05686_3A_prokka|PROKKA_01313
Description: ER05686_3A_prokka|PROKKA_01313
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01325
Name: ER05686_3A_prokka|PROKKA_01325
Description: ER05686_3A_prokka|PROKKA_01325
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01372
Name: ER05686_3A_prokka|PROKKA_01372
Description: ER05686_3A_prokka|PROKKA_01372
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01380
Name: ER05686_3A_prokka|PROKKA_01380
Description: ER05686_3A_prokka|PROKKA_01380
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01399
Name: ER05686_3A_prokka|PROKKA_01399
Description: ER05686_3A_prokka|PROKKA_01399
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01414
Name: ER05686_3A_prokka|PROKKA_01414
Description: ER05686_3A_prokka|PROKKA_01414
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01422
Name: ER05686_3A_prokka|PROKKA_01422
Description: ER05686_3A_prokka|PROKKA_01422
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01427
Name: ER05686_3A_prokka|PROKKA_01427
Description: ER05686_3A_prokka|PROKKA_01427
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01454
Name: ER05686_3A_prokka|PROKKA_01454
Description: ER05686_3A_prokka|PROKKA_01454
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01457
Name: ER05686_3A_prokka|PROKKA_01457
Description: ER05686_3A_prokka|PROKKA_01457
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01492
Name: ER05686_3A_prokka|PROKKA_01492
Description: ER05686_3A_prokka|PROKKA_01492
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01566
Name: ER05686_3A_prokka|PROKKA_01566
Description: ER05686_3A_prokka|PROKKA_01566
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01735
Name: ER05686_3A_prokka|PROKKA_01735
Description: ER05686_3A_prokka|PROKKA_01735
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01749
Name: ER05686_3A_prokka|PROKKA_01749
Description: ER05686_3A_prokka|PROKKA_01749
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01791
Name: ER05686_3A_prokka|PROKKA_01791
Description: ER05686_3A_prokka|PROKKA_01791
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01843
Name: ER05686_3A_prokka|PROKKA_01843
Description: ER05686_3A_prokka|PROKKA_01843
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01845
Name: ER05686_3A_prokka|PROKKA_01845
Description: ER05686_3A_prokka|PROKKA_01845
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01846
Name: ER05686_3A_prokka|PROKKA_01846
Description: ER05686_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01876
Name: ER05686_3A_prokka|PROKKA_01876
Description: ER05686_3A_prokka|PROKKA_01876
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01898
Name: ER05686_3A_prokka|PROKKA_01898
Description: ER05686_3A_prokka|PROKKA_01898
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01903
Name: ER05686_3A_prokka|PROKKA_01903
Description: ER05686_3A_prokka|PROKKA_01903
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01979
Name: ER05686_3A_prokka|PROKKA_01979
Description: ER05686_3A_prokka|PROKKA_01979
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01983
Name: ER05686_3A_prokka|PROKKA_01983
Description: ER05686_3A_prokka|PROKKA_01983
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_01999
Name: ER05686_3A_prokka|PROKKA_01999
Description: ER05686_3A_prokka|PROKKA_01999
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02017
Name: ER05686_3A_prokka|PROKKA_02017
Description: ER05686_3A_prokka|PROKKA_02017
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02043
Name: ER05686_3A_prokka|PROKKA_02043
Description: ER05686_3A_prokka|PROKKA_02043
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02045
Name: ER05686_3A_prokka|PROKKA_02045
Description: ER05686_3A_prokka|PROKKA_02045
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02097
Name: ER05686_3A_prokka|PROKKA_02097
Description: ER05686_3A_prokka|PROKKA_02097
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02205
Name: ER05686_3A_prokka|PROKKA_02205
Description: ER05686_3A_prokka|PROKKA_02205
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02224
Name: ER05686_3A_prokka|PROKKA_02224
Description: ER05686_3A_prokka|PROKKA_02224
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02237
Name: ER05686_3A_prokka|PROKKA_02237
Description: ER05686_3A_prokka|PROKKA_02237
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02269
Name: ER05686_3A_prokka|PROKKA_02269
Description: ER05686_3A_prokka|PROKKA_02269
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02414
Name: ER05686_3A_prokka|PROKKA_02414
Description: ER05686_3A_prokka|PROKKA_02414
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02423
Name: ER05686_3A_prokka|PROKKA_02423
Description: ER05686_3A_prokka|PROKKA_02423
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02487
Name: ER05686_3A_prokka|PROKKA_02487
Description: ER05686_3A_prokka|PROKKA_02487
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02595
Name: ER05686_3A_prokka|PROKKA_02595
Description: ER05686_3A_prokka|PROKKA_02595
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02633
Name: ER05686_3A_prokka|PROKKA_02633
Description: ER05686_3A_prokka|PROKKA_02633
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02717
Name: ER05686_3A_prokka|PROKKA_02717
Description: ER05686_3A_prokka|PROKKA_02717
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05686_3A_prokka|PROKKA_02733
Name: ER05686_3A_prokka|PROKKA_02733
Description: ER05686_3A_prokka|PROKKA_02733
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00002
Name: ER05716_3A_prokka|PROKKA_00002
Description: ER05716_3A_prokka|PROKKA_00002
Number of features: 0
Seq('MLCKIALKEDIYLDEAVGIMTGQVVYKYEEEQEND', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00033
Name: ER05716_3A_prokka|PROKKA_00033
Description: ER05716_3A_prokka|PROKKA_00033
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00037
Name: ER05716_3A_prokka|PROKKA_00037
Description: ER05716_3A_prokka|PROKKA_00037
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00046
Name: ER05716_3A_prokka|PROKKA_00046
Description: ER05716_3A_prokka|PROKKA_00046
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00059
Name: ER05716_3A_prokka|PROKKA_00059
Description: ER05716_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00062
Name: ER05716_3A_prokka|PROKKA_00062
Description: ER05716_3A_prokka|PROKKA_00062
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00227
Name: ER05716_3A_prokka|PROKKA_00227
Description: ER05716_3A_prokka|PROKKA_00227
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00325
Name: ER05716_3A_prokka|PROKKA_00325
Description: ER05716_3A_prokka|PROKKA_00325
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00331
Name: ER05716_3A_prokka|PROKKA_00331
Description: ER05716_3A_prokka|PROKKA_00331
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00375
Name: ER05716_3A_prokka|PROKKA_00375
Description: ER05716_3A_prokka|PROKKA_00375
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00393
Name: ER05716_3A_prokka|PROKKA_00393
Description: ER05716_3A_prokka|PROKKA_00393
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00560
Name: ER05716_3A_prokka|PROKKA_00560
Description: ER05716_3A_prokka|PROKKA_00560
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00582
Name: ER05716_3A_prokka|PROKKA_00582
Description: ER05716_3A_prokka|PROKKA_00582
Number of features: 0
Seq('MITVLFGGSRPNGNTAQLTKFALQDLEYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00813
Name: ER05716_3A_prokka|PROKKA_00813
Description: ER05716_3A_prokka|PROKKA_00813
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00840
Name: ER05716_3A_prokka|PROKKA_00840
Description: ER05716_3A_prokka|PROKKA_00840
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00948
Name: ER05716_3A_prokka|PROKKA_00948
Description: ER05716_3A_prokka|PROKKA_00948
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_00988
Name: ER05716_3A_prokka|PROKKA_00988
Description: ER05716_3A_prokka|PROKKA_00988
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01037
Name: ER05716_3A_prokka|PROKKA_01037
Description: ER05716_3A_prokka|PROKKA_01037
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01042
Name: ER05716_3A_prokka|PROKKA_01042
Description: ER05716_3A_prokka|PROKKA_01042
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01048
Name: ER05716_3A_prokka|PROKKA_01048
Description: ER05716_3A_prokka|PROKKA_01048
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01049
Name: ER05716_3A_prokka|PROKKA_01049
Description: ER05716_3A_prokka|PROKKA_01049
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01068
Name: ER05716_3A_prokka|PROKKA_01068
Description: ER05716_3A_prokka|PROKKA_01068
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01133
Name: ER05716_3A_prokka|PROKKA_01133
Description: ER05716_3A_prokka|PROKKA_01133
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01145
Name: ER05716_3A_prokka|PROKKA_01145
Description: ER05716_3A_prokka|PROKKA_01145
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01146
Name: ER05716_3A_prokka|PROKKA_01146
Description: ER05716_3A_prokka|PROKKA_01146
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01281
Name: ER05716_3A_prokka|PROKKA_01281
Description: ER05716_3A_prokka|PROKKA_01281
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01285
Name: ER05716_3A_prokka|PROKKA_01285
Description: ER05716_3A_prokka|PROKKA_01285
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01309
Name: ER05716_3A_prokka|PROKKA_01309
Description: ER05716_3A_prokka|PROKKA_01309
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01403
Name: ER05716_3A_prokka|PROKKA_01403
Description: ER05716_3A_prokka|PROKKA_01403
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01415
Name: ER05716_3A_prokka|PROKKA_01415
Description: ER05716_3A_prokka|PROKKA_01415
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01482
Name: ER05716_3A_prokka|PROKKA_01482
Description: ER05716_3A_prokka|PROKKA_01482
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01485
Name: ER05716_3A_prokka|PROKKA_01485
Description: ER05716_3A_prokka|PROKKA_01485
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01520
Name: ER05716_3A_prokka|PROKKA_01520
Description: ER05716_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01593
Name: ER05716_3A_prokka|PROKKA_01593
Description: ER05716_3A_prokka|PROKKA_01593
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01756
Name: ER05716_3A_prokka|PROKKA_01756
Description: ER05716_3A_prokka|PROKKA_01756
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01771
Name: ER05716_3A_prokka|PROKKA_01771
Description: ER05716_3A_prokka|PROKKA_01771
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01813
Name: ER05716_3A_prokka|PROKKA_01813
Description: ER05716_3A_prokka|PROKKA_01813
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01865
Name: ER05716_3A_prokka|PROKKA_01865
Description: ER05716_3A_prokka|PROKKA_01865
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01953
Name: ER05716_3A_prokka|PROKKA_01953
Description: ER05716_3A_prokka|PROKKA_01953
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01965
Name: ER05716_3A_prokka|PROKKA_01965
Description: ER05716_3A_prokka|PROKKA_01965
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_01967
Name: ER05716_3A_prokka|PROKKA_01967
Description: ER05716_3A_prokka|PROKKA_01967
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02017
Name: ER05716_3A_prokka|PROKKA_02017
Description: ER05716_3A_prokka|PROKKA_02017
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02143
Name: ER05716_3A_prokka|PROKKA_02143
Description: ER05716_3A_prokka|PROKKA_02143
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02156
Name: ER05716_3A_prokka|PROKKA_02156
Description: ER05716_3A_prokka|PROKKA_02156
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02187
Name: ER05716_3A_prokka|PROKKA_02187
Description: ER05716_3A_prokka|PROKKA_02187
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02341
Name: ER05716_3A_prokka|PROKKA_02341
Description: ER05716_3A_prokka|PROKKA_02341
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02405
Name: ER05716_3A_prokka|PROKKA_02405
Description: ER05716_3A_prokka|PROKKA_02405
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02519
Name: ER05716_3A_prokka|PROKKA_02519
Description: ER05716_3A_prokka|PROKKA_02519
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02532
Name: ER05716_3A_prokka|PROKKA_02532
Description: ER05716_3A_prokka|PROKKA_02532
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02534
Name: ER05716_3A_prokka|PROKKA_02534
Description: ER05716_3A_prokka|PROKKA_02534
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02537
Name: ER05716_3A_prokka|PROKKA_02537
Description: ER05716_3A_prokka|PROKKA_02537
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02544
Name: ER05716_3A_prokka|PROKKA_02544
Description: ER05716_3A_prokka|PROKKA_02544
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02582
Name: ER05716_3A_prokka|PROKKA_02582
Description: ER05716_3A_prokka|PROKKA_02582
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02666
Name: ER05716_3A_prokka|PROKKA_02666
Description: ER05716_3A_prokka|PROKKA_02666
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02684
Name: ER05716_3A_prokka|PROKKA_02684
Description: ER05716_3A_prokka|PROKKA_02684
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02697
Name: ER05716_3A_prokka|PROKKA_02697
Description: ER05716_3A_prokka|PROKKA_02697
Number of features: 0
Seq('MSTKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02710
Name: ER05716_3A_prokka|PROKKA_02710
Description: ER05716_3A_prokka|PROKKA_02710
Number of features: 0
Seq('MLQIVNYQQMDFQDSFFNTKIGGHKMTINLSETFANAKKRIY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02720
Name: ER05716_3A_prokka|PROKKA_02720
Description: ER05716_3A_prokka|PROKKA_02720
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02729
Name: ER05716_3A_prokka|PROKKA_02729
Description: ER05716_3A_prokka|PROKKA_02729
Number of features: 0
Seq('MNLIPRTSIVVYLKHMKHERQIRKYGLSFIQIEIVNL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02730
Name: ER05716_3A_prokka|PROKKA_02730
Description: ER05716_3A_prokka|PROKKA_02730
Number of features: 0
Seq('MKQTFITLGEGLTDLFEFMTMIEYNINVLIKLSIFIHHKLKIKSHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02731
Name: ER05716_3A_prokka|PROKKA_02731
Description: ER05716_3A_prokka|PROKKA_02731
Number of features: 0
Seq('MRVIAGKHKSKALESMEAVIRDQLWIKLKKVSLIVYMMCQV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02732
Name: ER05716_3A_prokka|PROKKA_02732
Description: ER05716_3A_prokka|PROKKA_02732
Number of features: 0
Seq('MDKVKEGIFNSLYDVSGIGLDLFAGSGRLE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02733
Name: ER05716_3A_prokka|PROKKA_02733
Description: ER05716_3A_prokka|PROKKA_02733
Number of features: 0
Seq('MSKRDIQFDVIFLDPPYNKGLIDKALKLISEFNLLKENGIIVCEFSNHEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02748
Name: ER05716_3A_prokka|PROKKA_02748
Description: ER05716_3A_prokka|PROKKA_02748
Number of features: 0
Seq('MEFNDFQNFFGELSNQAEKEFGGDSDFFRDRINKLKEDAPENVSYEIIIQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02749
Name: ER05716_3A_prokka|PROKKA_02749
Description: ER05716_3A_prokka|PROKKA_02749
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05716_3A_prokka|PROKKA_02778
Name: ER05716_3A_prokka|PROKKA_02778
Description: ER05716_3A_prokka|PROKKA_02778
Number of features: 0
Seq('MKVTNTIRFEEEKKNLIDNVVNTLEEYKDVIDSELRTIRNTNHLVMRNNLVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00003
Name: ER05718_3A_prokka|PROKKA_00003
Description: ER05718_3A_prokka|PROKKA_00003
Number of features: 0
Seq('MKVTNTIRFEEEKKNLIDNVVNTLEEYKDVIDSELRTIRNTNHLVMRNNLVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00050
Name: ER05718_3A_prokka|PROKKA_00050
Description: ER05718_3A_prokka|PROKKA_00050
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALSEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00106
Name: ER05718_3A_prokka|PROKKA_00106
Description: ER05718_3A_prokka|PROKKA_00106
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEILSERGVNVHHSTVYR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00110
Name: ER05718_3A_prokka|PROKKA_00110
Description: ER05718_3A_prokka|PROKKA_00110
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00119
Name: ER05718_3A_prokka|PROKKA_00119
Description: ER05718_3A_prokka|PROKKA_00119
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00132
Name: ER05718_3A_prokka|PROKKA_00132
Description: ER05718_3A_prokka|PROKKA_00132
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00135
Name: ER05718_3A_prokka|PROKKA_00135
Description: ER05718_3A_prokka|PROKKA_00135
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00300
Name: ER05718_3A_prokka|PROKKA_00300
Description: ER05718_3A_prokka|PROKKA_00300
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00397
Name: ER05718_3A_prokka|PROKKA_00397
Description: ER05718_3A_prokka|PROKKA_00397
Number of features: 0
Seq('MEKVFAIEYFIKKNENDNKITKVKILNFNH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00403
Name: ER05718_3A_prokka|PROKKA_00403
Description: ER05718_3A_prokka|PROKKA_00403
Number of features: 0
Seq('MNNWIRAAQLTVTIITEVIVIMKEVQDGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00447
Name: ER05718_3A_prokka|PROKKA_00447
Description: ER05718_3A_prokka|PROKKA_00447
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00465
Name: ER05718_3A_prokka|PROKKA_00465
Description: ER05718_3A_prokka|PROKKA_00465
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00630
Name: ER05718_3A_prokka|PROKKA_00630
Description: ER05718_3A_prokka|PROKKA_00630
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00883
Name: ER05718_3A_prokka|PROKKA_00883
Description: ER05718_3A_prokka|PROKKA_00883
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00895
Name: ER05718_3A_prokka|PROKKA_00895
Description: ER05718_3A_prokka|PROKKA_00895
Number of features: 0
Seq('MKMYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00912
Name: ER05718_3A_prokka|PROKKA_00912
Description: ER05718_3A_prokka|PROKKA_00912
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00913
Name: ER05718_3A_prokka|PROKKA_00913
Description: ER05718_3A_prokka|PROKKA_00913
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_00935
Name: ER05718_3A_prokka|PROKKA_00935
Description: ER05718_3A_prokka|PROKKA_00935
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01043
Name: ER05718_3A_prokka|PROKKA_01043
Description: ER05718_3A_prokka|PROKKA_01043
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01083
Name: ER05718_3A_prokka|PROKKA_01083
Description: ER05718_3A_prokka|PROKKA_01083
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01164
Name: ER05718_3A_prokka|PROKKA_01164
Description: ER05718_3A_prokka|PROKKA_01164
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01176
Name: ER05718_3A_prokka|PROKKA_01176
Description: ER05718_3A_prokka|PROKKA_01176
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01177
Name: ER05718_3A_prokka|PROKKA_01177
Description: ER05718_3A_prokka|PROKKA_01177
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01313
Name: ER05718_3A_prokka|PROKKA_01313
Description: ER05718_3A_prokka|PROKKA_01313
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01317
Name: ER05718_3A_prokka|PROKKA_01317
Description: ER05718_3A_prokka|PROKKA_01317
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01341
Name: ER05718_3A_prokka|PROKKA_01341
Description: ER05718_3A_prokka|PROKKA_01341
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01436
Name: ER05718_3A_prokka|PROKKA_01436
Description: ER05718_3A_prokka|PROKKA_01436
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01448
Name: ER05718_3A_prokka|PROKKA_01448
Description: ER05718_3A_prokka|PROKKA_01448
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01515
Name: ER05718_3A_prokka|PROKKA_01515
Description: ER05718_3A_prokka|PROKKA_01515
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01518
Name: ER05718_3A_prokka|PROKKA_01518
Description: ER05718_3A_prokka|PROKKA_01518
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01553
Name: ER05718_3A_prokka|PROKKA_01553
Description: ER05718_3A_prokka|PROKKA_01553
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01626
Name: ER05718_3A_prokka|PROKKA_01626
Description: ER05718_3A_prokka|PROKKA_01626
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01789
Name: ER05718_3A_prokka|PROKKA_01789
Description: ER05718_3A_prokka|PROKKA_01789
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01804
Name: ER05718_3A_prokka|PROKKA_01804
Description: ER05718_3A_prokka|PROKKA_01804
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01846
Name: ER05718_3A_prokka|PROKKA_01846
Description: ER05718_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01898
Name: ER05718_3A_prokka|PROKKA_01898
Description: ER05718_3A_prokka|PROKKA_01898
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01973
Name: ER05718_3A_prokka|PROKKA_01973
Description: ER05718_3A_prokka|PROKKA_01973
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01977
Name: ER05718_3A_prokka|PROKKA_01977
Description: ER05718_3A_prokka|PROKKA_01977
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_01993
Name: ER05718_3A_prokka|PROKKA_01993
Description: ER05718_3A_prokka|PROKKA_01993
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02011
Name: ER05718_3A_prokka|PROKKA_02011
Description: ER05718_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02050
Name: ER05718_3A_prokka|PROKKA_02050
Description: ER05718_3A_prokka|PROKKA_02050
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02061
Name: ER05718_3A_prokka|PROKKA_02061
Description: ER05718_3A_prokka|PROKKA_02061
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02063
Name: ER05718_3A_prokka|PROKKA_02063
Description: ER05718_3A_prokka|PROKKA_02063
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02113
Name: ER05718_3A_prokka|PROKKA_02113
Description: ER05718_3A_prokka|PROKKA_02113
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02239
Name: ER05718_3A_prokka|PROKKA_02239
Description: ER05718_3A_prokka|PROKKA_02239
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02252
Name: ER05718_3A_prokka|PROKKA_02252
Description: ER05718_3A_prokka|PROKKA_02252
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02283
Name: ER05718_3A_prokka|PROKKA_02283
Description: ER05718_3A_prokka|PROKKA_02283
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02437
Name: ER05718_3A_prokka|PROKKA_02437
Description: ER05718_3A_prokka|PROKKA_02437
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02501
Name: ER05718_3A_prokka|PROKKA_02501
Description: ER05718_3A_prokka|PROKKA_02501
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02623
Name: ER05718_3A_prokka|PROKKA_02623
Description: ER05718_3A_prokka|PROKKA_02623
Number of features: 0
Seq('MKDILVIGATGKQGNAVVKQLLEDGWFCCKVKNIANH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02625
Name: ER05718_3A_prokka|PROKKA_02625
Description: ER05718_3A_prokka|PROKKA_02625
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02628
Name: ER05718_3A_prokka|PROKKA_02628
Description: ER05718_3A_prokka|PROKKA_02628
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02635
Name: ER05718_3A_prokka|PROKKA_02635
Description: ER05718_3A_prokka|PROKKA_02635
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02674
Name: ER05718_3A_prokka|PROKKA_02674
Description: ER05718_3A_prokka|PROKKA_02674
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02758
Name: ER05718_3A_prokka|PROKKA_02758
Description: ER05718_3A_prokka|PROKKA_02758
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05718_3A_prokka|PROKKA_02765
Name: ER05718_3A_prokka|PROKKA_02765
Description: ER05718_3A_prokka|PROKKA_02765
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_00038
Name: ER05763_3A_prokka|PROKKA_00038
Description: ER05763_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_00059
Name: ER05763_3A_prokka|PROKKA_00059
Description: ER05763_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_00148
Name: ER05763_3A_prokka|PROKKA_00148
Description: ER05763_3A_prokka|PROKKA_00148
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_00246
Name: ER05763_3A_prokka|PROKKA_00246
Description: ER05763_3A_prokka|PROKKA_00246
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_00298
Name: ER05763_3A_prokka|PROKKA_00298
Description: ER05763_3A_prokka|PROKKA_00298
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_00396
Name: ER05763_3A_prokka|PROKKA_00396
Description: ER05763_3A_prokka|PROKKA_00396
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_00434
Name: ER05763_3A_prokka|PROKKA_00434
Description: ER05763_3A_prokka|PROKKA_00434
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_00564
Name: ER05763_3A_prokka|PROKKA_00564
Description: ER05763_3A_prokka|PROKKA_00564
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_00600
Name: ER05763_3A_prokka|PROKKA_00600
Description: ER05763_3A_prokka|PROKKA_00600
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_00818
Name: ER05763_3A_prokka|PROKKA_00818
Description: ER05763_3A_prokka|PROKKA_00818
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_00862
Name: ER05763_3A_prokka|PROKKA_00862
Description: ER05763_3A_prokka|PROKKA_00862
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_00970
Name: ER05763_3A_prokka|PROKKA_00970
Description: ER05763_3A_prokka|PROKKA_00970
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01009
Name: ER05763_3A_prokka|PROKKA_01009
Description: ER05763_3A_prokka|PROKKA_01009
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01089
Name: ER05763_3A_prokka|PROKKA_01089
Description: ER05763_3A_prokka|PROKKA_01089
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01102
Name: ER05763_3A_prokka|PROKKA_01102
Description: ER05763_3A_prokka|PROKKA_01102
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01103
Name: ER05763_3A_prokka|PROKKA_01103
Description: ER05763_3A_prokka|PROKKA_01103
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01238
Name: ER05763_3A_prokka|PROKKA_01238
Description: ER05763_3A_prokka|PROKKA_01238
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01242
Name: ER05763_3A_prokka|PROKKA_01242
Description: ER05763_3A_prokka|PROKKA_01242
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01246
Name: ER05763_3A_prokka|PROKKA_01246
Description: ER05763_3A_prokka|PROKKA_01246
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01248
Name: ER05763_3A_prokka|PROKKA_01248
Description: ER05763_3A_prokka|PROKKA_01248
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01272
Name: ER05763_3A_prokka|PROKKA_01272
Description: ER05763_3A_prokka|PROKKA_01272
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01367
Name: ER05763_3A_prokka|PROKKA_01367
Description: ER05763_3A_prokka|PROKKA_01367
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01379
Name: ER05763_3A_prokka|PROKKA_01379
Description: ER05763_3A_prokka|PROKKA_01379
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01429
Name: ER05763_3A_prokka|PROKKA_01429
Description: ER05763_3A_prokka|PROKKA_01429
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01438
Name: ER05763_3A_prokka|PROKKA_01438
Description: ER05763_3A_prokka|PROKKA_01438
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01458
Name: ER05763_3A_prokka|PROKKA_01458
Description: ER05763_3A_prokka|PROKKA_01458
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01486
Name: ER05763_3A_prokka|PROKKA_01486
Description: ER05763_3A_prokka|PROKKA_01486
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01513
Name: ER05763_3A_prokka|PROKKA_01513
Description: ER05763_3A_prokka|PROKKA_01513
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01550
Name: ER05763_3A_prokka|PROKKA_01550
Description: ER05763_3A_prokka|PROKKA_01550
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01621
Name: ER05763_3A_prokka|PROKKA_01621
Description: ER05763_3A_prokka|PROKKA_01621
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01786
Name: ER05763_3A_prokka|PROKKA_01786
Description: ER05763_3A_prokka|PROKKA_01786
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01793
Name: ER05763_3A_prokka|PROKKA_01793
Description: ER05763_3A_prokka|PROKKA_01793
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01812
Name: ER05763_3A_prokka|PROKKA_01812
Description: ER05763_3A_prokka|PROKKA_01812
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01847
Name: ER05763_3A_prokka|PROKKA_01847
Description: ER05763_3A_prokka|PROKKA_01847
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01899
Name: ER05763_3A_prokka|PROKKA_01899
Description: ER05763_3A_prokka|PROKKA_01899
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01971
Name: ER05763_3A_prokka|PROKKA_01971
Description: ER05763_3A_prokka|PROKKA_01971
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01973
Name: ER05763_3A_prokka|PROKKA_01973
Description: ER05763_3A_prokka|PROKKA_01973
Number of features: 0
Seq('MLSEKSFGSNYFNVDSGYSELIIQPENVFDTTVKWQDRYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01976
Name: ER05763_3A_prokka|PROKKA_01976
Description: ER05763_3A_prokka|PROKKA_01976
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_01992
Name: ER05763_3A_prokka|PROKKA_01992
Description: ER05763_3A_prokka|PROKKA_01992
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_02012
Name: ER05763_3A_prokka|PROKKA_02012
Description: ER05763_3A_prokka|PROKKA_02012
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_02042
Name: ER05763_3A_prokka|PROKKA_02042
Description: ER05763_3A_prokka|PROKKA_02042
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_02044
Name: ER05763_3A_prokka|PROKKA_02044
Description: ER05763_3A_prokka|PROKKA_02044
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_02094
Name: ER05763_3A_prokka|PROKKA_02094
Description: ER05763_3A_prokka|PROKKA_02094
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_02214
Name: ER05763_3A_prokka|PROKKA_02214
Description: ER05763_3A_prokka|PROKKA_02214
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_02238
Name: ER05763_3A_prokka|PROKKA_02238
Description: ER05763_3A_prokka|PROKKA_02238
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_02269
Name: ER05763_3A_prokka|PROKKA_02269
Description: ER05763_3A_prokka|PROKKA_02269
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_02424
Name: ER05763_3A_prokka|PROKKA_02424
Description: ER05763_3A_prokka|PROKKA_02424
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_02633
Name: ER05763_3A_prokka|PROKKA_02633
Description: ER05763_3A_prokka|PROKKA_02633
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_02720
Name: ER05763_3A_prokka|PROKKA_02720
Description: ER05763_3A_prokka|PROKKA_02720
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05763_3A_prokka|PROKKA_02735
Name: ER05763_3A_prokka|PROKKA_02735
Description: ER05763_3A_prokka|PROKKA_02735
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00016
Name: ER05770_3A_prokka|PROKKA_00016
Description: ER05770_3A_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00084
Name: ER05770_3A_prokka|PROKKA_00084
Description: ER05770_3A_prokka|PROKKA_00084
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00103
Name: ER05770_3A_prokka|PROKKA_00103
Description: ER05770_3A_prokka|PROKKA_00103
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00269
Name: ER05770_3A_prokka|PROKKA_00269
Description: ER05770_3A_prokka|PROKKA_00269
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00305
Name: ER05770_3A_prokka|PROKKA_00305
Description: ER05770_3A_prokka|PROKKA_00305
Number of features: 0
Seq('MVKNHNPKNEMQDMLTPLDAEEAAKTKLRLDMREIPKSSIKPEHFHLMYLLE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00394
Name: ER05770_3A_prokka|PROKKA_00394
Description: ER05770_3A_prokka|PROKKA_00394
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00411
Name: ER05770_3A_prokka|PROKKA_00411
Description: ER05770_3A_prokka|PROKKA_00411
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00578
Name: ER05770_3A_prokka|PROKKA_00578
Description: ER05770_3A_prokka|PROKKA_00578
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00807
Name: ER05770_3A_prokka|PROKKA_00807
Description: ER05770_3A_prokka|PROKKA_00807
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00838
Name: ER05770_3A_prokka|PROKKA_00838
Description: ER05770_3A_prokka|PROKKA_00838
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00842
Name: ER05770_3A_prokka|PROKKA_00842
Description: ER05770_3A_prokka|PROKKA_00842
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00858
Name: ER05770_3A_prokka|PROKKA_00858
Description: ER05770_3A_prokka|PROKKA_00858
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00889
Name: ER05770_3A_prokka|PROKKA_00889
Description: ER05770_3A_prokka|PROKKA_00889
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00890
Name: ER05770_3A_prokka|PROKKA_00890
Description: ER05770_3A_prokka|PROKKA_00890
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_00905
Name: ER05770_3A_prokka|PROKKA_00905
Description: ER05770_3A_prokka|PROKKA_00905
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01010
Name: ER05770_3A_prokka|PROKKA_01010
Description: ER05770_3A_prokka|PROKKA_01010
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01049
Name: ER05770_3A_prokka|PROKKA_01049
Description: ER05770_3A_prokka|PROKKA_01049
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01050
Name: ER05770_3A_prokka|PROKKA_01050
Description: ER05770_3A_prokka|PROKKA_01050
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01131
Name: ER05770_3A_prokka|PROKKA_01131
Description: ER05770_3A_prokka|PROKKA_01131
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01143
Name: ER05770_3A_prokka|PROKKA_01143
Description: ER05770_3A_prokka|PROKKA_01143
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01144
Name: ER05770_3A_prokka|PROKKA_01144
Description: ER05770_3A_prokka|PROKKA_01144
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01214
Name: ER05770_3A_prokka|PROKKA_01214
Description: ER05770_3A_prokka|PROKKA_01214
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01217
Name: ER05770_3A_prokka|PROKKA_01217
Description: ER05770_3A_prokka|PROKKA_01217
Number of features: 0
Seq('MSEEMATYWFNKMYELGIIHEVLRQEGVIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01218
Name: ER05770_3A_prokka|PROKKA_01218
Description: ER05770_3A_prokka|PROKKA_01218
Number of features: 0
Seq('MSKTYKSYLIAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01229
Name: ER05770_3A_prokka|PROKKA_01229
Description: ER05770_3A_prokka|PROKKA_01229
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01253
Name: ER05770_3A_prokka|PROKKA_01253
Description: ER05770_3A_prokka|PROKKA_01253
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01275
Name: ER05770_3A_prokka|PROKKA_01275
Description: ER05770_3A_prokka|PROKKA_01275
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01276
Name: ER05770_3A_prokka|PROKKA_01276
Description: ER05770_3A_prokka|PROKKA_01276
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIVRKTHFYYLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01351
Name: ER05770_3A_prokka|PROKKA_01351
Description: ER05770_3A_prokka|PROKKA_01351
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01355
Name: ER05770_3A_prokka|PROKKA_01355
Description: ER05770_3A_prokka|PROKKA_01355
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01379
Name: ER05770_3A_prokka|PROKKA_01379
Description: ER05770_3A_prokka|PROKKA_01379
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01472
Name: ER05770_3A_prokka|PROKKA_01472
Description: ER05770_3A_prokka|PROKKA_01472
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01484
Name: ER05770_3A_prokka|PROKKA_01484
Description: ER05770_3A_prokka|PROKKA_01484
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01531
Name: ER05770_3A_prokka|PROKKA_01531
Description: ER05770_3A_prokka|PROKKA_01531
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01539
Name: ER05770_3A_prokka|PROKKA_01539
Description: ER05770_3A_prokka|PROKKA_01539
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01558
Name: ER05770_3A_prokka|PROKKA_01558
Description: ER05770_3A_prokka|PROKKA_01558
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01573
Name: ER05770_3A_prokka|PROKKA_01573
Description: ER05770_3A_prokka|PROKKA_01573
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01581
Name: ER05770_3A_prokka|PROKKA_01581
Description: ER05770_3A_prokka|PROKKA_01581
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01586
Name: ER05770_3A_prokka|PROKKA_01586
Description: ER05770_3A_prokka|PROKKA_01586
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01613
Name: ER05770_3A_prokka|PROKKA_01613
Description: ER05770_3A_prokka|PROKKA_01613
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01616
Name: ER05770_3A_prokka|PROKKA_01616
Description: ER05770_3A_prokka|PROKKA_01616
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01651
Name: ER05770_3A_prokka|PROKKA_01651
Description: ER05770_3A_prokka|PROKKA_01651
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01724
Name: ER05770_3A_prokka|PROKKA_01724
Description: ER05770_3A_prokka|PROKKA_01724
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01894
Name: ER05770_3A_prokka|PROKKA_01894
Description: ER05770_3A_prokka|PROKKA_01894
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01908
Name: ER05770_3A_prokka|PROKKA_01908
Description: ER05770_3A_prokka|PROKKA_01908
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_01950
Name: ER05770_3A_prokka|PROKKA_01950
Description: ER05770_3A_prokka|PROKKA_01950
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02002
Name: ER05770_3A_prokka|PROKKA_02002
Description: ER05770_3A_prokka|PROKKA_02002
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02074
Name: ER05770_3A_prokka|PROKKA_02074
Description: ER05770_3A_prokka|PROKKA_02074
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02078
Name: ER05770_3A_prokka|PROKKA_02078
Description: ER05770_3A_prokka|PROKKA_02078
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02094
Name: ER05770_3A_prokka|PROKKA_02094
Description: ER05770_3A_prokka|PROKKA_02094
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02112
Name: ER05770_3A_prokka|PROKKA_02112
Description: ER05770_3A_prokka|PROKKA_02112
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02118
Name: ER05770_3A_prokka|PROKKA_02118
Description: ER05770_3A_prokka|PROKKA_02118
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02123
Name: ER05770_3A_prokka|PROKKA_02123
Description: ER05770_3A_prokka|PROKKA_02123
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02139
Name: ER05770_3A_prokka|PROKKA_02139
Description: ER05770_3A_prokka|PROKKA_02139
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02141
Name: ER05770_3A_prokka|PROKKA_02141
Description: ER05770_3A_prokka|PROKKA_02141
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02151
Name: ER05770_3A_prokka|PROKKA_02151
Description: ER05770_3A_prokka|PROKKA_02151
Number of features: 0
Seq('MILLQLNHISKSFDGEDIFTDVDFEVKTGERIGIVGRNGAGKST', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02192
Name: ER05770_3A_prokka|PROKKA_02192
Description: ER05770_3A_prokka|PROKKA_02192
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02319
Name: ER05770_3A_prokka|PROKKA_02319
Description: ER05770_3A_prokka|PROKKA_02319
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02332
Name: ER05770_3A_prokka|PROKKA_02332
Description: ER05770_3A_prokka|PROKKA_02332
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02364
Name: ER05770_3A_prokka|PROKKA_02364
Description: ER05770_3A_prokka|PROKKA_02364
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02509
Name: ER05770_3A_prokka|PROKKA_02509
Description: ER05770_3A_prokka|PROKKA_02509
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02518
Name: ER05770_3A_prokka|PROKKA_02518
Description: ER05770_3A_prokka|PROKKA_02518
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02582
Name: ER05770_3A_prokka|PROKKA_02582
Description: ER05770_3A_prokka|PROKKA_02582
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02690
Name: ER05770_3A_prokka|PROKKA_02690
Description: ER05770_3A_prokka|PROKKA_02690
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02728
Name: ER05770_3A_prokka|PROKKA_02728
Description: ER05770_3A_prokka|PROKKA_02728
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05770_3A_prokka|PROKKA_02812
Name: ER05770_3A_prokka|PROKKA_02812
Description: ER05770_3A_prokka|PROKKA_02812
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00039
Name: ER05786_3A_prokka|PROKKA_00039
Description: ER05786_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00042
Name: ER05786_3A_prokka|PROKKA_00042
Description: ER05786_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00046
Name: ER05786_3A_prokka|PROKKA_00046
Description: ER05786_3A_prokka|PROKKA_00046
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00067
Name: ER05786_3A_prokka|PROKKA_00067
Description: ER05786_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00085
Name: ER05786_3A_prokka|PROKKA_00085
Description: ER05786_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00209
Name: ER05786_3A_prokka|PROKKA_00209
Description: ER05786_3A_prokka|PROKKA_00209
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00253
Name: ER05786_3A_prokka|PROKKA_00253
Description: ER05786_3A_prokka|PROKKA_00253
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00377
Name: ER05786_3A_prokka|PROKKA_00377
Description: ER05786_3A_prokka|PROKKA_00377
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00394
Name: ER05786_3A_prokka|PROKKA_00394
Description: ER05786_3A_prokka|PROKKA_00394
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00560
Name: ER05786_3A_prokka|PROKKA_00560
Description: ER05786_3A_prokka|PROKKA_00560
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00789
Name: ER05786_3A_prokka|PROKKA_00789
Description: ER05786_3A_prokka|PROKKA_00789
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00816
Name: ER05786_3A_prokka|PROKKA_00816
Description: ER05786_3A_prokka|PROKKA_00816
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00921
Name: ER05786_3A_prokka|PROKKA_00921
Description: ER05786_3A_prokka|PROKKA_00921
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00960
Name: ER05786_3A_prokka|PROKKA_00960
Description: ER05786_3A_prokka|PROKKA_00960
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_00961
Name: ER05786_3A_prokka|PROKKA_00961
Description: ER05786_3A_prokka|PROKKA_00961
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01043
Name: ER05786_3A_prokka|PROKKA_01043
Description: ER05786_3A_prokka|PROKKA_01043
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01055
Name: ER05786_3A_prokka|PROKKA_01055
Description: ER05786_3A_prokka|PROKKA_01055
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01056
Name: ER05786_3A_prokka|PROKKA_01056
Description: ER05786_3A_prokka|PROKKA_01056
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01192
Name: ER05786_3A_prokka|PROKKA_01192
Description: ER05786_3A_prokka|PROKKA_01192
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01196
Name: ER05786_3A_prokka|PROKKA_01196
Description: ER05786_3A_prokka|PROKKA_01196
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01220
Name: ER05786_3A_prokka|PROKKA_01220
Description: ER05786_3A_prokka|PROKKA_01220
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01313
Name: ER05786_3A_prokka|PROKKA_01313
Description: ER05786_3A_prokka|PROKKA_01313
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01325
Name: ER05786_3A_prokka|PROKKA_01325
Description: ER05786_3A_prokka|PROKKA_01325
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01372
Name: ER05786_3A_prokka|PROKKA_01372
Description: ER05786_3A_prokka|PROKKA_01372
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01380
Name: ER05786_3A_prokka|PROKKA_01380
Description: ER05786_3A_prokka|PROKKA_01380
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01399
Name: ER05786_3A_prokka|PROKKA_01399
Description: ER05786_3A_prokka|PROKKA_01399
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01414
Name: ER05786_3A_prokka|PROKKA_01414
Description: ER05786_3A_prokka|PROKKA_01414
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01422
Name: ER05786_3A_prokka|PROKKA_01422
Description: ER05786_3A_prokka|PROKKA_01422
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01427
Name: ER05786_3A_prokka|PROKKA_01427
Description: ER05786_3A_prokka|PROKKA_01427
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01454
Name: ER05786_3A_prokka|PROKKA_01454
Description: ER05786_3A_prokka|PROKKA_01454
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01457
Name: ER05786_3A_prokka|PROKKA_01457
Description: ER05786_3A_prokka|PROKKA_01457
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01492
Name: ER05786_3A_prokka|PROKKA_01492
Description: ER05786_3A_prokka|PROKKA_01492
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01566
Name: ER05786_3A_prokka|PROKKA_01566
Description: ER05786_3A_prokka|PROKKA_01566
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01735
Name: ER05786_3A_prokka|PROKKA_01735
Description: ER05786_3A_prokka|PROKKA_01735
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01749
Name: ER05786_3A_prokka|PROKKA_01749
Description: ER05786_3A_prokka|PROKKA_01749
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01791
Name: ER05786_3A_prokka|PROKKA_01791
Description: ER05786_3A_prokka|PROKKA_01791
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01843
Name: ER05786_3A_prokka|PROKKA_01843
Description: ER05786_3A_prokka|PROKKA_01843
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01845
Name: ER05786_3A_prokka|PROKKA_01845
Description: ER05786_3A_prokka|PROKKA_01845
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01846
Name: ER05786_3A_prokka|PROKKA_01846
Description: ER05786_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01876
Name: ER05786_3A_prokka|PROKKA_01876
Description: ER05786_3A_prokka|PROKKA_01876
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01898
Name: ER05786_3A_prokka|PROKKA_01898
Description: ER05786_3A_prokka|PROKKA_01898
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01903
Name: ER05786_3A_prokka|PROKKA_01903
Description: ER05786_3A_prokka|PROKKA_01903
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01979
Name: ER05786_3A_prokka|PROKKA_01979
Description: ER05786_3A_prokka|PROKKA_01979
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01983
Name: ER05786_3A_prokka|PROKKA_01983
Description: ER05786_3A_prokka|PROKKA_01983
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_01999
Name: ER05786_3A_prokka|PROKKA_01999
Description: ER05786_3A_prokka|PROKKA_01999
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02017
Name: ER05786_3A_prokka|PROKKA_02017
Description: ER05786_3A_prokka|PROKKA_02017
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02043
Name: ER05786_3A_prokka|PROKKA_02043
Description: ER05786_3A_prokka|PROKKA_02043
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02045
Name: ER05786_3A_prokka|PROKKA_02045
Description: ER05786_3A_prokka|PROKKA_02045
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02097
Name: ER05786_3A_prokka|PROKKA_02097
Description: ER05786_3A_prokka|PROKKA_02097
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02205
Name: ER05786_3A_prokka|PROKKA_02205
Description: ER05786_3A_prokka|PROKKA_02205
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02224
Name: ER05786_3A_prokka|PROKKA_02224
Description: ER05786_3A_prokka|PROKKA_02224
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02237
Name: ER05786_3A_prokka|PROKKA_02237
Description: ER05786_3A_prokka|PROKKA_02237
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02269
Name: ER05786_3A_prokka|PROKKA_02269
Description: ER05786_3A_prokka|PROKKA_02269
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02414
Name: ER05786_3A_prokka|PROKKA_02414
Description: ER05786_3A_prokka|PROKKA_02414
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02423
Name: ER05786_3A_prokka|PROKKA_02423
Description: ER05786_3A_prokka|PROKKA_02423
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02487
Name: ER05786_3A_prokka|PROKKA_02487
Description: ER05786_3A_prokka|PROKKA_02487
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02595
Name: ER05786_3A_prokka|PROKKA_02595
Description: ER05786_3A_prokka|PROKKA_02595
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02633
Name: ER05786_3A_prokka|PROKKA_02633
Description: ER05786_3A_prokka|PROKKA_02633
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02717
Name: ER05786_3A_prokka|PROKKA_02717
Description: ER05786_3A_prokka|PROKKA_02717
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05786_3A_prokka|PROKKA_02733
Name: ER05786_3A_prokka|PROKKA_02733
Description: ER05786_3A_prokka|PROKKA_02733
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00003
Name: ER05857_3A_prokka|PROKKA_00003
Description: ER05857_3A_prokka|PROKKA_00003
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00014
Name: ER05857_3A_prokka|PROKKA_00014
Description: ER05857_3A_prokka|PROKKA_00014
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00018
Name: ER05857_3A_prokka|PROKKA_00018
Description: ER05857_3A_prokka|PROKKA_00018
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00084
Name: ER05857_3A_prokka|PROKKA_00084
Description: ER05857_3A_prokka|PROKKA_00084
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00102
Name: ER05857_3A_prokka|PROKKA_00102
Description: ER05857_3A_prokka|PROKKA_00102
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00271
Name: ER05857_3A_prokka|PROKKA_00271
Description: ER05857_3A_prokka|PROKKA_00271
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00395
Name: ER05857_3A_prokka|PROKKA_00395
Description: ER05857_3A_prokka|PROKKA_00395
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00412
Name: ER05857_3A_prokka|PROKKA_00412
Description: ER05857_3A_prokka|PROKKA_00412
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00579
Name: ER05857_3A_prokka|PROKKA_00579
Description: ER05857_3A_prokka|PROKKA_00579
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00809
Name: ER05857_3A_prokka|PROKKA_00809
Description: ER05857_3A_prokka|PROKKA_00809
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00840
Name: ER05857_3A_prokka|PROKKA_00840
Description: ER05857_3A_prokka|PROKKA_00840
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00844
Name: ER05857_3A_prokka|PROKKA_00844
Description: ER05857_3A_prokka|PROKKA_00844
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00859
Name: ER05857_3A_prokka|PROKKA_00859
Description: ER05857_3A_prokka|PROKKA_00859
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00891
Name: ER05857_3A_prokka|PROKKA_00891
Description: ER05857_3A_prokka|PROKKA_00891
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00892
Name: ER05857_3A_prokka|PROKKA_00892
Description: ER05857_3A_prokka|PROKKA_00892
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_00907
Name: ER05857_3A_prokka|PROKKA_00907
Description: ER05857_3A_prokka|PROKKA_00907
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01012
Name: ER05857_3A_prokka|PROKKA_01012
Description: ER05857_3A_prokka|PROKKA_01012
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01051
Name: ER05857_3A_prokka|PROKKA_01051
Description: ER05857_3A_prokka|PROKKA_01051
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01052
Name: ER05857_3A_prokka|PROKKA_01052
Description: ER05857_3A_prokka|PROKKA_01052
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01133
Name: ER05857_3A_prokka|PROKKA_01133
Description: ER05857_3A_prokka|PROKKA_01133
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01145
Name: ER05857_3A_prokka|PROKKA_01145
Description: ER05857_3A_prokka|PROKKA_01145
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01146
Name: ER05857_3A_prokka|PROKKA_01146
Description: ER05857_3A_prokka|PROKKA_01146
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01284
Name: ER05857_3A_prokka|PROKKA_01284
Description: ER05857_3A_prokka|PROKKA_01284
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01288
Name: ER05857_3A_prokka|PROKKA_01288
Description: ER05857_3A_prokka|PROKKA_01288
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01312
Name: ER05857_3A_prokka|PROKKA_01312
Description: ER05857_3A_prokka|PROKKA_01312
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01406
Name: ER05857_3A_prokka|PROKKA_01406
Description: ER05857_3A_prokka|PROKKA_01406
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01418
Name: ER05857_3A_prokka|PROKKA_01418
Description: ER05857_3A_prokka|PROKKA_01418
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01465
Name: ER05857_3A_prokka|PROKKA_01465
Description: ER05857_3A_prokka|PROKKA_01465
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01473
Name: ER05857_3A_prokka|PROKKA_01473
Description: ER05857_3A_prokka|PROKKA_01473
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01492
Name: ER05857_3A_prokka|PROKKA_01492
Description: ER05857_3A_prokka|PROKKA_01492
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01507
Name: ER05857_3A_prokka|PROKKA_01507
Description: ER05857_3A_prokka|PROKKA_01507
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01515
Name: ER05857_3A_prokka|PROKKA_01515
Description: ER05857_3A_prokka|PROKKA_01515
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01520
Name: ER05857_3A_prokka|PROKKA_01520
Description: ER05857_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01547
Name: ER05857_3A_prokka|PROKKA_01547
Description: ER05857_3A_prokka|PROKKA_01547
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01550
Name: ER05857_3A_prokka|PROKKA_01550
Description: ER05857_3A_prokka|PROKKA_01550
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01586
Name: ER05857_3A_prokka|PROKKA_01586
Description: ER05857_3A_prokka|PROKKA_01586
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01661
Name: ER05857_3A_prokka|PROKKA_01661
Description: ER05857_3A_prokka|PROKKA_01661
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01830
Name: ER05857_3A_prokka|PROKKA_01830
Description: ER05857_3A_prokka|PROKKA_01830
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01845
Name: ER05857_3A_prokka|PROKKA_01845
Description: ER05857_3A_prokka|PROKKA_01845
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01887
Name: ER05857_3A_prokka|PROKKA_01887
Description: ER05857_3A_prokka|PROKKA_01887
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_01939
Name: ER05857_3A_prokka|PROKKA_01939
Description: ER05857_3A_prokka|PROKKA_01939
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02011
Name: ER05857_3A_prokka|PROKKA_02011
Description: ER05857_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02015
Name: ER05857_3A_prokka|PROKKA_02015
Description: ER05857_3A_prokka|PROKKA_02015
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02031
Name: ER05857_3A_prokka|PROKKA_02031
Description: ER05857_3A_prokka|PROKKA_02031
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02049
Name: ER05857_3A_prokka|PROKKA_02049
Description: ER05857_3A_prokka|PROKKA_02049
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02055
Name: ER05857_3A_prokka|PROKKA_02055
Description: ER05857_3A_prokka|PROKKA_02055
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02060
Name: ER05857_3A_prokka|PROKKA_02060
Description: ER05857_3A_prokka|PROKKA_02060
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02076
Name: ER05857_3A_prokka|PROKKA_02076
Description: ER05857_3A_prokka|PROKKA_02076
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02078
Name: ER05857_3A_prokka|PROKKA_02078
Description: ER05857_3A_prokka|PROKKA_02078
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02128
Name: ER05857_3A_prokka|PROKKA_02128
Description: ER05857_3A_prokka|PROKKA_02128
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02253
Name: ER05857_3A_prokka|PROKKA_02253
Description: ER05857_3A_prokka|PROKKA_02253
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02266
Name: ER05857_3A_prokka|PROKKA_02266
Description: ER05857_3A_prokka|PROKKA_02266
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02297
Name: ER05857_3A_prokka|PROKKA_02297
Description: ER05857_3A_prokka|PROKKA_02297
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02451
Name: ER05857_3A_prokka|PROKKA_02451
Description: ER05857_3A_prokka|PROKKA_02451
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02515
Name: ER05857_3A_prokka|PROKKA_02515
Description: ER05857_3A_prokka|PROKKA_02515
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02624
Name: ER05857_3A_prokka|PROKKA_02624
Description: ER05857_3A_prokka|PROKKA_02624
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02663
Name: ER05857_3A_prokka|PROKKA_02663
Description: ER05857_3A_prokka|PROKKA_02663
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05857_3A_prokka|PROKKA_02747
Name: ER05857_3A_prokka|PROKKA_02747
Description: ER05857_3A_prokka|PROKKA_02747
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00040
Name: ER05911_3A_prokka|PROKKA_00040
Description: ER05911_3A_prokka|PROKKA_00040
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00043
Name: ER05911_3A_prokka|PROKKA_00043
Description: ER05911_3A_prokka|PROKKA_00043
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00047
Name: ER05911_3A_prokka|PROKKA_00047
Description: ER05911_3A_prokka|PROKKA_00047
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00068
Name: ER05911_3A_prokka|PROKKA_00068
Description: ER05911_3A_prokka|PROKKA_00068
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00086
Name: ER05911_3A_prokka|PROKKA_00086
Description: ER05911_3A_prokka|PROKKA_00086
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00253
Name: ER05911_3A_prokka|PROKKA_00253
Description: ER05911_3A_prokka|PROKKA_00253
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00377
Name: ER05911_3A_prokka|PROKKA_00377
Description: ER05911_3A_prokka|PROKKA_00377
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00394
Name: ER05911_3A_prokka|PROKKA_00394
Description: ER05911_3A_prokka|PROKKA_00394
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00560
Name: ER05911_3A_prokka|PROKKA_00560
Description: ER05911_3A_prokka|PROKKA_00560
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00679
Name: ER05911_3A_prokka|PROKKA_00679
Description: ER05911_3A_prokka|PROKKA_00679
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00790
Name: ER05911_3A_prokka|PROKKA_00790
Description: ER05911_3A_prokka|PROKKA_00790
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00821
Name: ER05911_3A_prokka|PROKKA_00821
Description: ER05911_3A_prokka|PROKKA_00821
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00825
Name: ER05911_3A_prokka|PROKKA_00825
Description: ER05911_3A_prokka|PROKKA_00825
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00841
Name: ER05911_3A_prokka|PROKKA_00841
Description: ER05911_3A_prokka|PROKKA_00841
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00871
Name: ER05911_3A_prokka|PROKKA_00871
Description: ER05911_3A_prokka|PROKKA_00871
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00872
Name: ER05911_3A_prokka|PROKKA_00872
Description: ER05911_3A_prokka|PROKKA_00872
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00874
Name: ER05911_3A_prokka|PROKKA_00874
Description: ER05911_3A_prokka|PROKKA_00874
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00926
Name: ER05911_3A_prokka|PROKKA_00926
Description: ER05911_3A_prokka|PROKKA_00926
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00968
Name: ER05911_3A_prokka|PROKKA_00968
Description: ER05911_3A_prokka|PROKKA_00968
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00982
Name: ER05911_3A_prokka|PROKKA_00982
Description: ER05911_3A_prokka|PROKKA_00982
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_00994
Name: ER05911_3A_prokka|PROKKA_00994
Description: ER05911_3A_prokka|PROKKA_00994
Number of features: 0
Seq('MDFIKRKRMPIESFTHQFEEITYLSDDLQVKALMMTPHHEVNRIVVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01152
Name: ER05911_3A_prokka|PROKKA_01152
Description: ER05911_3A_prokka|PROKKA_01152
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01226
Name: ER05911_3A_prokka|PROKKA_01226
Description: ER05911_3A_prokka|PROKKA_01226
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01261
Name: ER05911_3A_prokka|PROKKA_01261
Description: ER05911_3A_prokka|PROKKA_01261
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01264
Name: ER05911_3A_prokka|PROKKA_01264
Description: ER05911_3A_prokka|PROKKA_01264
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01291
Name: ER05911_3A_prokka|PROKKA_01291
Description: ER05911_3A_prokka|PROKKA_01291
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01296
Name: ER05911_3A_prokka|PROKKA_01296
Description: ER05911_3A_prokka|PROKKA_01296
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01304
Name: ER05911_3A_prokka|PROKKA_01304
Description: ER05911_3A_prokka|PROKKA_01304
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01319
Name: ER05911_3A_prokka|PROKKA_01319
Description: ER05911_3A_prokka|PROKKA_01319
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01338
Name: ER05911_3A_prokka|PROKKA_01338
Description: ER05911_3A_prokka|PROKKA_01338
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01346
Name: ER05911_3A_prokka|PROKKA_01346
Description: ER05911_3A_prokka|PROKKA_01346
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01393
Name: ER05911_3A_prokka|PROKKA_01393
Description: ER05911_3A_prokka|PROKKA_01393
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01405
Name: ER05911_3A_prokka|PROKKA_01405
Description: ER05911_3A_prokka|PROKKA_01405
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01498
Name: ER05911_3A_prokka|PROKKA_01498
Description: ER05911_3A_prokka|PROKKA_01498
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01522
Name: ER05911_3A_prokka|PROKKA_01522
Description: ER05911_3A_prokka|PROKKA_01522
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01526
Name: ER05911_3A_prokka|PROKKA_01526
Description: ER05911_3A_prokka|PROKKA_01526
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01662
Name: ER05911_3A_prokka|PROKKA_01662
Description: ER05911_3A_prokka|PROKKA_01662
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01663
Name: ER05911_3A_prokka|PROKKA_01663
Description: ER05911_3A_prokka|PROKKA_01663
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01675
Name: ER05911_3A_prokka|PROKKA_01675
Description: ER05911_3A_prokka|PROKKA_01675
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01741
Name: ER05911_3A_prokka|PROKKA_01741
Description: ER05911_3A_prokka|PROKKA_01741
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01760
Name: ER05911_3A_prokka|PROKKA_01760
Description: ER05911_3A_prokka|PROKKA_01760
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01761
Name: ER05911_3A_prokka|PROKKA_01761
Description: ER05911_3A_prokka|PROKKA_01761
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01769
Name: ER05911_3A_prokka|PROKKA_01769
Description: ER05911_3A_prokka|PROKKA_01769
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01818
Name: ER05911_3A_prokka|PROKKA_01818
Description: ER05911_3A_prokka|PROKKA_01818
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKNRRY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01819
Name: ER05911_3A_prokka|PROKKA_01819
Description: ER05911_3A_prokka|PROKKA_01819
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01836
Name: ER05911_3A_prokka|PROKKA_01836
Description: ER05911_3A_prokka|PROKKA_01836
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01859
Name: ER05911_3A_prokka|PROKKA_01859
Description: ER05911_3A_prokka|PROKKA_01859
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01964
Name: ER05911_3A_prokka|PROKKA_01964
Description: ER05911_3A_prokka|PROKKA_01964
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01979
Name: ER05911_3A_prokka|PROKKA_01979
Description: ER05911_3A_prokka|PROKKA_01979
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_01980
Name: ER05911_3A_prokka|PROKKA_01980
Description: ER05911_3A_prokka|PROKKA_01980
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02011
Name: ER05911_3A_prokka|PROKKA_02011
Description: ER05911_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02037
Name: ER05911_3A_prokka|PROKKA_02037
Description: ER05911_3A_prokka|PROKKA_02037
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02042
Name: ER05911_3A_prokka|PROKKA_02042
Description: ER05911_3A_prokka|PROKKA_02042
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02118
Name: ER05911_3A_prokka|PROKKA_02118
Description: ER05911_3A_prokka|PROKKA_02118
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02120
Name: ER05911_3A_prokka|PROKKA_02120
Description: ER05911_3A_prokka|PROKKA_02120
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02172
Name: ER05911_3A_prokka|PROKKA_02172
Description: ER05911_3A_prokka|PROKKA_02172
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02280
Name: ER05911_3A_prokka|PROKKA_02280
Description: ER05911_3A_prokka|PROKKA_02280
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02299
Name: ER05911_3A_prokka|PROKKA_02299
Description: ER05911_3A_prokka|PROKKA_02299
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02312
Name: ER05911_3A_prokka|PROKKA_02312
Description: ER05911_3A_prokka|PROKKA_02312
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02344
Name: ER05911_3A_prokka|PROKKA_02344
Description: ER05911_3A_prokka|PROKKA_02344
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02491
Name: ER05911_3A_prokka|PROKKA_02491
Description: ER05911_3A_prokka|PROKKA_02491
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02500
Name: ER05911_3A_prokka|PROKKA_02500
Description: ER05911_3A_prokka|PROKKA_02500
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02564
Name: ER05911_3A_prokka|PROKKA_02564
Description: ER05911_3A_prokka|PROKKA_02564
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02672
Name: ER05911_3A_prokka|PROKKA_02672
Description: ER05911_3A_prokka|PROKKA_02672
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02710
Name: ER05911_3A_prokka|PROKKA_02710
Description: ER05911_3A_prokka|PROKKA_02710
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02794
Name: ER05911_3A_prokka|PROKKA_02794
Description: ER05911_3A_prokka|PROKKA_02794
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05911_3A_prokka|PROKKA_02810
Name: ER05911_3A_prokka|PROKKA_02810
Description: ER05911_3A_prokka|PROKKA_02810
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00023
Name: ER05916_3A_prokka|PROKKA_00023
Description: ER05916_3A_prokka|PROKKA_00023
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00079
Name: ER05916_3A_prokka|PROKKA_00079
Description: ER05916_3A_prokka|PROKKA_00079
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00088
Name: ER05916_3A_prokka|PROKKA_00088
Description: ER05916_3A_prokka|PROKKA_00088
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00109
Name: ER05916_3A_prokka|PROKKA_00109
Description: ER05916_3A_prokka|PROKKA_00109
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00199
Name: ER05916_3A_prokka|PROKKA_00199
Description: ER05916_3A_prokka|PROKKA_00199
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00298
Name: ER05916_3A_prokka|PROKKA_00298
Description: ER05916_3A_prokka|PROKKA_00298
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00350
Name: ER05916_3A_prokka|PROKKA_00350
Description: ER05916_3A_prokka|PROKKA_00350
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00449
Name: ER05916_3A_prokka|PROKKA_00449
Description: ER05916_3A_prokka|PROKKA_00449
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00487
Name: ER05916_3A_prokka|PROKKA_00487
Description: ER05916_3A_prokka|PROKKA_00487
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00511
Name: ER05916_3A_prokka|PROKKA_00511
Description: ER05916_3A_prokka|PROKKA_00511
Number of features: 0
Seq('MYISRLVKPIGIKVTRLAQGLSVGGDLEYADEVTLSKAIAGRTEM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00618
Name: ER05916_3A_prokka|PROKKA_00618
Description: ER05916_3A_prokka|PROKKA_00618
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00654
Name: ER05916_3A_prokka|PROKKA_00654
Description: ER05916_3A_prokka|PROKKA_00654
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00763
Name: ER05916_3A_prokka|PROKKA_00763
Description: ER05916_3A_prokka|PROKKA_00763
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_00917
Name: ER05916_3A_prokka|PROKKA_00917
Description: ER05916_3A_prokka|PROKKA_00917
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01025
Name: ER05916_3A_prokka|PROKKA_01025
Description: ER05916_3A_prokka|PROKKA_01025
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01064
Name: ER05916_3A_prokka|PROKKA_01064
Description: ER05916_3A_prokka|PROKKA_01064
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01144
Name: ER05916_3A_prokka|PROKKA_01144
Description: ER05916_3A_prokka|PROKKA_01144
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01157
Name: ER05916_3A_prokka|PROKKA_01157
Description: ER05916_3A_prokka|PROKKA_01157
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01158
Name: ER05916_3A_prokka|PROKKA_01158
Description: ER05916_3A_prokka|PROKKA_01158
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01292
Name: ER05916_3A_prokka|PROKKA_01292
Description: ER05916_3A_prokka|PROKKA_01292
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01296
Name: ER05916_3A_prokka|PROKKA_01296
Description: ER05916_3A_prokka|PROKKA_01296
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01300
Name: ER05916_3A_prokka|PROKKA_01300
Description: ER05916_3A_prokka|PROKKA_01300
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01302
Name: ER05916_3A_prokka|PROKKA_01302
Description: ER05916_3A_prokka|PROKKA_01302
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01326
Name: ER05916_3A_prokka|PROKKA_01326
Description: ER05916_3A_prokka|PROKKA_01326
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01422
Name: ER05916_3A_prokka|PROKKA_01422
Description: ER05916_3A_prokka|PROKKA_01422
Number of features: 0
Seq('MGLNTEDDEKSAYNNVQVWDGAQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01434
Name: ER05916_3A_prokka|PROKKA_01434
Description: ER05916_3A_prokka|PROKKA_01434
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01484
Name: ER05916_3A_prokka|PROKKA_01484
Description: ER05916_3A_prokka|PROKKA_01484
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01492
Name: ER05916_3A_prokka|PROKKA_01492
Description: ER05916_3A_prokka|PROKKA_01492
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01512
Name: ER05916_3A_prokka|PROKKA_01512
Description: ER05916_3A_prokka|PROKKA_01512
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01540
Name: ER05916_3A_prokka|PROKKA_01540
Description: ER05916_3A_prokka|PROKKA_01540
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01567
Name: ER05916_3A_prokka|PROKKA_01567
Description: ER05916_3A_prokka|PROKKA_01567
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01604
Name: ER05916_3A_prokka|PROKKA_01604
Description: ER05916_3A_prokka|PROKKA_01604
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01675
Name: ER05916_3A_prokka|PROKKA_01675
Description: ER05916_3A_prokka|PROKKA_01675
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01840
Name: ER05916_3A_prokka|PROKKA_01840
Description: ER05916_3A_prokka|PROKKA_01840
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01847
Name: ER05916_3A_prokka|PROKKA_01847
Description: ER05916_3A_prokka|PROKKA_01847
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01866
Name: ER05916_3A_prokka|PROKKA_01866
Description: ER05916_3A_prokka|PROKKA_01866
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01901
Name: ER05916_3A_prokka|PROKKA_01901
Description: ER05916_3A_prokka|PROKKA_01901
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_01953
Name: ER05916_3A_prokka|PROKKA_01953
Description: ER05916_3A_prokka|PROKKA_01953
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02025
Name: ER05916_3A_prokka|PROKKA_02025
Description: ER05916_3A_prokka|PROKKA_02025
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02029
Name: ER05916_3A_prokka|PROKKA_02029
Description: ER05916_3A_prokka|PROKKA_02029
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02045
Name: ER05916_3A_prokka|PROKKA_02045
Description: ER05916_3A_prokka|PROKKA_02045
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02065
Name: ER05916_3A_prokka|PROKKA_02065
Description: ER05916_3A_prokka|PROKKA_02065
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02095
Name: ER05916_3A_prokka|PROKKA_02095
Description: ER05916_3A_prokka|PROKKA_02095
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02097
Name: ER05916_3A_prokka|PROKKA_02097
Description: ER05916_3A_prokka|PROKKA_02097
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02146
Name: ER05916_3A_prokka|PROKKA_02146
Description: ER05916_3A_prokka|PROKKA_02146
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02266
Name: ER05916_3A_prokka|PROKKA_02266
Description: ER05916_3A_prokka|PROKKA_02266
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02290
Name: ER05916_3A_prokka|PROKKA_02290
Description: ER05916_3A_prokka|PROKKA_02290
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02321
Name: ER05916_3A_prokka|PROKKA_02321
Description: ER05916_3A_prokka|PROKKA_02321
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02430
Name: ER05916_3A_prokka|PROKKA_02430
Description: ER05916_3A_prokka|PROKKA_02430
Number of features: 0
Seq('MKRLVTGLLALSLFLAACGQDSDQQKDGNKEKDDKAKTEQQDKKNK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02477
Name: ER05916_3A_prokka|PROKKA_02477
Description: ER05916_3A_prokka|PROKKA_02477
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02688
Name: ER05916_3A_prokka|PROKKA_02688
Description: ER05916_3A_prokka|PROKKA_02688
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05916_3A_prokka|PROKKA_02775
Name: ER05916_3A_prokka|PROKKA_02775
Description: ER05916_3A_prokka|PROKKA_02775
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00056
Name: ER05931_3A_prokka|PROKKA_00056
Description: ER05931_3A_prokka|PROKKA_00056
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00074
Name: ER05931_3A_prokka|PROKKA_00074
Description: ER05931_3A_prokka|PROKKA_00074
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00241
Name: ER05931_3A_prokka|PROKKA_00241
Description: ER05931_3A_prokka|PROKKA_00241
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00365
Name: ER05931_3A_prokka|PROKKA_00365
Description: ER05931_3A_prokka|PROKKA_00365
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00382
Name: ER05931_3A_prokka|PROKKA_00382
Description: ER05931_3A_prokka|PROKKA_00382
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00547
Name: ER05931_3A_prokka|PROKKA_00547
Description: ER05931_3A_prokka|PROKKA_00547
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00777
Name: ER05931_3A_prokka|PROKKA_00777
Description: ER05931_3A_prokka|PROKKA_00777
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00808
Name: ER05931_3A_prokka|PROKKA_00808
Description: ER05931_3A_prokka|PROKKA_00808
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00812
Name: ER05931_3A_prokka|PROKKA_00812
Description: ER05931_3A_prokka|PROKKA_00812
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00828
Name: ER05931_3A_prokka|PROKKA_00828
Description: ER05931_3A_prokka|PROKKA_00828
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00859
Name: ER05931_3A_prokka|PROKKA_00859
Description: ER05931_3A_prokka|PROKKA_00859
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00860
Name: ER05931_3A_prokka|PROKKA_00860
Description: ER05931_3A_prokka|PROKKA_00860
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00875
Name: ER05931_3A_prokka|PROKKA_00875
Description: ER05931_3A_prokka|PROKKA_00875
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_00980
Name: ER05931_3A_prokka|PROKKA_00980
Description: ER05931_3A_prokka|PROKKA_00980
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01020
Name: ER05931_3A_prokka|PROKKA_01020
Description: ER05931_3A_prokka|PROKKA_01020
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01102
Name: ER05931_3A_prokka|PROKKA_01102
Description: ER05931_3A_prokka|PROKKA_01102
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01114
Name: ER05931_3A_prokka|PROKKA_01114
Description: ER05931_3A_prokka|PROKKA_01114
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01115
Name: ER05931_3A_prokka|PROKKA_01115
Description: ER05931_3A_prokka|PROKKA_01115
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01251
Name: ER05931_3A_prokka|PROKKA_01251
Description: ER05931_3A_prokka|PROKKA_01251
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01255
Name: ER05931_3A_prokka|PROKKA_01255
Description: ER05931_3A_prokka|PROKKA_01255
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01279
Name: ER05931_3A_prokka|PROKKA_01279
Description: ER05931_3A_prokka|PROKKA_01279
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01372
Name: ER05931_3A_prokka|PROKKA_01372
Description: ER05931_3A_prokka|PROKKA_01372
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01384
Name: ER05931_3A_prokka|PROKKA_01384
Description: ER05931_3A_prokka|PROKKA_01384
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01451
Name: ER05931_3A_prokka|PROKKA_01451
Description: ER05931_3A_prokka|PROKKA_01451
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01454
Name: ER05931_3A_prokka|PROKKA_01454
Description: ER05931_3A_prokka|PROKKA_01454
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01489
Name: ER05931_3A_prokka|PROKKA_01489
Description: ER05931_3A_prokka|PROKKA_01489
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01562
Name: ER05931_3A_prokka|PROKKA_01562
Description: ER05931_3A_prokka|PROKKA_01562
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01731
Name: ER05931_3A_prokka|PROKKA_01731
Description: ER05931_3A_prokka|PROKKA_01731
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01745
Name: ER05931_3A_prokka|PROKKA_01745
Description: ER05931_3A_prokka|PROKKA_01745
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01787
Name: ER05931_3A_prokka|PROKKA_01787
Description: ER05931_3A_prokka|PROKKA_01787
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01838
Name: ER05931_3A_prokka|PROKKA_01838
Description: ER05931_3A_prokka|PROKKA_01838
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01912
Name: ER05931_3A_prokka|PROKKA_01912
Description: ER05931_3A_prokka|PROKKA_01912
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01914
Name: ER05931_3A_prokka|PROKKA_01914
Description: ER05931_3A_prokka|PROKKA_01914
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_01964
Name: ER05931_3A_prokka|PROKKA_01964
Description: ER05931_3A_prokka|PROKKA_01964
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_02089
Name: ER05931_3A_prokka|PROKKA_02089
Description: ER05931_3A_prokka|PROKKA_02089
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_02102
Name: ER05931_3A_prokka|PROKKA_02102
Description: ER05931_3A_prokka|PROKKA_02102
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_02133
Name: ER05931_3A_prokka|PROKKA_02133
Description: ER05931_3A_prokka|PROKKA_02133
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_02279
Name: ER05931_3A_prokka|PROKKA_02279
Description: ER05931_3A_prokka|PROKKA_02279
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_02288
Name: ER05931_3A_prokka|PROKKA_02288
Description: ER05931_3A_prokka|PROKKA_02288
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_02352
Name: ER05931_3A_prokka|PROKKA_02352
Description: ER05931_3A_prokka|PROKKA_02352
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_02464
Name: ER05931_3A_prokka|PROKKA_02464
Description: ER05931_3A_prokka|PROKKA_02464
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_02502
Name: ER05931_3A_prokka|PROKKA_02502
Description: ER05931_3A_prokka|PROKKA_02502
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_02586
Name: ER05931_3A_prokka|PROKKA_02586
Description: ER05931_3A_prokka|PROKKA_02586
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05931_3A_prokka|PROKKA_02601
Name: ER05931_3A_prokka|PROKKA_02601
Description: ER05931_3A_prokka|PROKKA_02601
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00051
Name: ER05949_3A_prokka|PROKKA_00051
Description: ER05949_3A_prokka|PROKKA_00051
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00070
Name: ER05949_3A_prokka|PROKKA_00070
Description: ER05949_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00238
Name: ER05949_3A_prokka|PROKKA_00238
Description: ER05949_3A_prokka|PROKKA_00238
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00257
Name: ER05949_3A_prokka|PROKKA_00257
Description: ER05949_3A_prokka|PROKKA_00257
Number of features: 0
Seq('MSKEAGHTFLAKLGKTRLRPGGKEATDWLIQQGHFHKINKC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00364
Name: ER05949_3A_prokka|PROKKA_00364
Description: ER05949_3A_prokka|PROKKA_00364
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00381
Name: ER05949_3A_prokka|PROKKA_00381
Description: ER05949_3A_prokka|PROKKA_00381
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00551
Name: ER05949_3A_prokka|PROKKA_00551
Description: ER05949_3A_prokka|PROKKA_00551
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00781
Name: ER05949_3A_prokka|PROKKA_00781
Description: ER05949_3A_prokka|PROKKA_00781
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00812
Name: ER05949_3A_prokka|PROKKA_00812
Description: ER05949_3A_prokka|PROKKA_00812
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00816
Name: ER05949_3A_prokka|PROKKA_00816
Description: ER05949_3A_prokka|PROKKA_00816
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00832
Name: ER05949_3A_prokka|PROKKA_00832
Description: ER05949_3A_prokka|PROKKA_00832
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00863
Name: ER05949_3A_prokka|PROKKA_00863
Description: ER05949_3A_prokka|PROKKA_00863
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00864
Name: ER05949_3A_prokka|PROKKA_00864
Description: ER05949_3A_prokka|PROKKA_00864
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00879
Name: ER05949_3A_prokka|PROKKA_00879
Description: ER05949_3A_prokka|PROKKA_00879
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_00984
Name: ER05949_3A_prokka|PROKKA_00984
Description: ER05949_3A_prokka|PROKKA_00984
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01024
Name: ER05949_3A_prokka|PROKKA_01024
Description: ER05949_3A_prokka|PROKKA_01024
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01025
Name: ER05949_3A_prokka|PROKKA_01025
Description: ER05949_3A_prokka|PROKKA_01025
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01107
Name: ER05949_3A_prokka|PROKKA_01107
Description: ER05949_3A_prokka|PROKKA_01107
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01120
Name: ER05949_3A_prokka|PROKKA_01120
Description: ER05949_3A_prokka|PROKKA_01120
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01121
Name: ER05949_3A_prokka|PROKKA_01121
Description: ER05949_3A_prokka|PROKKA_01121
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01257
Name: ER05949_3A_prokka|PROKKA_01257
Description: ER05949_3A_prokka|PROKKA_01257
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01261
Name: ER05949_3A_prokka|PROKKA_01261
Description: ER05949_3A_prokka|PROKKA_01261
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01285
Name: ER05949_3A_prokka|PROKKA_01285
Description: ER05949_3A_prokka|PROKKA_01285
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01379
Name: ER05949_3A_prokka|PROKKA_01379
Description: ER05949_3A_prokka|PROKKA_01379
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01384
Name: ER05949_3A_prokka|PROKKA_01384
Description: ER05949_3A_prokka|PROKKA_01384
Number of features: 0
Seq('MSNGKELQKNIGFFSAFAIVMGQLLVQEYSLKYQT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01392
Name: ER05949_3A_prokka|PROKKA_01392
Description: ER05949_3A_prokka|PROKKA_01392
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01439
Name: ER05949_3A_prokka|PROKKA_01439
Description: ER05949_3A_prokka|PROKKA_01439
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01447
Name: ER05949_3A_prokka|PROKKA_01447
Description: ER05949_3A_prokka|PROKKA_01447
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01466
Name: ER05949_3A_prokka|PROKKA_01466
Description: ER05949_3A_prokka|PROKKA_01466
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEEPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01487
Name: ER05949_3A_prokka|PROKKA_01487
Description: ER05949_3A_prokka|PROKKA_01487
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01495
Name: ER05949_3A_prokka|PROKKA_01495
Description: ER05949_3A_prokka|PROKKA_01495
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01500
Name: ER05949_3A_prokka|PROKKA_01500
Description: ER05949_3A_prokka|PROKKA_01500
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASQKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01527
Name: ER05949_3A_prokka|PROKKA_01527
Description: ER05949_3A_prokka|PROKKA_01527
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01530
Name: ER05949_3A_prokka|PROKKA_01530
Description: ER05949_3A_prokka|PROKKA_01530
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01565
Name: ER05949_3A_prokka|PROKKA_01565
Description: ER05949_3A_prokka|PROKKA_01565
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01637
Name: ER05949_3A_prokka|PROKKA_01637
Description: ER05949_3A_prokka|PROKKA_01637
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01807
Name: ER05949_3A_prokka|PROKKA_01807
Description: ER05949_3A_prokka|PROKKA_01807
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01822
Name: ER05949_3A_prokka|PROKKA_01822
Description: ER05949_3A_prokka|PROKKA_01822
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01865
Name: ER05949_3A_prokka|PROKKA_01865
Description: ER05949_3A_prokka|PROKKA_01865
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01917
Name: ER05949_3A_prokka|PROKKA_01917
Description: ER05949_3A_prokka|PROKKA_01917
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01992
Name: ER05949_3A_prokka|PROKKA_01992
Description: ER05949_3A_prokka|PROKKA_01992
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_01994
Name: ER05949_3A_prokka|PROKKA_01994
Description: ER05949_3A_prokka|PROKKA_01994
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02044
Name: ER05949_3A_prokka|PROKKA_02044
Description: ER05949_3A_prokka|PROKKA_02044
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02169
Name: ER05949_3A_prokka|PROKKA_02169
Description: ER05949_3A_prokka|PROKKA_02169
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02184
Name: ER05949_3A_prokka|PROKKA_02184
Description: ER05949_3A_prokka|PROKKA_02184
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02216
Name: ER05949_3A_prokka|PROKKA_02216
Description: ER05949_3A_prokka|PROKKA_02216
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02373
Name: ER05949_3A_prokka|PROKKA_02373
Description: ER05949_3A_prokka|PROKKA_02373
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02419
Name: ER05949_3A_prokka|PROKKA_02419
Description: ER05949_3A_prokka|PROKKA_02419
Number of features: 0
Seq('MAIHGSGTEMIFSKNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02421
Name: ER05949_3A_prokka|PROKKA_02421
Description: ER05949_3A_prokka|PROKKA_02421
Number of features: 0
Seq('MKGAMAWPFLRLYILTLMFFSANAILNVFIPLRGHDLGATNTVIGIVMGHTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02440
Name: ER05949_3A_prokka|PROKKA_02440
Description: ER05949_3A_prokka|PROKKA_02440
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02550
Name: ER05949_3A_prokka|PROKKA_02550
Description: ER05949_3A_prokka|PROKKA_02550
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02591
Name: ER05949_3A_prokka|PROKKA_02591
Description: ER05949_3A_prokka|PROKKA_02591
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02671
Name: ER05949_3A_prokka|PROKKA_02671
Description: ER05949_3A_prokka|PROKKA_02671
Number of features: 0
Seq('MIFSQNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEHRTLIYVPA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02677
Name: ER05949_3A_prokka|PROKKA_02677
Description: ER05949_3A_prokka|PROKKA_02677
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02687
Name: ER05949_3A_prokka|PROKKA_02687
Description: ER05949_3A_prokka|PROKKA_02687
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02697
Name: ER05949_3A_prokka|PROKKA_02697
Description: ER05949_3A_prokka|PROKKA_02697
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER05949_3A_prokka|PROKKA_02701
Name: ER05949_3A_prokka|PROKKA_02701
Description: ER05949_3A_prokka|PROKKA_02701
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00015
Name: ER06009_3A_prokka|PROKKA_00015
Description: ER06009_3A_prokka|PROKKA_00015
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00019
Name: ER06009_3A_prokka|PROKKA_00019
Description: ER06009_3A_prokka|PROKKA_00019
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00029
Name: ER06009_3A_prokka|PROKKA_00029
Description: ER06009_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00085
Name: ER06009_3A_prokka|PROKKA_00085
Description: ER06009_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00103
Name: ER06009_3A_prokka|PROKKA_00103
Description: ER06009_3A_prokka|PROKKA_00103
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00269
Name: ER06009_3A_prokka|PROKKA_00269
Description: ER06009_3A_prokka|PROKKA_00269
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00394
Name: ER06009_3A_prokka|PROKKA_00394
Description: ER06009_3A_prokka|PROKKA_00394
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00411
Name: ER06009_3A_prokka|PROKKA_00411
Description: ER06009_3A_prokka|PROKKA_00411
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00576
Name: ER06009_3A_prokka|PROKKA_00576
Description: ER06009_3A_prokka|PROKKA_00576
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00805
Name: ER06009_3A_prokka|PROKKA_00805
Description: ER06009_3A_prokka|PROKKA_00805
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00836
Name: ER06009_3A_prokka|PROKKA_00836
Description: ER06009_3A_prokka|PROKKA_00836
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00840
Name: ER06009_3A_prokka|PROKKA_00840
Description: ER06009_3A_prokka|PROKKA_00840
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00856
Name: ER06009_3A_prokka|PROKKA_00856
Description: ER06009_3A_prokka|PROKKA_00856
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00887
Name: ER06009_3A_prokka|PROKKA_00887
Description: ER06009_3A_prokka|PROKKA_00887
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00888
Name: ER06009_3A_prokka|PROKKA_00888
Description: ER06009_3A_prokka|PROKKA_00888
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_00903
Name: ER06009_3A_prokka|PROKKA_00903
Description: ER06009_3A_prokka|PROKKA_00903
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01008
Name: ER06009_3A_prokka|PROKKA_01008
Description: ER06009_3A_prokka|PROKKA_01008
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01047
Name: ER06009_3A_prokka|PROKKA_01047
Description: ER06009_3A_prokka|PROKKA_01047
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01048
Name: ER06009_3A_prokka|PROKKA_01048
Description: ER06009_3A_prokka|PROKKA_01048
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01130
Name: ER06009_3A_prokka|PROKKA_01130
Description: ER06009_3A_prokka|PROKKA_01130
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01142
Name: ER06009_3A_prokka|PROKKA_01142
Description: ER06009_3A_prokka|PROKKA_01142
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01143
Name: ER06009_3A_prokka|PROKKA_01143
Description: ER06009_3A_prokka|PROKKA_01143
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01279
Name: ER06009_3A_prokka|PROKKA_01279
Description: ER06009_3A_prokka|PROKKA_01279
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01283
Name: ER06009_3A_prokka|PROKKA_01283
Description: ER06009_3A_prokka|PROKKA_01283
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01307
Name: ER06009_3A_prokka|PROKKA_01307
Description: ER06009_3A_prokka|PROKKA_01307
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01400
Name: ER06009_3A_prokka|PROKKA_01400
Description: ER06009_3A_prokka|PROKKA_01400
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01412
Name: ER06009_3A_prokka|PROKKA_01412
Description: ER06009_3A_prokka|PROKKA_01412
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01459
Name: ER06009_3A_prokka|PROKKA_01459
Description: ER06009_3A_prokka|PROKKA_01459
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01467
Name: ER06009_3A_prokka|PROKKA_01467
Description: ER06009_3A_prokka|PROKKA_01467
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01486
Name: ER06009_3A_prokka|PROKKA_01486
Description: ER06009_3A_prokka|PROKKA_01486
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01501
Name: ER06009_3A_prokka|PROKKA_01501
Description: ER06009_3A_prokka|PROKKA_01501
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01509
Name: ER06009_3A_prokka|PROKKA_01509
Description: ER06009_3A_prokka|PROKKA_01509
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01514
Name: ER06009_3A_prokka|PROKKA_01514
Description: ER06009_3A_prokka|PROKKA_01514
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01541
Name: ER06009_3A_prokka|PROKKA_01541
Description: ER06009_3A_prokka|PROKKA_01541
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01544
Name: ER06009_3A_prokka|PROKKA_01544
Description: ER06009_3A_prokka|PROKKA_01544
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01580
Name: ER06009_3A_prokka|PROKKA_01580
Description: ER06009_3A_prokka|PROKKA_01580
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01653
Name: ER06009_3A_prokka|PROKKA_01653
Description: ER06009_3A_prokka|PROKKA_01653
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01823
Name: ER06009_3A_prokka|PROKKA_01823
Description: ER06009_3A_prokka|PROKKA_01823
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01837
Name: ER06009_3A_prokka|PROKKA_01837
Description: ER06009_3A_prokka|PROKKA_01837
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01879
Name: ER06009_3A_prokka|PROKKA_01879
Description: ER06009_3A_prokka|PROKKA_01879
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_01931
Name: ER06009_3A_prokka|PROKKA_01931
Description: ER06009_3A_prokka|PROKKA_01931
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02003
Name: ER06009_3A_prokka|PROKKA_02003
Description: ER06009_3A_prokka|PROKKA_02003
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02007
Name: ER06009_3A_prokka|PROKKA_02007
Description: ER06009_3A_prokka|PROKKA_02007
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02023
Name: ER06009_3A_prokka|PROKKA_02023
Description: ER06009_3A_prokka|PROKKA_02023
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02041
Name: ER06009_3A_prokka|PROKKA_02041
Description: ER06009_3A_prokka|PROKKA_02041
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02047
Name: ER06009_3A_prokka|PROKKA_02047
Description: ER06009_3A_prokka|PROKKA_02047
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02052
Name: ER06009_3A_prokka|PROKKA_02052
Description: ER06009_3A_prokka|PROKKA_02052
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02068
Name: ER06009_3A_prokka|PROKKA_02068
Description: ER06009_3A_prokka|PROKKA_02068
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02070
Name: ER06009_3A_prokka|PROKKA_02070
Description: ER06009_3A_prokka|PROKKA_02070
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02120
Name: ER06009_3A_prokka|PROKKA_02120
Description: ER06009_3A_prokka|PROKKA_02120
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02246
Name: ER06009_3A_prokka|PROKKA_02246
Description: ER06009_3A_prokka|PROKKA_02246
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02259
Name: ER06009_3A_prokka|PROKKA_02259
Description: ER06009_3A_prokka|PROKKA_02259
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02290
Name: ER06009_3A_prokka|PROKKA_02290
Description: ER06009_3A_prokka|PROKKA_02290
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02436
Name: ER06009_3A_prokka|PROKKA_02436
Description: ER06009_3A_prokka|PROKKA_02436
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02445
Name: ER06009_3A_prokka|PROKKA_02445
Description: ER06009_3A_prokka|PROKKA_02445
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02509
Name: ER06009_3A_prokka|PROKKA_02509
Description: ER06009_3A_prokka|PROKKA_02509
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02619
Name: ER06009_3A_prokka|PROKKA_02619
Description: ER06009_3A_prokka|PROKKA_02619
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02657
Name: ER06009_3A_prokka|PROKKA_02657
Description: ER06009_3A_prokka|PROKKA_02657
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06009_3A_prokka|PROKKA_02741
Name: ER06009_3A_prokka|PROKKA_02741
Description: ER06009_3A_prokka|PROKKA_02741
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00031
Name: ER06047_3A_prokka|PROKKA_00031
Description: ER06047_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00040
Name: ER06047_3A_prokka|PROKKA_00040
Description: ER06047_3A_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00124
Name: ER06047_3A_prokka|PROKKA_00124
Description: ER06047_3A_prokka|PROKKA_00124
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00228
Name: ER06047_3A_prokka|PROKKA_00228
Description: ER06047_3A_prokka|PROKKA_00228
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00280
Name: ER06047_3A_prokka|PROKKA_00280
Description: ER06047_3A_prokka|PROKKA_00280
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00378
Name: ER06047_3A_prokka|PROKKA_00378
Description: ER06047_3A_prokka|PROKKA_00378
Number of features: 0
Seq('MKLYLVYVTLTSFLTILLLAISNMYVAFSVYGMMATYGFNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00399
Name: ER06047_3A_prokka|PROKKA_00399
Description: ER06047_3A_prokka|PROKKA_00399
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00436
Name: ER06047_3A_prokka|PROKKA_00436
Description: ER06047_3A_prokka|PROKKA_00436
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00561
Name: ER06047_3A_prokka|PROKKA_00561
Description: ER06047_3A_prokka|PROKKA_00561
Number of features: 0
Seq('MDFNKENINMVDAKKAKKTVVATGIGNAM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00567
Name: ER06047_3A_prokka|PROKKA_00567
Description: ER06047_3A_prokka|PROKKA_00567
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00603
Name: ER06047_3A_prokka|PROKKA_00603
Description: ER06047_3A_prokka|PROKKA_00603
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00804
Name: ER06047_3A_prokka|PROKKA_00804
Description: ER06047_3A_prokka|PROKKA_00804
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00830
Name: ER06047_3A_prokka|PROKKA_00830
Description: ER06047_3A_prokka|PROKKA_00830
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00938
Name: ER06047_3A_prokka|PROKKA_00938
Description: ER06047_3A_prokka|PROKKA_00938
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00977
Name: ER06047_3A_prokka|PROKKA_00977
Description: ER06047_3A_prokka|PROKKA_00977
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_00978
Name: ER06047_3A_prokka|PROKKA_00978
Description: ER06047_3A_prokka|PROKKA_00978
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01032
Name: ER06047_3A_prokka|PROKKA_01032
Description: ER06047_3A_prokka|PROKKA_01032
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01038
Name: ER06047_3A_prokka|PROKKA_01038
Description: ER06047_3A_prokka|PROKKA_01038
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01039
Name: ER06047_3A_prokka|PROKKA_01039
Description: ER06047_3A_prokka|PROKKA_01039
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFMYYKECFFKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01049
Name: ER06047_3A_prokka|PROKKA_01049
Description: ER06047_3A_prokka|PROKKA_01049
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01063
Name: ER06047_3A_prokka|PROKKA_01063
Description: ER06047_3A_prokka|PROKKA_01063
Number of features: 0
Seq('MMWLVIVIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01127
Name: ER06047_3A_prokka|PROKKA_01127
Description: ER06047_3A_prokka|PROKKA_01127
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01139
Name: ER06047_3A_prokka|PROKKA_01139
Description: ER06047_3A_prokka|PROKKA_01139
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01140
Name: ER06047_3A_prokka|PROKKA_01140
Description: ER06047_3A_prokka|PROKKA_01140
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01275
Name: ER06047_3A_prokka|PROKKA_01275
Description: ER06047_3A_prokka|PROKKA_01275
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01279
Name: ER06047_3A_prokka|PROKKA_01279
Description: ER06047_3A_prokka|PROKKA_01279
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01283
Name: ER06047_3A_prokka|PROKKA_01283
Description: ER06047_3A_prokka|PROKKA_01283
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01285
Name: ER06047_3A_prokka|PROKKA_01285
Description: ER06047_3A_prokka|PROKKA_01285
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01309
Name: ER06047_3A_prokka|PROKKA_01309
Description: ER06047_3A_prokka|PROKKA_01309
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01404
Name: ER06047_3A_prokka|PROKKA_01404
Description: ER06047_3A_prokka|PROKKA_01404
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01416
Name: ER06047_3A_prokka|PROKKA_01416
Description: ER06047_3A_prokka|PROKKA_01416
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01463
Name: ER06047_3A_prokka|PROKKA_01463
Description: ER06047_3A_prokka|PROKKA_01463
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01471
Name: ER06047_3A_prokka|PROKKA_01471
Description: ER06047_3A_prokka|PROKKA_01471
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01491
Name: ER06047_3A_prokka|PROKKA_01491
Description: ER06047_3A_prokka|PROKKA_01491
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01505
Name: ER06047_3A_prokka|PROKKA_01505
Description: ER06047_3A_prokka|PROKKA_01505
Number of features: 0
Seq('MTIKELEEKFNISRYFVVKHDRDWETGEIIDTCIVLDEYADHINIEVEEVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01511
Name: ER06047_3A_prokka|PROKKA_01511
Description: ER06047_3A_prokka|PROKKA_01511
Number of features: 0
Seq('MSDTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYGE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01519
Name: ER06047_3A_prokka|PROKKA_01519
Description: ER06047_3A_prokka|PROKKA_01519
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01524
Name: ER06047_3A_prokka|PROKKA_01524
Description: ER06047_3A_prokka|PROKKA_01524
Number of features: 0
Seq('MVDKNKKQEATRSNPLNKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01550
Name: ER06047_3A_prokka|PROKKA_01550
Description: ER06047_3A_prokka|PROKKA_01550
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01587
Name: ER06047_3A_prokka|PROKKA_01587
Description: ER06047_3A_prokka|PROKKA_01587
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01658
Name: ER06047_3A_prokka|PROKKA_01658
Description: ER06047_3A_prokka|PROKKA_01658
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01830
Name: ER06047_3A_prokka|PROKKA_01830
Description: ER06047_3A_prokka|PROKKA_01830
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01849
Name: ER06047_3A_prokka|PROKKA_01849
Description: ER06047_3A_prokka|PROKKA_01849
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01884
Name: ER06047_3A_prokka|PROKKA_01884
Description: ER06047_3A_prokka|PROKKA_01884
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_01935
Name: ER06047_3A_prokka|PROKKA_01935
Description: ER06047_3A_prokka|PROKKA_01935
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02007
Name: ER06047_3A_prokka|PROKKA_02007
Description: ER06047_3A_prokka|PROKKA_02007
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02017
Name: ER06047_3A_prokka|PROKKA_02017
Description: ER06047_3A_prokka|PROKKA_02017
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02028
Name: ER06047_3A_prokka|PROKKA_02028
Description: ER06047_3A_prokka|PROKKA_02028
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02046
Name: ER06047_3A_prokka|PROKKA_02046
Description: ER06047_3A_prokka|PROKKA_02046
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02050
Name: ER06047_3A_prokka|PROKKA_02050
Description: ER06047_3A_prokka|PROKKA_02050
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02056
Name: ER06047_3A_prokka|PROKKA_02056
Description: ER06047_3A_prokka|PROKKA_02056
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02059
Name: ER06047_3A_prokka|PROKKA_02059
Description: ER06047_3A_prokka|PROKKA_02059
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02066
Name: ER06047_3A_prokka|PROKKA_02066
Description: ER06047_3A_prokka|PROKKA_02066
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02068
Name: ER06047_3A_prokka|PROKKA_02068
Description: ER06047_3A_prokka|PROKKA_02068
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02087
Name: ER06047_3A_prokka|PROKKA_02087
Description: ER06047_3A_prokka|PROKKA_02087
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02089
Name: ER06047_3A_prokka|PROKKA_02089
Description: ER06047_3A_prokka|PROKKA_02089
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02138
Name: ER06047_3A_prokka|PROKKA_02138
Description: ER06047_3A_prokka|PROKKA_02138
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02257
Name: ER06047_3A_prokka|PROKKA_02257
Description: ER06047_3A_prokka|PROKKA_02257
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02281
Name: ER06047_3A_prokka|PROKKA_02281
Description: ER06047_3A_prokka|PROKKA_02281
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02312
Name: ER06047_3A_prokka|PROKKA_02312
Description: ER06047_3A_prokka|PROKKA_02312
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02467
Name: ER06047_3A_prokka|PROKKA_02467
Description: ER06047_3A_prokka|PROKKA_02467
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02676
Name: ER06047_3A_prokka|PROKKA_02676
Description: ER06047_3A_prokka|PROKKA_02676
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06047_3A_prokka|PROKKA_02762
Name: ER06047_3A_prokka|PROKKA_02762
Description: ER06047_3A_prokka|PROKKA_02762
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00031
Name: ER06052_3A_prokka|PROKKA_00031
Description: ER06052_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00039
Name: ER06052_3A_prokka|PROKKA_00039
Description: ER06052_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00128
Name: ER06052_3A_prokka|PROKKA_00128
Description: ER06052_3A_prokka|PROKKA_00128
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00229
Name: ER06052_3A_prokka|PROKKA_00229
Description: ER06052_3A_prokka|PROKKA_00229
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00375
Name: ER06052_3A_prokka|PROKKA_00375
Description: ER06052_3A_prokka|PROKKA_00375
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00412
Name: ER06052_3A_prokka|PROKKA_00412
Description: ER06052_3A_prokka|PROKKA_00412
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00543
Name: ER06052_3A_prokka|PROKKA_00543
Description: ER06052_3A_prokka|PROKKA_00543
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00579
Name: ER06052_3A_prokka|PROKKA_00579
Description: ER06052_3A_prokka|PROKKA_00579
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00638
Name: ER06052_3A_prokka|PROKKA_00638
Description: ER06052_3A_prokka|PROKKA_00638
Number of features: 0
Seq('MAKSCLHILTNNEYATTRCQDGIVLFWPIDGEIELQKFRKSKIIEDDIYY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00780
Name: ER06052_3A_prokka|PROKKA_00780
Description: ER06052_3A_prokka|PROKKA_00780
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00792
Name: ER06052_3A_prokka|PROKKA_00792
Description: ER06052_3A_prokka|PROKKA_00792
Number of features: 0
Seq('MKMYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00810
Name: ER06052_3A_prokka|PROKKA_00810
Description: ER06052_3A_prokka|PROKKA_00810
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00811
Name: ER06052_3A_prokka|PROKKA_00811
Description: ER06052_3A_prokka|PROKKA_00811
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00832
Name: ER06052_3A_prokka|PROKKA_00832
Description: ER06052_3A_prokka|PROKKA_00832
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00940
Name: ER06052_3A_prokka|PROKKA_00940
Description: ER06052_3A_prokka|PROKKA_00940
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00979
Name: ER06052_3A_prokka|PROKKA_00979
Description: ER06052_3A_prokka|PROKKA_00979
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_00980
Name: ER06052_3A_prokka|PROKKA_00980
Description: ER06052_3A_prokka|PROKKA_00980
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01060
Name: ER06052_3A_prokka|PROKKA_01060
Description: ER06052_3A_prokka|PROKKA_01060
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01072
Name: ER06052_3A_prokka|PROKKA_01072
Description: ER06052_3A_prokka|PROKKA_01072
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01073
Name: ER06052_3A_prokka|PROKKA_01073
Description: ER06052_3A_prokka|PROKKA_01073
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01208
Name: ER06052_3A_prokka|PROKKA_01208
Description: ER06052_3A_prokka|PROKKA_01208
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01212
Name: ER06052_3A_prokka|PROKKA_01212
Description: ER06052_3A_prokka|PROKKA_01212
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01216
Name: ER06052_3A_prokka|PROKKA_01216
Description: ER06052_3A_prokka|PROKKA_01216
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01218
Name: ER06052_3A_prokka|PROKKA_01218
Description: ER06052_3A_prokka|PROKKA_01218
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01242
Name: ER06052_3A_prokka|PROKKA_01242
Description: ER06052_3A_prokka|PROKKA_01242
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01337
Name: ER06052_3A_prokka|PROKKA_01337
Description: ER06052_3A_prokka|PROKKA_01337
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01349
Name: ER06052_3A_prokka|PROKKA_01349
Description: ER06052_3A_prokka|PROKKA_01349
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01396
Name: ER06052_3A_prokka|PROKKA_01396
Description: ER06052_3A_prokka|PROKKA_01396
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01404
Name: ER06052_3A_prokka|PROKKA_01404
Description: ER06052_3A_prokka|PROKKA_01404
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01425
Name: ER06052_3A_prokka|PROKKA_01425
Description: ER06052_3A_prokka|PROKKA_01425
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01445
Name: ER06052_3A_prokka|PROKKA_01445
Description: ER06052_3A_prokka|PROKKA_01445
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01455
Name: ER06052_3A_prokka|PROKKA_01455
Description: ER06052_3A_prokka|PROKKA_01455
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01481
Name: ER06052_3A_prokka|PROKKA_01481
Description: ER06052_3A_prokka|PROKKA_01481
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01518
Name: ER06052_3A_prokka|PROKKA_01518
Description: ER06052_3A_prokka|PROKKA_01518
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01589
Name: ER06052_3A_prokka|PROKKA_01589
Description: ER06052_3A_prokka|PROKKA_01589
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01761
Name: ER06052_3A_prokka|PROKKA_01761
Description: ER06052_3A_prokka|PROKKA_01761
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01780
Name: ER06052_3A_prokka|PROKKA_01780
Description: ER06052_3A_prokka|PROKKA_01780
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01816
Name: ER06052_3A_prokka|PROKKA_01816
Description: ER06052_3A_prokka|PROKKA_01816
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01867
Name: ER06052_3A_prokka|PROKKA_01867
Description: ER06052_3A_prokka|PROKKA_01867
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01940
Name: ER06052_3A_prokka|PROKKA_01940
Description: ER06052_3A_prokka|PROKKA_01940
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01955
Name: ER06052_3A_prokka|PROKKA_01955
Description: ER06052_3A_prokka|PROKKA_01955
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01963
Name: ER06052_3A_prokka|PROKKA_01963
Description: ER06052_3A_prokka|PROKKA_01963
Number of features: 0
Seq('MSNIYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFMYYKECFFKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_01964
Name: ER06052_3A_prokka|PROKKA_01964
Description: ER06052_3A_prokka|PROKKA_01964
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02004
Name: ER06052_3A_prokka|PROKKA_02004
Description: ER06052_3A_prokka|PROKKA_02004
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02008
Name: ER06052_3A_prokka|PROKKA_02008
Description: ER06052_3A_prokka|PROKKA_02008
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02024
Name: ER06052_3A_prokka|PROKKA_02024
Description: ER06052_3A_prokka|PROKKA_02024
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02042
Name: ER06052_3A_prokka|PROKKA_02042
Description: ER06052_3A_prokka|PROKKA_02042
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02045
Name: ER06052_3A_prokka|PROKKA_02045
Description: ER06052_3A_prokka|PROKKA_02045
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02052
Name: ER06052_3A_prokka|PROKKA_02052
Description: ER06052_3A_prokka|PROKKA_02052
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02054
Name: ER06052_3A_prokka|PROKKA_02054
Description: ER06052_3A_prokka|PROKKA_02054
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02073
Name: ER06052_3A_prokka|PROKKA_02073
Description: ER06052_3A_prokka|PROKKA_02073
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02075
Name: ER06052_3A_prokka|PROKKA_02075
Description: ER06052_3A_prokka|PROKKA_02075
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02124
Name: ER06052_3A_prokka|PROKKA_02124
Description: ER06052_3A_prokka|PROKKA_02124
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02243
Name: ER06052_3A_prokka|PROKKA_02243
Description: ER06052_3A_prokka|PROKKA_02243
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02267
Name: ER06052_3A_prokka|PROKKA_02267
Description: ER06052_3A_prokka|PROKKA_02267
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02298
Name: ER06052_3A_prokka|PROKKA_02298
Description: ER06052_3A_prokka|PROKKA_02298
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02453
Name: ER06052_3A_prokka|PROKKA_02453
Description: ER06052_3A_prokka|PROKKA_02453
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02660
Name: ER06052_3A_prokka|PROKKA_02660
Description: ER06052_3A_prokka|PROKKA_02660
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02747
Name: ER06052_3A_prokka|PROKKA_02747
Description: ER06052_3A_prokka|PROKKA_02747
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02753
Name: ER06052_3A_prokka|PROKKA_02753
Description: ER06052_3A_prokka|PROKKA_02753
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06052_3A_prokka|PROKKA_02775
Name: ER06052_3A_prokka|PROKKA_02775
Description: ER06052_3A_prokka|PROKKA_02775
Number of features: 0
Seq('MNYFRYKQFNKDVITVAVGYYLRYALSYRDISEIWFCCKVRKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00030
Name: ER06126_3A_prokka|PROKKA_00030
Description: ER06126_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00039
Name: ER06126_3A_prokka|PROKKA_00039
Description: ER06126_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00060
Name: ER06126_3A_prokka|PROKKA_00060
Description: ER06126_3A_prokka|PROKKA_00060
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00149
Name: ER06126_3A_prokka|PROKKA_00149
Description: ER06126_3A_prokka|PROKKA_00149
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00247
Name: ER06126_3A_prokka|PROKKA_00247
Description: ER06126_3A_prokka|PROKKA_00247
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00299
Name: ER06126_3A_prokka|PROKKA_00299
Description: ER06126_3A_prokka|PROKKA_00299
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00397
Name: ER06126_3A_prokka|PROKKA_00397
Description: ER06126_3A_prokka|PROKKA_00397
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00435
Name: ER06126_3A_prokka|PROKKA_00435
Description: ER06126_3A_prokka|PROKKA_00435
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00565
Name: ER06126_3A_prokka|PROKKA_00565
Description: ER06126_3A_prokka|PROKKA_00565
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00601
Name: ER06126_3A_prokka|PROKKA_00601
Description: ER06126_3A_prokka|PROKKA_00601
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00819
Name: ER06126_3A_prokka|PROKKA_00819
Description: ER06126_3A_prokka|PROKKA_00819
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00827
Name: ER06126_3A_prokka|PROKKA_00827
Description: ER06126_3A_prokka|PROKKA_00827
Number of features: 0
Seq('MKKLIVIILINIITLSVSNSASAQGDIGIDNLRNFYTKKTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00863
Name: ER06126_3A_prokka|PROKKA_00863
Description: ER06126_3A_prokka|PROKKA_00863
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00971
Name: ER06126_3A_prokka|PROKKA_00971
Description: ER06126_3A_prokka|PROKKA_00971
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_00982
Name: ER06126_3A_prokka|PROKKA_00982
Description: ER06126_3A_prokka|PROKKA_00982
Number of features: 0
Seq('MKGKFLKVSSLFVATLTTATLVSSPAANALSSKAMDNHPQQTQSSKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01011
Name: ER06126_3A_prokka|PROKKA_01011
Description: ER06126_3A_prokka|PROKKA_01011
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01091
Name: ER06126_3A_prokka|PROKKA_01091
Description: ER06126_3A_prokka|PROKKA_01091
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01103
Name: ER06126_3A_prokka|PROKKA_01103
Description: ER06126_3A_prokka|PROKKA_01103
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01104
Name: ER06126_3A_prokka|PROKKA_01104
Description: ER06126_3A_prokka|PROKKA_01104
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01239
Name: ER06126_3A_prokka|PROKKA_01239
Description: ER06126_3A_prokka|PROKKA_01239
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01243
Name: ER06126_3A_prokka|PROKKA_01243
Description: ER06126_3A_prokka|PROKKA_01243
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01247
Name: ER06126_3A_prokka|PROKKA_01247
Description: ER06126_3A_prokka|PROKKA_01247
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01249
Name: ER06126_3A_prokka|PROKKA_01249
Description: ER06126_3A_prokka|PROKKA_01249
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01273
Name: ER06126_3A_prokka|PROKKA_01273
Description: ER06126_3A_prokka|PROKKA_01273
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01368
Name: ER06126_3A_prokka|PROKKA_01368
Description: ER06126_3A_prokka|PROKKA_01368
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01380
Name: ER06126_3A_prokka|PROKKA_01380
Description: ER06126_3A_prokka|PROKKA_01380
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01429
Name: ER06126_3A_prokka|PROKKA_01429
Description: ER06126_3A_prokka|PROKKA_01429
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01437
Name: ER06126_3A_prokka|PROKKA_01437
Description: ER06126_3A_prokka|PROKKA_01437
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01457
Name: ER06126_3A_prokka|PROKKA_01457
Description: ER06126_3A_prokka|PROKKA_01457
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01485
Name: ER06126_3A_prokka|PROKKA_01485
Description: ER06126_3A_prokka|PROKKA_01485
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01512
Name: ER06126_3A_prokka|PROKKA_01512
Description: ER06126_3A_prokka|PROKKA_01512
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01549
Name: ER06126_3A_prokka|PROKKA_01549
Description: ER06126_3A_prokka|PROKKA_01549
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01620
Name: ER06126_3A_prokka|PROKKA_01620
Description: ER06126_3A_prokka|PROKKA_01620
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01786
Name: ER06126_3A_prokka|PROKKA_01786
Description: ER06126_3A_prokka|PROKKA_01786
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01793
Name: ER06126_3A_prokka|PROKKA_01793
Description: ER06126_3A_prokka|PROKKA_01793
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01812
Name: ER06126_3A_prokka|PROKKA_01812
Description: ER06126_3A_prokka|PROKKA_01812
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01847
Name: ER06126_3A_prokka|PROKKA_01847
Description: ER06126_3A_prokka|PROKKA_01847
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01899
Name: ER06126_3A_prokka|PROKKA_01899
Description: ER06126_3A_prokka|PROKKA_01899
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01970
Name: ER06126_3A_prokka|PROKKA_01970
Description: ER06126_3A_prokka|PROKKA_01970
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01974
Name: ER06126_3A_prokka|PROKKA_01974
Description: ER06126_3A_prokka|PROKKA_01974
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_01990
Name: ER06126_3A_prokka|PROKKA_01990
Description: ER06126_3A_prokka|PROKKA_01990
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_02010
Name: ER06126_3A_prokka|PROKKA_02010
Description: ER06126_3A_prokka|PROKKA_02010
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_02040
Name: ER06126_3A_prokka|PROKKA_02040
Description: ER06126_3A_prokka|PROKKA_02040
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_02042
Name: ER06126_3A_prokka|PROKKA_02042
Description: ER06126_3A_prokka|PROKKA_02042
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_02091
Name: ER06126_3A_prokka|PROKKA_02091
Description: ER06126_3A_prokka|PROKKA_02091
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_02211
Name: ER06126_3A_prokka|PROKKA_02211
Description: ER06126_3A_prokka|PROKKA_02211
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_02235
Name: ER06126_3A_prokka|PROKKA_02235
Description: ER06126_3A_prokka|PROKKA_02235
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_02266
Name: ER06126_3A_prokka|PROKKA_02266
Description: ER06126_3A_prokka|PROKKA_02266
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_02421
Name: ER06126_3A_prokka|PROKKA_02421
Description: ER06126_3A_prokka|PROKKA_02421
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_02630
Name: ER06126_3A_prokka|PROKKA_02630
Description: ER06126_3A_prokka|PROKKA_02630
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_02717
Name: ER06126_3A_prokka|PROKKA_02717
Description: ER06126_3A_prokka|PROKKA_02717
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06126_3A_prokka|PROKKA_02744
Name: ER06126_3A_prokka|PROKKA_02744
Description: ER06126_3A_prokka|PROKKA_02744
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00068
Name: ER06407_3A_prokka|PROKKA_00068
Description: ER06407_3A_prokka|PROKKA_00068
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00099
Name: ER06407_3A_prokka|PROKKA_00099
Description: ER06407_3A_prokka|PROKKA_00099
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00108
Name: ER06407_3A_prokka|PROKKA_00108
Description: ER06407_3A_prokka|PROKKA_00108
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00129
Name: ER06407_3A_prokka|PROKKA_00129
Description: ER06407_3A_prokka|PROKKA_00129
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00218
Name: ER06407_3A_prokka|PROKKA_00218
Description: ER06407_3A_prokka|PROKKA_00218
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00318
Name: ER06407_3A_prokka|PROKKA_00318
Description: ER06407_3A_prokka|PROKKA_00318
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00344
Name: ER06407_3A_prokka|PROKKA_00344
Description: ER06407_3A_prokka|PROKKA_00344
Number of features: 0
Seq('MCTGFTIQTLNNQVLLGRTMDYDYPLDGSPAVTPRN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00371
Name: ER06407_3A_prokka|PROKKA_00371
Description: ER06407_3A_prokka|PROKKA_00371
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00469
Name: ER06407_3A_prokka|PROKKA_00469
Description: ER06407_3A_prokka|PROKKA_00469
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00507
Name: ER06407_3A_prokka|PROKKA_00507
Description: ER06407_3A_prokka|PROKKA_00507
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00637
Name: ER06407_3A_prokka|PROKKA_00637
Description: ER06407_3A_prokka|PROKKA_00637
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00673
Name: ER06407_3A_prokka|PROKKA_00673
Description: ER06407_3A_prokka|PROKKA_00673
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00892
Name: ER06407_3A_prokka|PROKKA_00892
Description: ER06407_3A_prokka|PROKKA_00892
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_00936
Name: ER06407_3A_prokka|PROKKA_00936
Description: ER06407_3A_prokka|PROKKA_00936
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01045
Name: ER06407_3A_prokka|PROKKA_01045
Description: ER06407_3A_prokka|PROKKA_01045
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01084
Name: ER06407_3A_prokka|PROKKA_01084
Description: ER06407_3A_prokka|PROKKA_01084
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01164
Name: ER06407_3A_prokka|PROKKA_01164
Description: ER06407_3A_prokka|PROKKA_01164
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01177
Name: ER06407_3A_prokka|PROKKA_01177
Description: ER06407_3A_prokka|PROKKA_01177
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01178
Name: ER06407_3A_prokka|PROKKA_01178
Description: ER06407_3A_prokka|PROKKA_01178
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01313
Name: ER06407_3A_prokka|PROKKA_01313
Description: ER06407_3A_prokka|PROKKA_01313
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01317
Name: ER06407_3A_prokka|PROKKA_01317
Description: ER06407_3A_prokka|PROKKA_01317
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01321
Name: ER06407_3A_prokka|PROKKA_01321
Description: ER06407_3A_prokka|PROKKA_01321
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01323
Name: ER06407_3A_prokka|PROKKA_01323
Description: ER06407_3A_prokka|PROKKA_01323
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01347
Name: ER06407_3A_prokka|PROKKA_01347
Description: ER06407_3A_prokka|PROKKA_01347
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01442
Name: ER06407_3A_prokka|PROKKA_01442
Description: ER06407_3A_prokka|PROKKA_01442
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01454
Name: ER06407_3A_prokka|PROKKA_01454
Description: ER06407_3A_prokka|PROKKA_01454
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01504
Name: ER06407_3A_prokka|PROKKA_01504
Description: ER06407_3A_prokka|PROKKA_01504
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01512
Name: ER06407_3A_prokka|PROKKA_01512
Description: ER06407_3A_prokka|PROKKA_01512
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01532
Name: ER06407_3A_prokka|PROKKA_01532
Description: ER06407_3A_prokka|PROKKA_01532
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01560
Name: ER06407_3A_prokka|PROKKA_01560
Description: ER06407_3A_prokka|PROKKA_01560
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01587
Name: ER06407_3A_prokka|PROKKA_01587
Description: ER06407_3A_prokka|PROKKA_01587
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01624
Name: ER06407_3A_prokka|PROKKA_01624
Description: ER06407_3A_prokka|PROKKA_01624
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01695
Name: ER06407_3A_prokka|PROKKA_01695
Description: ER06407_3A_prokka|PROKKA_01695
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01860
Name: ER06407_3A_prokka|PROKKA_01860
Description: ER06407_3A_prokka|PROKKA_01860
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01867
Name: ER06407_3A_prokka|PROKKA_01867
Description: ER06407_3A_prokka|PROKKA_01867
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01886
Name: ER06407_3A_prokka|PROKKA_01886
Description: ER06407_3A_prokka|PROKKA_01886
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01921
Name: ER06407_3A_prokka|PROKKA_01921
Description: ER06407_3A_prokka|PROKKA_01921
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01973
Name: ER06407_3A_prokka|PROKKA_01973
Description: ER06407_3A_prokka|PROKKA_01973
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01975
Name: ER06407_3A_prokka|PROKKA_01975
Description: ER06407_3A_prokka|PROKKA_01975
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_01976
Name: ER06407_3A_prokka|PROKKA_01976
Description: ER06407_3A_prokka|PROKKA_01976
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02007
Name: ER06407_3A_prokka|PROKKA_02007
Description: ER06407_3A_prokka|PROKKA_02007
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02013
Name: ER06407_3A_prokka|PROKKA_02013
Description: ER06407_3A_prokka|PROKKA_02013
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWHELDYWLNKRKSENEQIDIDRVLKFIEELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02023
Name: ER06407_3A_prokka|PROKKA_02023
Description: ER06407_3A_prokka|PROKKA_02023
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02113
Name: ER06407_3A_prokka|PROKKA_02113
Description: ER06407_3A_prokka|PROKKA_02113
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02117
Name: ER06407_3A_prokka|PROKKA_02117
Description: ER06407_3A_prokka|PROKKA_02117
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02133
Name: ER06407_3A_prokka|PROKKA_02133
Description: ER06407_3A_prokka|PROKKA_02133
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02153
Name: ER06407_3A_prokka|PROKKA_02153
Description: ER06407_3A_prokka|PROKKA_02153
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02183
Name: ER06407_3A_prokka|PROKKA_02183
Description: ER06407_3A_prokka|PROKKA_02183
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02185
Name: ER06407_3A_prokka|PROKKA_02185
Description: ER06407_3A_prokka|PROKKA_02185
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02234
Name: ER06407_3A_prokka|PROKKA_02234
Description: ER06407_3A_prokka|PROKKA_02234
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02354
Name: ER06407_3A_prokka|PROKKA_02354
Description: ER06407_3A_prokka|PROKKA_02354
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02379
Name: ER06407_3A_prokka|PROKKA_02379
Description: ER06407_3A_prokka|PROKKA_02379
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02410
Name: ER06407_3A_prokka|PROKKA_02410
Description: ER06407_3A_prokka|PROKKA_02410
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02565
Name: ER06407_3A_prokka|PROKKA_02565
Description: ER06407_3A_prokka|PROKKA_02565
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02774
Name: ER06407_3A_prokka|PROKKA_02774
Description: ER06407_3A_prokka|PROKKA_02774
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06407_3A_prokka|PROKKA_02862
Name: ER06407_3A_prokka|PROKKA_02862
Description: ER06407_3A_prokka|PROKKA_02862
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00001
Name: ER06446_3A_prokka|PROKKA_00001
Description: ER06446_3A_prokka|PROKKA_00001
Number of features: 0
Seq('MEHGTTTIFDGYTNIKLDNEIVTFNLKPLQTEKDVQKCSVFEYIQFLMGRNNKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00092
Name: ER06446_3A_prokka|PROKKA_00092
Description: ER06446_3A_prokka|PROKKA_00092
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00095
Name: ER06446_3A_prokka|PROKKA_00095
Description: ER06446_3A_prokka|PROKKA_00095
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00099
Name: ER06446_3A_prokka|PROKKA_00099
Description: ER06446_3A_prokka|PROKKA_00099
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00120
Name: ER06446_3A_prokka|PROKKA_00120
Description: ER06446_3A_prokka|PROKKA_00120
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00139
Name: ER06446_3A_prokka|PROKKA_00139
Description: ER06446_3A_prokka|PROKKA_00139
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00263
Name: ER06446_3A_prokka|PROKKA_00263
Description: ER06446_3A_prokka|PROKKA_00263
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00307
Name: ER06446_3A_prokka|PROKKA_00307
Description: ER06446_3A_prokka|PROKKA_00307
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00431
Name: ER06446_3A_prokka|PROKKA_00431
Description: ER06446_3A_prokka|PROKKA_00431
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00448
Name: ER06446_3A_prokka|PROKKA_00448
Description: ER06446_3A_prokka|PROKKA_00448
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00614
Name: ER06446_3A_prokka|PROKKA_00614
Description: ER06446_3A_prokka|PROKKA_00614
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00843
Name: ER06446_3A_prokka|PROKKA_00843
Description: ER06446_3A_prokka|PROKKA_00843
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00870
Name: ER06446_3A_prokka|PROKKA_00870
Description: ER06446_3A_prokka|PROKKA_00870
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_00975
Name: ER06446_3A_prokka|PROKKA_00975
Description: ER06446_3A_prokka|PROKKA_00975
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01014
Name: ER06446_3A_prokka|PROKKA_01014
Description: ER06446_3A_prokka|PROKKA_01014
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01015
Name: ER06446_3A_prokka|PROKKA_01015
Description: ER06446_3A_prokka|PROKKA_01015
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01097
Name: ER06446_3A_prokka|PROKKA_01097
Description: ER06446_3A_prokka|PROKKA_01097
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01109
Name: ER06446_3A_prokka|PROKKA_01109
Description: ER06446_3A_prokka|PROKKA_01109
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01110
Name: ER06446_3A_prokka|PROKKA_01110
Description: ER06446_3A_prokka|PROKKA_01110
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01246
Name: ER06446_3A_prokka|PROKKA_01246
Description: ER06446_3A_prokka|PROKKA_01246
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01250
Name: ER06446_3A_prokka|PROKKA_01250
Description: ER06446_3A_prokka|PROKKA_01250
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01274
Name: ER06446_3A_prokka|PROKKA_01274
Description: ER06446_3A_prokka|PROKKA_01274
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01368
Name: ER06446_3A_prokka|PROKKA_01368
Description: ER06446_3A_prokka|PROKKA_01368
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01380
Name: ER06446_3A_prokka|PROKKA_01380
Description: ER06446_3A_prokka|PROKKA_01380
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01427
Name: ER06446_3A_prokka|PROKKA_01427
Description: ER06446_3A_prokka|PROKKA_01427
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01435
Name: ER06446_3A_prokka|PROKKA_01435
Description: ER06446_3A_prokka|PROKKA_01435
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01454
Name: ER06446_3A_prokka|PROKKA_01454
Description: ER06446_3A_prokka|PROKKA_01454
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01469
Name: ER06446_3A_prokka|PROKKA_01469
Description: ER06446_3A_prokka|PROKKA_01469
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01477
Name: ER06446_3A_prokka|PROKKA_01477
Description: ER06446_3A_prokka|PROKKA_01477
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01482
Name: ER06446_3A_prokka|PROKKA_01482
Description: ER06446_3A_prokka|PROKKA_01482
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01509
Name: ER06446_3A_prokka|PROKKA_01509
Description: ER06446_3A_prokka|PROKKA_01509
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01512
Name: ER06446_3A_prokka|PROKKA_01512
Description: ER06446_3A_prokka|PROKKA_01512
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01547
Name: ER06446_3A_prokka|PROKKA_01547
Description: ER06446_3A_prokka|PROKKA_01547
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01621
Name: ER06446_3A_prokka|PROKKA_01621
Description: ER06446_3A_prokka|PROKKA_01621
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01790
Name: ER06446_3A_prokka|PROKKA_01790
Description: ER06446_3A_prokka|PROKKA_01790
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01804
Name: ER06446_3A_prokka|PROKKA_01804
Description: ER06446_3A_prokka|PROKKA_01804
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01846
Name: ER06446_3A_prokka|PROKKA_01846
Description: ER06446_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01898
Name: ER06446_3A_prokka|PROKKA_01898
Description: ER06446_3A_prokka|PROKKA_01898
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01900
Name: ER06446_3A_prokka|PROKKA_01900
Description: ER06446_3A_prokka|PROKKA_01900
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01901
Name: ER06446_3A_prokka|PROKKA_01901
Description: ER06446_3A_prokka|PROKKA_01901
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01931
Name: ER06446_3A_prokka|PROKKA_01931
Description: ER06446_3A_prokka|PROKKA_01931
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01953
Name: ER06446_3A_prokka|PROKKA_01953
Description: ER06446_3A_prokka|PROKKA_01953
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_01958
Name: ER06446_3A_prokka|PROKKA_01958
Description: ER06446_3A_prokka|PROKKA_01958
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02034
Name: ER06446_3A_prokka|PROKKA_02034
Description: ER06446_3A_prokka|PROKKA_02034
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02038
Name: ER06446_3A_prokka|PROKKA_02038
Description: ER06446_3A_prokka|PROKKA_02038
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02054
Name: ER06446_3A_prokka|PROKKA_02054
Description: ER06446_3A_prokka|PROKKA_02054
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02072
Name: ER06446_3A_prokka|PROKKA_02072
Description: ER06446_3A_prokka|PROKKA_02072
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02098
Name: ER06446_3A_prokka|PROKKA_02098
Description: ER06446_3A_prokka|PROKKA_02098
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02100
Name: ER06446_3A_prokka|PROKKA_02100
Description: ER06446_3A_prokka|PROKKA_02100
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02152
Name: ER06446_3A_prokka|PROKKA_02152
Description: ER06446_3A_prokka|PROKKA_02152
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02260
Name: ER06446_3A_prokka|PROKKA_02260
Description: ER06446_3A_prokka|PROKKA_02260
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02279
Name: ER06446_3A_prokka|PROKKA_02279
Description: ER06446_3A_prokka|PROKKA_02279
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02292
Name: ER06446_3A_prokka|PROKKA_02292
Description: ER06446_3A_prokka|PROKKA_02292
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02324
Name: ER06446_3A_prokka|PROKKA_02324
Description: ER06446_3A_prokka|PROKKA_02324
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02469
Name: ER06446_3A_prokka|PROKKA_02469
Description: ER06446_3A_prokka|PROKKA_02469
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02478
Name: ER06446_3A_prokka|PROKKA_02478
Description: ER06446_3A_prokka|PROKKA_02478
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02542
Name: ER06446_3A_prokka|PROKKA_02542
Description: ER06446_3A_prokka|PROKKA_02542
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02650
Name: ER06446_3A_prokka|PROKKA_02650
Description: ER06446_3A_prokka|PROKKA_02650
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02688
Name: ER06446_3A_prokka|PROKKA_02688
Description: ER06446_3A_prokka|PROKKA_02688
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02772
Name: ER06446_3A_prokka|PROKKA_02772
Description: ER06446_3A_prokka|PROKKA_02772
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02778
Name: ER06446_3A_prokka|PROKKA_02778
Description: ER06446_3A_prokka|PROKKA_02778
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06446_3A_prokka|PROKKA_02807
Name: ER06446_3A_prokka|PROKKA_02807
Description: ER06446_3A_prokka|PROKKA_02807
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00029
Name: ER06467_3A_prokka|PROKKA_00029
Description: ER06467_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00038
Name: ER06467_3A_prokka|PROKKA_00038
Description: ER06467_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00059
Name: ER06467_3A_prokka|PROKKA_00059
Description: ER06467_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00149
Name: ER06467_3A_prokka|PROKKA_00149
Description: ER06467_3A_prokka|PROKKA_00149
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00191
Name: ER06467_3A_prokka|PROKKA_00191
Description: ER06467_3A_prokka|PROKKA_00191
Number of features: 0
Seq('MNSIIELTDYYSSNNYAPLKLVISKGKGVKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00248
Name: ER06467_3A_prokka|PROKKA_00248
Description: ER06467_3A_prokka|PROKKA_00248
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00300
Name: ER06467_3A_prokka|PROKKA_00300
Description: ER06467_3A_prokka|PROKKA_00300
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00398
Name: ER06467_3A_prokka|PROKKA_00398
Description: ER06467_3A_prokka|PROKKA_00398
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00436
Name: ER06467_3A_prokka|PROKKA_00436
Description: ER06467_3A_prokka|PROKKA_00436
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00566
Name: ER06467_3A_prokka|PROKKA_00566
Description: ER06467_3A_prokka|PROKKA_00566
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00602
Name: ER06467_3A_prokka|PROKKA_00602
Description: ER06467_3A_prokka|PROKKA_00602
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00820
Name: ER06467_3A_prokka|PROKKA_00820
Description: ER06467_3A_prokka|PROKKA_00820
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00864
Name: ER06467_3A_prokka|PROKKA_00864
Description: ER06467_3A_prokka|PROKKA_00864
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_00973
Name: ER06467_3A_prokka|PROKKA_00973
Description: ER06467_3A_prokka|PROKKA_00973
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01012
Name: ER06467_3A_prokka|PROKKA_01012
Description: ER06467_3A_prokka|PROKKA_01012
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01013
Name: ER06467_3A_prokka|PROKKA_01013
Description: ER06467_3A_prokka|PROKKA_01013
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01093
Name: ER06467_3A_prokka|PROKKA_01093
Description: ER06467_3A_prokka|PROKKA_01093
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01106
Name: ER06467_3A_prokka|PROKKA_01106
Description: ER06467_3A_prokka|PROKKA_01106
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01107
Name: ER06467_3A_prokka|PROKKA_01107
Description: ER06467_3A_prokka|PROKKA_01107
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01242
Name: ER06467_3A_prokka|PROKKA_01242
Description: ER06467_3A_prokka|PROKKA_01242
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01246
Name: ER06467_3A_prokka|PROKKA_01246
Description: ER06467_3A_prokka|PROKKA_01246
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01250
Name: ER06467_3A_prokka|PROKKA_01250
Description: ER06467_3A_prokka|PROKKA_01250
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01252
Name: ER06467_3A_prokka|PROKKA_01252
Description: ER06467_3A_prokka|PROKKA_01252
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01276
Name: ER06467_3A_prokka|PROKKA_01276
Description: ER06467_3A_prokka|PROKKA_01276
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01371
Name: ER06467_3A_prokka|PROKKA_01371
Description: ER06467_3A_prokka|PROKKA_01371
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01383
Name: ER06467_3A_prokka|PROKKA_01383
Description: ER06467_3A_prokka|PROKKA_01383
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01432
Name: ER06467_3A_prokka|PROKKA_01432
Description: ER06467_3A_prokka|PROKKA_01432
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01440
Name: ER06467_3A_prokka|PROKKA_01440
Description: ER06467_3A_prokka|PROKKA_01440
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01460
Name: ER06467_3A_prokka|PROKKA_01460
Description: ER06467_3A_prokka|PROKKA_01460
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01488
Name: ER06467_3A_prokka|PROKKA_01488
Description: ER06467_3A_prokka|PROKKA_01488
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01515
Name: ER06467_3A_prokka|PROKKA_01515
Description: ER06467_3A_prokka|PROKKA_01515
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01552
Name: ER06467_3A_prokka|PROKKA_01552
Description: ER06467_3A_prokka|PROKKA_01552
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01623
Name: ER06467_3A_prokka|PROKKA_01623
Description: ER06467_3A_prokka|PROKKA_01623
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01788
Name: ER06467_3A_prokka|PROKKA_01788
Description: ER06467_3A_prokka|PROKKA_01788
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01795
Name: ER06467_3A_prokka|PROKKA_01795
Description: ER06467_3A_prokka|PROKKA_01795
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01814
Name: ER06467_3A_prokka|PROKKA_01814
Description: ER06467_3A_prokka|PROKKA_01814
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01849
Name: ER06467_3A_prokka|PROKKA_01849
Description: ER06467_3A_prokka|PROKKA_01849
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01901
Name: ER06467_3A_prokka|PROKKA_01901
Description: ER06467_3A_prokka|PROKKA_01901
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01931
Name: ER06467_3A_prokka|PROKKA_01931
Description: ER06467_3A_prokka|PROKKA_01931
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGEVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01948
Name: ER06467_3A_prokka|PROKKA_01948
Description: ER06467_3A_prokka|PROKKA_01948
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01957
Name: ER06467_3A_prokka|PROKKA_01957
Description: ER06467_3A_prokka|PROKKA_01957
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_01965
Name: ER06467_3A_prokka|PROKKA_01965
Description: ER06467_3A_prokka|PROKKA_01965
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELSKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02039
Name: ER06467_3A_prokka|PROKKA_02039
Description: ER06467_3A_prokka|PROKKA_02039
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02043
Name: ER06467_3A_prokka|PROKKA_02043
Description: ER06467_3A_prokka|PROKKA_02043
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02059
Name: ER06467_3A_prokka|PROKKA_02059
Description: ER06467_3A_prokka|PROKKA_02059
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02079
Name: ER06467_3A_prokka|PROKKA_02079
Description: ER06467_3A_prokka|PROKKA_02079
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02110
Name: ER06467_3A_prokka|PROKKA_02110
Description: ER06467_3A_prokka|PROKKA_02110
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02112
Name: ER06467_3A_prokka|PROKKA_02112
Description: ER06467_3A_prokka|PROKKA_02112
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02161
Name: ER06467_3A_prokka|PROKKA_02161
Description: ER06467_3A_prokka|PROKKA_02161
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02281
Name: ER06467_3A_prokka|PROKKA_02281
Description: ER06467_3A_prokka|PROKKA_02281
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02305
Name: ER06467_3A_prokka|PROKKA_02305
Description: ER06467_3A_prokka|PROKKA_02305
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02336
Name: ER06467_3A_prokka|PROKKA_02336
Description: ER06467_3A_prokka|PROKKA_02336
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02490
Name: ER06467_3A_prokka|PROKKA_02490
Description: ER06467_3A_prokka|PROKKA_02490
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02699
Name: ER06467_3A_prokka|PROKKA_02699
Description: ER06467_3A_prokka|PROKKA_02699
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02786
Name: ER06467_3A_prokka|PROKKA_02786
Description: ER06467_3A_prokka|PROKKA_02786
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06467_3A_prokka|PROKKA_02816
Name: ER06467_3A_prokka|PROKKA_02816
Description: ER06467_3A_prokka|PROKKA_02816
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00005
Name: ER06541_3A_prokka|PROKKA_00005
Description: ER06541_3A_prokka|PROKKA_00005
Number of features: 0
Seq('MQTILTEFEETHALYMRRKNMKQYNIFNQSFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00058
Name: ER06541_3A_prokka|PROKKA_00058
Description: ER06541_3A_prokka|PROKKA_00058
Number of features: 0
Seq('MAWKYILNLEDETEFSKLINAIENFLFQWELYTYDINRDEKINRLLMH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00063
Name: ER06541_3A_prokka|PROKKA_00063
Description: ER06541_3A_prokka|PROKKA_00063
Number of features: 0
Seq('MITIDSKINKQIAKNLSLEGKYVTREQQIQILHAINNEKEITNELIRKIAFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00076
Name: ER06541_3A_prokka|PROKKA_00076
Description: ER06541_3A_prokka|PROKKA_00076
Number of features: 0
Seq('MTDLLKIKNFRLFFLAEIISAFGVGISTVGLIGI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00172
Name: ER06541_3A_prokka|PROKKA_00172
Description: ER06541_3A_prokka|PROKKA_00172
Number of features: 0
Seq('MKGDLIDDFKIQNLRGERTINDAAKHNNNEKTGASPYEGIRTCL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00228
Name: ER06541_3A_prokka|PROKKA_00228
Description: ER06541_3A_prokka|PROKKA_00228
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00302
Name: ER06541_3A_prokka|PROKKA_00302
Description: ER06541_3A_prokka|PROKKA_00302
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDRLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00311
Name: ER06541_3A_prokka|PROKKA_00311
Description: ER06541_3A_prokka|PROKKA_00311
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00334
Name: ER06541_3A_prokka|PROKKA_00334
Description: ER06541_3A_prokka|PROKKA_00334
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00350
Name: ER06541_3A_prokka|PROKKA_00350
Description: ER06541_3A_prokka|PROKKA_00350
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00354
Name: ER06541_3A_prokka|PROKKA_00354
Description: ER06541_3A_prokka|PROKKA_00354
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00597
Name: ER06541_3A_prokka|PROKKA_00597
Description: ER06541_3A_prokka|PROKKA_00597
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00625
Name: ER06541_3A_prokka|PROKKA_00625
Description: ER06541_3A_prokka|PROKKA_00625
Number of features: 0
Seq('MLFLDALLSMSYQNIIVYFVWIAVIMGFFLVNIALIIDKNIHVILKNQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00852
Name: ER06541_3A_prokka|PROKKA_00852
Description: ER06541_3A_prokka|PROKKA_00852
Number of features: 0
Seq('MPVYKDDNTGKWYFSIRYKDVYGNNKRKMQRGFSTKREAKRAEAIF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00854
Name: ER06541_3A_prokka|PROKKA_00854
Description: ER06541_3A_prokka|PROKKA_00854
Number of features: 0
Seq('MRKYNFDKFFLYMAVLSLPIVIFFPLMLSIPIIFFIFSIRKKED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00874
Name: ER06541_3A_prokka|PROKKA_00874
Description: ER06541_3A_prokka|PROKKA_00874
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00897
Name: ER06541_3A_prokka|PROKKA_00897
Description: ER06541_3A_prokka|PROKKA_00897
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00918
Name: ER06541_3A_prokka|PROKKA_00918
Description: ER06541_3A_prokka|PROKKA_00918
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00919
Name: ER06541_3A_prokka|PROKKA_00919
Description: ER06541_3A_prokka|PROKKA_00919
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_00935
Name: ER06541_3A_prokka|PROKKA_00935
Description: ER06541_3A_prokka|PROKKA_00935
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01039
Name: ER06541_3A_prokka|PROKKA_01039
Description: ER06541_3A_prokka|PROKKA_01039
Number of features: 0
Seq('MRQFIKRIVKTILVGYVIKFIRNKLSGKSSHPTDNKHK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01080
Name: ER06541_3A_prokka|PROKKA_01080
Description: ER06541_3A_prokka|PROKKA_01080
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01172
Name: ER06541_3A_prokka|PROKKA_01172
Description: ER06541_3A_prokka|PROKKA_01172
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01173
Name: ER06541_3A_prokka|PROKKA_01173
Description: ER06541_3A_prokka|PROKKA_01173
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01315
Name: ER06541_3A_prokka|PROKKA_01315
Description: ER06541_3A_prokka|PROKKA_01315
Number of features: 0
Seq('MSNTYKSYIIAVLCFTVLAICLMPFLYFTTAWVIAASTGIAIFIFYDEYFFRE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01320
Name: ER06541_3A_prokka|PROKKA_01320
Description: ER06541_3A_prokka|PROKKA_01320
Number of features: 0
Seq('MKNIQIKHQPPEVVDVVHLIKIVCLKGDGIDEPIRRVERYYEINGGFLFEKDY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01324
Name: ER06541_3A_prokka|PROKKA_01324
Description: ER06541_3A_prokka|PROKKA_01324
Number of features: 0
Seq('MKKFNVQITYTGMIEETIEAESLEEAENEAHDIARMEVPFDCDEYEIIVEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01339
Name: ER06541_3A_prokka|PROKKA_01339
Description: ER06541_3A_prokka|PROKKA_01339
Number of features: 0
Seq('MIDSQLDGNVTVKELSESFKELVEEFERIEKANKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01356
Name: ER06541_3A_prokka|PROKKA_01356
Description: ER06541_3A_prokka|PROKKA_01356
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01398
Name: ER06541_3A_prokka|PROKKA_01398
Description: ER06541_3A_prokka|PROKKA_01398
Number of features: 0
Seq('MGLLDIASIRSIERGFNYYQSECVINLKSFSET', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01464
Name: ER06541_3A_prokka|PROKKA_01464
Description: ER06541_3A_prokka|PROKKA_01464
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01474
Name: ER06541_3A_prokka|PROKKA_01474
Description: ER06541_3A_prokka|PROKKA_01474
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01486
Name: ER06541_3A_prokka|PROKKA_01486
Description: ER06541_3A_prokka|PROKKA_01486
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01499
Name: ER06541_3A_prokka|PROKKA_01499
Description: ER06541_3A_prokka|PROKKA_01499
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01503
Name: ER06541_3A_prokka|PROKKA_01503
Description: ER06541_3A_prokka|PROKKA_01503
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01509
Name: ER06541_3A_prokka|PROKKA_01509
Description: ER06541_3A_prokka|PROKKA_01509
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01512
Name: ER06541_3A_prokka|PROKKA_01512
Description: ER06541_3A_prokka|PROKKA_01512
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01520
Name: ER06541_3A_prokka|PROKKA_01520
Description: ER06541_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01534
Name: ER06541_3A_prokka|PROKKA_01534
Description: ER06541_3A_prokka|PROKKA_01534
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01600
Name: ER06541_3A_prokka|PROKKA_01600
Description: ER06541_3A_prokka|PROKKA_01600
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01637
Name: ER06541_3A_prokka|PROKKA_01637
Description: ER06541_3A_prokka|PROKKA_01637
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01710
Name: ER06541_3A_prokka|PROKKA_01710
Description: ER06541_3A_prokka|PROKKA_01710
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01875
Name: ER06541_3A_prokka|PROKKA_01875
Description: ER06541_3A_prokka|PROKKA_01875
Number of features: 0
Seq('MKKKYILIIVSVILIGMIVITYAHNKQKRSLH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01896
Name: ER06541_3A_prokka|PROKKA_01896
Description: ER06541_3A_prokka|PROKKA_01896
Number of features: 0
Seq('MTVKVHHKLGIGKFINLSIGDVIEIEAIIEETLYNTIIIRY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01919
Name: ER06541_3A_prokka|PROKKA_01919
Description: ER06541_3A_prokka|PROKKA_01919
Number of features: 0
Seq('MNPKQYFQSIHKYDLRENHYKQRLTVIGNQTFIRAIKKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01933
Name: ER06541_3A_prokka|PROKKA_01933
Description: ER06541_3A_prokka|PROKKA_01933
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_01984
Name: ER06541_3A_prokka|PROKKA_01984
Description: ER06541_3A_prokka|PROKKA_01984
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02060
Name: ER06541_3A_prokka|PROKKA_02060
Description: ER06541_3A_prokka|PROKKA_02060
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02062
Name: ER06541_3A_prokka|PROKKA_02062
Description: ER06541_3A_prokka|PROKKA_02062
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02071
Name: ER06541_3A_prokka|PROKKA_02071
Description: ER06541_3A_prokka|PROKKA_02071
Number of features: 0
Seq('MSQAFSVMFENERENCCVDKYNIGNKLTRRVIMMNRN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02112
Name: ER06541_3A_prokka|PROKKA_02112
Description: ER06541_3A_prokka|PROKKA_02112
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02141
Name: ER06541_3A_prokka|PROKKA_02141
Description: ER06541_3A_prokka|PROKKA_02141
Number of features: 0
Seq('MKDLTMLLDELKDMSFFNKGDICLIGCSTSEVIGEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02227
Name: ER06541_3A_prokka|PROKKA_02227
Description: ER06541_3A_prokka|PROKKA_02227
Number of features: 0
Seq('MRYIHFSIITLITGIIMHMTMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02252
Name: ER06541_3A_prokka|PROKKA_02252
Description: ER06541_3A_prokka|PROKKA_02252
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02283
Name: ER06541_3A_prokka|PROKKA_02283
Description: ER06541_3A_prokka|PROKKA_02283
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02328
Name: ER06541_3A_prokka|PROKKA_02328
Description: ER06541_3A_prokka|PROKKA_02328
Number of features: 0
Seq('MNIVMWKTGSIKLDNVVLKLIVLKKINIMNMGEKNIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02378
Name: ER06541_3A_prokka|PROKKA_02378
Description: ER06541_3A_prokka|PROKKA_02378
Number of features: 0
Seq('MYKNHNMTQLTLPIETSVRIPQNDISRYVNEIVETIPDSELDEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02441
Name: ER06541_3A_prokka|PROKKA_02441
Description: ER06541_3A_prokka|PROKKA_02441
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02499
Name: ER06541_3A_prokka|PROKKA_02499
Description: ER06541_3A_prokka|PROKKA_02499
Number of features: 0
Seq('MSKKKILILTSIMLIILISVAGIYFKMKYDKKEKTKINLL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02637
Name: ER06541_3A_prokka|PROKKA_02637
Description: ER06541_3A_prokka|PROKKA_02637
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02670
Name: ER06541_3A_prokka|PROKKA_02670
Description: ER06541_3A_prokka|PROKKA_02670
Number of features: 0
Seq('MQDFFKNALLSDSLLRDIKVLSSNAKGDADMLETELHAVINAMSQNEGKSVDAL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06541_3A_prokka|PROKKA_02727
Name: ER06541_3A_prokka|PROKKA_02727
Description: ER06541_3A_prokka|PROKKA_02727
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00029
Name: ER06600_3A_prokka|PROKKA_00029
Description: ER06600_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00060
Name: ER06600_3A_prokka|PROKKA_00060
Description: ER06600_3A_prokka|PROKKA_00060
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00069
Name: ER06600_3A_prokka|PROKKA_00069
Description: ER06600_3A_prokka|PROKKA_00069
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00090
Name: ER06600_3A_prokka|PROKKA_00090
Description: ER06600_3A_prokka|PROKKA_00090
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00178
Name: ER06600_3A_prokka|PROKKA_00178
Description: ER06600_3A_prokka|PROKKA_00178
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00277
Name: ER06600_3A_prokka|PROKKA_00277
Description: ER06600_3A_prokka|PROKKA_00277
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00329
Name: ER06600_3A_prokka|PROKKA_00329
Description: ER06600_3A_prokka|PROKKA_00329
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00427
Name: ER06600_3A_prokka|PROKKA_00427
Description: ER06600_3A_prokka|PROKKA_00427
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00465
Name: ER06600_3A_prokka|PROKKA_00465
Description: ER06600_3A_prokka|PROKKA_00465
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00595
Name: ER06600_3A_prokka|PROKKA_00595
Description: ER06600_3A_prokka|PROKKA_00595
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00631
Name: ER06600_3A_prokka|PROKKA_00631
Description: ER06600_3A_prokka|PROKKA_00631
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00850
Name: ER06600_3A_prokka|PROKKA_00850
Description: ER06600_3A_prokka|PROKKA_00850
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_00894
Name: ER06600_3A_prokka|PROKKA_00894
Description: ER06600_3A_prokka|PROKKA_00894
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01002
Name: ER06600_3A_prokka|PROKKA_01002
Description: ER06600_3A_prokka|PROKKA_01002
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01042
Name: ER06600_3A_prokka|PROKKA_01042
Description: ER06600_3A_prokka|PROKKA_01042
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01122
Name: ER06600_3A_prokka|PROKKA_01122
Description: ER06600_3A_prokka|PROKKA_01122
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01135
Name: ER06600_3A_prokka|PROKKA_01135
Description: ER06600_3A_prokka|PROKKA_01135
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01136
Name: ER06600_3A_prokka|PROKKA_01136
Description: ER06600_3A_prokka|PROKKA_01136
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01271
Name: ER06600_3A_prokka|PROKKA_01271
Description: ER06600_3A_prokka|PROKKA_01271
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01275
Name: ER06600_3A_prokka|PROKKA_01275
Description: ER06600_3A_prokka|PROKKA_01275
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01279
Name: ER06600_3A_prokka|PROKKA_01279
Description: ER06600_3A_prokka|PROKKA_01279
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01281
Name: ER06600_3A_prokka|PROKKA_01281
Description: ER06600_3A_prokka|PROKKA_01281
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01305
Name: ER06600_3A_prokka|PROKKA_01305
Description: ER06600_3A_prokka|PROKKA_01305
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01401
Name: ER06600_3A_prokka|PROKKA_01401
Description: ER06600_3A_prokka|PROKKA_01401
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01413
Name: ER06600_3A_prokka|PROKKA_01413
Description: ER06600_3A_prokka|PROKKA_01413
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01462
Name: ER06600_3A_prokka|PROKKA_01462
Description: ER06600_3A_prokka|PROKKA_01462
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01470
Name: ER06600_3A_prokka|PROKKA_01470
Description: ER06600_3A_prokka|PROKKA_01470
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01490
Name: ER06600_3A_prokka|PROKKA_01490
Description: ER06600_3A_prokka|PROKKA_01490
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01518
Name: ER06600_3A_prokka|PROKKA_01518
Description: ER06600_3A_prokka|PROKKA_01518
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01545
Name: ER06600_3A_prokka|PROKKA_01545
Description: ER06600_3A_prokka|PROKKA_01545
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01582
Name: ER06600_3A_prokka|PROKKA_01582
Description: ER06600_3A_prokka|PROKKA_01582
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01653
Name: ER06600_3A_prokka|PROKKA_01653
Description: ER06600_3A_prokka|PROKKA_01653
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01818
Name: ER06600_3A_prokka|PROKKA_01818
Description: ER06600_3A_prokka|PROKKA_01818
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01825
Name: ER06600_3A_prokka|PROKKA_01825
Description: ER06600_3A_prokka|PROKKA_01825
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01844
Name: ER06600_3A_prokka|PROKKA_01844
Description: ER06600_3A_prokka|PROKKA_01844
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01879
Name: ER06600_3A_prokka|PROKKA_01879
Description: ER06600_3A_prokka|PROKKA_01879
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01931
Name: ER06600_3A_prokka|PROKKA_01931
Description: ER06600_3A_prokka|PROKKA_01931
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01933
Name: ER06600_3A_prokka|PROKKA_01933
Description: ER06600_3A_prokka|PROKKA_01933
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01934
Name: ER06600_3A_prokka|PROKKA_01934
Description: ER06600_3A_prokka|PROKKA_01934
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01964
Name: ER06600_3A_prokka|PROKKA_01964
Description: ER06600_3A_prokka|PROKKA_01964
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01973
Name: ER06600_3A_prokka|PROKKA_01973
Description: ER06600_3A_prokka|PROKKA_01973
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01980
Name: ER06600_3A_prokka|PROKKA_01980
Description: ER06600_3A_prokka|PROKKA_01980
Number of features: 0
Seq('MVTKEFLKTKLECSDIYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_01996
Name: ER06600_3A_prokka|PROKKA_01996
Description: ER06600_3A_prokka|PROKKA_01996
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKCLEFISQKLDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02071
Name: ER06600_3A_prokka|PROKKA_02071
Description: ER06600_3A_prokka|PROKKA_02071
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02075
Name: ER06600_3A_prokka|PROKKA_02075
Description: ER06600_3A_prokka|PROKKA_02075
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02091
Name: ER06600_3A_prokka|PROKKA_02091
Description: ER06600_3A_prokka|PROKKA_02091
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02111
Name: ER06600_3A_prokka|PROKKA_02111
Description: ER06600_3A_prokka|PROKKA_02111
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02141
Name: ER06600_3A_prokka|PROKKA_02141
Description: ER06600_3A_prokka|PROKKA_02141
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02143
Name: ER06600_3A_prokka|PROKKA_02143
Description: ER06600_3A_prokka|PROKKA_02143
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02193
Name: ER06600_3A_prokka|PROKKA_02193
Description: ER06600_3A_prokka|PROKKA_02193
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02313
Name: ER06600_3A_prokka|PROKKA_02313
Description: ER06600_3A_prokka|PROKKA_02313
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02339
Name: ER06600_3A_prokka|PROKKA_02339
Description: ER06600_3A_prokka|PROKKA_02339
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02370
Name: ER06600_3A_prokka|PROKKA_02370
Description: ER06600_3A_prokka|PROKKA_02370
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02526
Name: ER06600_3A_prokka|PROKKA_02526
Description: ER06600_3A_prokka|PROKKA_02526
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02735
Name: ER06600_3A_prokka|PROKKA_02735
Description: ER06600_3A_prokka|PROKKA_02735
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06600_3A_prokka|PROKKA_02822
Name: ER06600_3A_prokka|PROKKA_02822
Description: ER06600_3A_prokka|PROKKA_02822
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00031
Name: ER06618_3A_prokka|PROKKA_00031
Description: ER06618_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00040
Name: ER06618_3A_prokka|PROKKA_00040
Description: ER06618_3A_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00128
Name: ER06618_3A_prokka|PROKKA_00128
Description: ER06618_3A_prokka|PROKKA_00128
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00229
Name: ER06618_3A_prokka|PROKKA_00229
Description: ER06618_3A_prokka|PROKKA_00229
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00281
Name: ER06618_3A_prokka|PROKKA_00281
Description: ER06618_3A_prokka|PROKKA_00281
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00378
Name: ER06618_3A_prokka|PROKKA_00378
Description: ER06618_3A_prokka|PROKKA_00378
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00415
Name: ER06618_3A_prokka|PROKKA_00415
Description: ER06618_3A_prokka|PROKKA_00415
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00546
Name: ER06618_3A_prokka|PROKKA_00546
Description: ER06618_3A_prokka|PROKKA_00546
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00582
Name: ER06618_3A_prokka|PROKKA_00582
Description: ER06618_3A_prokka|PROKKA_00582
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00786
Name: ER06618_3A_prokka|PROKKA_00786
Description: ER06618_3A_prokka|PROKKA_00786
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00812
Name: ER06618_3A_prokka|PROKKA_00812
Description: ER06618_3A_prokka|PROKKA_00812
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00920
Name: ER06618_3A_prokka|PROKKA_00920
Description: ER06618_3A_prokka|PROKKA_00920
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_00959
Name: ER06618_3A_prokka|PROKKA_00959
Description: ER06618_3A_prokka|PROKKA_00959
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01039
Name: ER06618_3A_prokka|PROKKA_01039
Description: ER06618_3A_prokka|PROKKA_01039
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01052
Name: ER06618_3A_prokka|PROKKA_01052
Description: ER06618_3A_prokka|PROKKA_01052
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01053
Name: ER06618_3A_prokka|PROKKA_01053
Description: ER06618_3A_prokka|PROKKA_01053
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01071
Name: ER06618_3A_prokka|PROKKA_01071
Description: ER06618_3A_prokka|PROKKA_01071
Number of features: 0
Seq('MNHTIVDSADFQLQANDLISIQGFGRAHITDLGGKTKKDKTHITYRTLFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01189
Name: ER06618_3A_prokka|PROKKA_01189
Description: ER06618_3A_prokka|PROKKA_01189
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01193
Name: ER06618_3A_prokka|PROKKA_01193
Description: ER06618_3A_prokka|PROKKA_01193
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01197
Name: ER06618_3A_prokka|PROKKA_01197
Description: ER06618_3A_prokka|PROKKA_01197
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01199
Name: ER06618_3A_prokka|PROKKA_01199
Description: ER06618_3A_prokka|PROKKA_01199
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01223
Name: ER06618_3A_prokka|PROKKA_01223
Description: ER06618_3A_prokka|PROKKA_01223
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01318
Name: ER06618_3A_prokka|PROKKA_01318
Description: ER06618_3A_prokka|PROKKA_01318
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01330
Name: ER06618_3A_prokka|PROKKA_01330
Description: ER06618_3A_prokka|PROKKA_01330
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01396
Name: ER06618_3A_prokka|PROKKA_01396
Description: ER06618_3A_prokka|PROKKA_01396
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01433
Name: ER06618_3A_prokka|PROKKA_01433
Description: ER06618_3A_prokka|PROKKA_01433
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01504
Name: ER06618_3A_prokka|PROKKA_01504
Description: ER06618_3A_prokka|PROKKA_01504
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01676
Name: ER06618_3A_prokka|PROKKA_01676
Description: ER06618_3A_prokka|PROKKA_01676
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01695
Name: ER06618_3A_prokka|PROKKA_01695
Description: ER06618_3A_prokka|PROKKA_01695
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01730
Name: ER06618_3A_prokka|PROKKA_01730
Description: ER06618_3A_prokka|PROKKA_01730
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01781
Name: ER06618_3A_prokka|PROKKA_01781
Description: ER06618_3A_prokka|PROKKA_01781
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01853
Name: ER06618_3A_prokka|PROKKA_01853
Description: ER06618_3A_prokka|PROKKA_01853
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01863
Name: ER06618_3A_prokka|PROKKA_01863
Description: ER06618_3A_prokka|PROKKA_01863
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01874
Name: ER06618_3A_prokka|PROKKA_01874
Description: ER06618_3A_prokka|PROKKA_01874
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01892
Name: ER06618_3A_prokka|PROKKA_01892
Description: ER06618_3A_prokka|PROKKA_01892
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01896
Name: ER06618_3A_prokka|PROKKA_01896
Description: ER06618_3A_prokka|PROKKA_01896
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01902
Name: ER06618_3A_prokka|PROKKA_01902
Description: ER06618_3A_prokka|PROKKA_01902
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01905
Name: ER06618_3A_prokka|PROKKA_01905
Description: ER06618_3A_prokka|PROKKA_01905
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01912
Name: ER06618_3A_prokka|PROKKA_01912
Description: ER06618_3A_prokka|PROKKA_01912
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01914
Name: ER06618_3A_prokka|PROKKA_01914
Description: ER06618_3A_prokka|PROKKA_01914
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01933
Name: ER06618_3A_prokka|PROKKA_01933
Description: ER06618_3A_prokka|PROKKA_01933
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01935
Name: ER06618_3A_prokka|PROKKA_01935
Description: ER06618_3A_prokka|PROKKA_01935
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_01984
Name: ER06618_3A_prokka|PROKKA_01984
Description: ER06618_3A_prokka|PROKKA_01984
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_02103
Name: ER06618_3A_prokka|PROKKA_02103
Description: ER06618_3A_prokka|PROKKA_02103
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_02127
Name: ER06618_3A_prokka|PROKKA_02127
Description: ER06618_3A_prokka|PROKKA_02127
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_02158
Name: ER06618_3A_prokka|PROKKA_02158
Description: ER06618_3A_prokka|PROKKA_02158
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_02313
Name: ER06618_3A_prokka|PROKKA_02313
Description: ER06618_3A_prokka|PROKKA_02313
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_02521
Name: ER06618_3A_prokka|PROKKA_02521
Description: ER06618_3A_prokka|PROKKA_02521
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_02608
Name: ER06618_3A_prokka|PROKKA_02608
Description: ER06618_3A_prokka|PROKKA_02608
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06618_3A_prokka|PROKKA_02638
Name: ER06618_3A_prokka|PROKKA_02638
Description: ER06618_3A_prokka|PROKKA_02638
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALTEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00030
Name: ER06690_3A_prokka|PROKKA_00030
Description: ER06690_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00039
Name: ER06690_3A_prokka|PROKKA_00039
Description: ER06690_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MNWIKIAQLSVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00123
Name: ER06690_3A_prokka|PROKKA_00123
Description: ER06690_3A_prokka|PROKKA_00123
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00227
Name: ER06690_3A_prokka|PROKKA_00227
Description: ER06690_3A_prokka|PROKKA_00227
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00374
Name: ER06690_3A_prokka|PROKKA_00374
Description: ER06690_3A_prokka|PROKKA_00374
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFHNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00539
Name: ER06690_3A_prokka|PROKKA_00539
Description: ER06690_3A_prokka|PROKKA_00539
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00569
Name: ER06690_3A_prokka|PROKKA_00569
Description: ER06690_3A_prokka|PROKKA_00569
Number of features: 0
Seq('MLFLDALLSMSYQNIIVYFVWIAVIMGFFLVNIALIIDKNIHVILKNP', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00576
Name: ER06690_3A_prokka|PROKKA_00576
Description: ER06690_3A_prokka|PROKKA_00576
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00620
Name: ER06690_3A_prokka|PROKKA_00620
Description: ER06690_3A_prokka|PROKKA_00620
Number of features: 0
Seq('MPKIILVSHSKEIASGTKSLLKQMAGDVDIIPIGDYQMVQLELHLISSKKF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00756
Name: ER06690_3A_prokka|PROKKA_00756
Description: ER06690_3A_prokka|PROKKA_00756
Number of features: 0
Seq('MKLNLFYITLTSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00794
Name: ER06690_3A_prokka|PROKKA_00794
Description: ER06690_3A_prokka|PROKKA_00794
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00820
Name: ER06690_3A_prokka|PROKKA_00820
Description: ER06690_3A_prokka|PROKKA_00820
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00928
Name: ER06690_3A_prokka|PROKKA_00928
Description: ER06690_3A_prokka|PROKKA_00928
Number of features: 0
Seq('MRQFIKRIVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_00968
Name: ER06690_3A_prokka|PROKKA_00968
Description: ER06690_3A_prokka|PROKKA_00968
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01048
Name: ER06690_3A_prokka|PROKKA_01048
Description: ER06690_3A_prokka|PROKKA_01048
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01061
Name: ER06690_3A_prokka|PROKKA_01061
Description: ER06690_3A_prokka|PROKKA_01061
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01062
Name: ER06690_3A_prokka|PROKKA_01062
Description: ER06690_3A_prokka|PROKKA_01062
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01196
Name: ER06690_3A_prokka|PROKKA_01196
Description: ER06690_3A_prokka|PROKKA_01196
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01199
Name: ER06690_3A_prokka|PROKKA_01199
Description: ER06690_3A_prokka|PROKKA_01199
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKSKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01202
Name: ER06690_3A_prokka|PROKKA_01202
Description: ER06690_3A_prokka|PROKKA_01202
Number of features: 0
Seq('MYFAQLDGEITNKQSQELLDKEYKKAIELENKNKEQKLEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01205
Name: ER06690_3A_prokka|PROKKA_01205
Description: ER06690_3A_prokka|PROKKA_01205
Number of features: 0
Seq('MSIQQLDGYISIEDFFKHMDELSKKEELEKEINQSKSKYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01227
Name: ER06690_3A_prokka|PROKKA_01227
Description: ER06690_3A_prokka|PROKKA_01227
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01322
Name: ER06690_3A_prokka|PROKKA_01322
Description: ER06690_3A_prokka|PROKKA_01322
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVGDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01334
Name: ER06690_3A_prokka|PROKKA_01334
Description: ER06690_3A_prokka|PROKKA_01334
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01399
Name: ER06690_3A_prokka|PROKKA_01399
Description: ER06690_3A_prokka|PROKKA_01399
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01436
Name: ER06690_3A_prokka|PROKKA_01436
Description: ER06690_3A_prokka|PROKKA_01436
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01506
Name: ER06690_3A_prokka|PROKKA_01506
Description: ER06690_3A_prokka|PROKKA_01506
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01669
Name: ER06690_3A_prokka|PROKKA_01669
Description: ER06690_3A_prokka|PROKKA_01669
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01689
Name: ER06690_3A_prokka|PROKKA_01689
Description: ER06690_3A_prokka|PROKKA_01689
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01724
Name: ER06690_3A_prokka|PROKKA_01724
Description: ER06690_3A_prokka|PROKKA_01724
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01774
Name: ER06690_3A_prokka|PROKKA_01774
Description: ER06690_3A_prokka|PROKKA_01774
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01846
Name: ER06690_3A_prokka|PROKKA_01846
Description: ER06690_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01856
Name: ER06690_3A_prokka|PROKKA_01856
Description: ER06690_3A_prokka|PROKKA_01856
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01868
Name: ER06690_3A_prokka|PROKKA_01868
Description: ER06690_3A_prokka|PROKKA_01868
Number of features: 0
Seq('MRIFIYDLIVLLFAFLISIYIIDDGVIINALGIFGMYKIIDSFSENIIKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01869
Name: ER06690_3A_prokka|PROKKA_01869
Description: ER06690_3A_prokka|PROKKA_01869
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01881
Name: ER06690_3A_prokka|PROKKA_01881
Description: ER06690_3A_prokka|PROKKA_01881
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01884
Name: ER06690_3A_prokka|PROKKA_01884
Description: ER06690_3A_prokka|PROKKA_01884
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01910
Name: ER06690_3A_prokka|PROKKA_01910
Description: ER06690_3A_prokka|PROKKA_01910
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTISDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01912
Name: ER06690_3A_prokka|PROKKA_01912
Description: ER06690_3A_prokka|PROKKA_01912
Number of features: 0
Seq('MKKLLNKVIELLVDFFNSIGYRAAYINCDFLLDEAEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_01961
Name: ER06690_3A_prokka|PROKKA_01961
Description: ER06690_3A_prokka|PROKKA_01961
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_02075
Name: ER06690_3A_prokka|PROKKA_02075
Description: ER06690_3A_prokka|PROKKA_02075
Number of features: 0
Seq('MIYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_02092
Name: ER06690_3A_prokka|PROKKA_02092
Description: ER06690_3A_prokka|PROKKA_02092
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_02123
Name: ER06690_3A_prokka|PROKKA_02123
Description: ER06690_3A_prokka|PROKKA_02123
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_02277
Name: ER06690_3A_prokka|PROKKA_02277
Description: ER06690_3A_prokka|PROKKA_02277
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_02342
Name: ER06690_3A_prokka|PROKKA_02342
Description: ER06690_3A_prokka|PROKKA_02342
Number of features: 0
Seq('MSQTEYQINPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_02484
Name: ER06690_3A_prokka|PROKKA_02484
Description: ER06690_3A_prokka|PROKKA_02484
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_02544
Name: ER06690_3A_prokka|PROKKA_02544
Description: ER06690_3A_prokka|PROKKA_02544
Number of features: 0
Seq('MAIYIFCTILVLVAVGALLTNRIRDKKDKRLDILSSVLLLISSISLLLYGVIIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_02568
Name: ER06690_3A_prokka|PROKKA_02568
Description: ER06690_3A_prokka|PROKKA_02568
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_02572
Name: ER06690_3A_prokka|PROKKA_02572
Description: ER06690_3A_prokka|PROKKA_02572
Number of features: 0
Seq('MSTKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_02598
Name: ER06690_3A_prokka|PROKKA_02598
Description: ER06690_3A_prokka|PROKKA_02598
Number of features: 0
Seq('MKKIILLFKNPIYSKLFLANFTSQFGGTIGLTAIMFFFLKEFTDMPSLAT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06690_3A_prokka|PROKKA_02600
Name: ER06690_3A_prokka|PROKKA_02600
Description: ER06690_3A_prokka|PROKKA_02600
Number of features: 0
Seq('MEKEFDTMTYGTLPLQLDVKKGIFLNKGVLLQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00107
Name: ER06713_3A_prokka|PROKKA_00107
Description: ER06713_3A_prokka|PROKKA_00107
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00181
Name: ER06713_3A_prokka|PROKKA_00181
Description: ER06713_3A_prokka|PROKKA_00181
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00216
Name: ER06713_3A_prokka|PROKKA_00216
Description: ER06713_3A_prokka|PROKKA_00216
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00219
Name: ER06713_3A_prokka|PROKKA_00219
Description: ER06713_3A_prokka|PROKKA_00219
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00246
Name: ER06713_3A_prokka|PROKKA_00246
Description: ER06713_3A_prokka|PROKKA_00246
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00251
Name: ER06713_3A_prokka|PROKKA_00251
Description: ER06713_3A_prokka|PROKKA_00251
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00259
Name: ER06713_3A_prokka|PROKKA_00259
Description: ER06713_3A_prokka|PROKKA_00259
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00274
Name: ER06713_3A_prokka|PROKKA_00274
Description: ER06713_3A_prokka|PROKKA_00274
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00283
Name: ER06713_3A_prokka|PROKKA_00283
Description: ER06713_3A_prokka|PROKKA_00283
Number of features: 0
Seq('MEQTQKLKLNLQHFASNNVKPQVFNPDNVMMHERKMAR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00284
Name: ER06713_3A_prokka|PROKKA_00284
Description: ER06713_3A_prokka|PROKKA_00284
Number of features: 0
Seq('MQLGKYEPMEGTEKKFTFWADKPGAYWVGEGQKIETSKATWVNATMRAV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00306
Name: ER06713_3A_prokka|PROKKA_00306
Description: ER06713_3A_prokka|PROKKA_00306
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00307
Name: ER06713_3A_prokka|PROKKA_00307
Description: ER06713_3A_prokka|PROKKA_00307
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00309
Name: ER06713_3A_prokka|PROKKA_00309
Description: ER06713_3A_prokka|PROKKA_00309
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00361
Name: ER06713_3A_prokka|PROKKA_00361
Description: ER06713_3A_prokka|PROKKA_00361
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00403
Name: ER06713_3A_prokka|PROKKA_00403
Description: ER06713_3A_prokka|PROKKA_00403
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00418
Name: ER06713_3A_prokka|PROKKA_00418
Description: ER06713_3A_prokka|PROKKA_00418
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00480
Name: ER06713_3A_prokka|PROKKA_00480
Description: ER06713_3A_prokka|PROKKA_00480
Number of features: 0
Seq('MSTKTYTKALQDIFREINGEDEEDSETEPEEMGKTEEQSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00481
Name: ER06713_3A_prokka|PROKKA_00481
Description: ER06713_3A_prokka|PROKKA_00481
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00497
Name: ER06713_3A_prokka|PROKKA_00497
Description: ER06713_3A_prokka|PROKKA_00497
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00605
Name: ER06713_3A_prokka|PROKKA_00605
Description: ER06713_3A_prokka|PROKKA_00605
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00657
Name: ER06713_3A_prokka|PROKKA_00657
Description: ER06713_3A_prokka|PROKKA_00657
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00659
Name: ER06713_3A_prokka|PROKKA_00659
Description: ER06713_3A_prokka|PROKKA_00659
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00685
Name: ER06713_3A_prokka|PROKKA_00685
Description: ER06713_3A_prokka|PROKKA_00685
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00703
Name: ER06713_3A_prokka|PROKKA_00703
Description: ER06713_3A_prokka|PROKKA_00703
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00719
Name: ER06713_3A_prokka|PROKKA_00719
Description: ER06713_3A_prokka|PROKKA_00719
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00723
Name: ER06713_3A_prokka|PROKKA_00723
Description: ER06713_3A_prokka|PROKKA_00723
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00799
Name: ER06713_3A_prokka|PROKKA_00799
Description: ER06713_3A_prokka|PROKKA_00799
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00804
Name: ER06713_3A_prokka|PROKKA_00804
Description: ER06713_3A_prokka|PROKKA_00804
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00826
Name: ER06713_3A_prokka|PROKKA_00826
Description: ER06713_3A_prokka|PROKKA_00826
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00857
Name: ER06713_3A_prokka|PROKKA_00857
Description: ER06713_3A_prokka|PROKKA_00857
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00858
Name: ER06713_3A_prokka|PROKKA_00858
Description: ER06713_3A_prokka|PROKKA_00858
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00873
Name: ER06713_3A_prokka|PROKKA_00873
Description: ER06713_3A_prokka|PROKKA_00873
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_00978
Name: ER06713_3A_prokka|PROKKA_00978
Description: ER06713_3A_prokka|PROKKA_00978
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01017
Name: ER06713_3A_prokka|PROKKA_01017
Description: ER06713_3A_prokka|PROKKA_01017
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01018
Name: ER06713_3A_prokka|PROKKA_01018
Description: ER06713_3A_prokka|PROKKA_01018
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01100
Name: ER06713_3A_prokka|PROKKA_01100
Description: ER06713_3A_prokka|PROKKA_01100
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01112
Name: ER06713_3A_prokka|PROKKA_01112
Description: ER06713_3A_prokka|PROKKA_01112
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01113
Name: ER06713_3A_prokka|PROKKA_01113
Description: ER06713_3A_prokka|PROKKA_01113
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01249
Name: ER06713_3A_prokka|PROKKA_01249
Description: ER06713_3A_prokka|PROKKA_01249
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01253
Name: ER06713_3A_prokka|PROKKA_01253
Description: ER06713_3A_prokka|PROKKA_01253
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01277
Name: ER06713_3A_prokka|PROKKA_01277
Description: ER06713_3A_prokka|PROKKA_01277
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01381
Name: ER06713_3A_prokka|PROKKA_01381
Description: ER06713_3A_prokka|PROKKA_01381
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01428
Name: ER06713_3A_prokka|PROKKA_01428
Description: ER06713_3A_prokka|PROKKA_01428
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01436
Name: ER06713_3A_prokka|PROKKA_01436
Description: ER06713_3A_prokka|PROKKA_01436
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01455
Name: ER06713_3A_prokka|PROKKA_01455
Description: ER06713_3A_prokka|PROKKA_01455
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01470
Name: ER06713_3A_prokka|PROKKA_01470
Description: ER06713_3A_prokka|PROKKA_01470
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01478
Name: ER06713_3A_prokka|PROKKA_01478
Description: ER06713_3A_prokka|PROKKA_01478
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01483
Name: ER06713_3A_prokka|PROKKA_01483
Description: ER06713_3A_prokka|PROKKA_01483
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01486
Name: ER06713_3A_prokka|PROKKA_01486
Description: ER06713_3A_prokka|PROKKA_01486
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01493
Name: ER06713_3A_prokka|PROKKA_01493
Description: ER06713_3A_prokka|PROKKA_01493
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01512
Name: ER06713_3A_prokka|PROKKA_01512
Description: ER06713_3A_prokka|PROKKA_01512
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01525
Name: ER06713_3A_prokka|PROKKA_01525
Description: ER06713_3A_prokka|PROKKA_01525
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01557
Name: ER06713_3A_prokka|PROKKA_01557
Description: ER06713_3A_prokka|PROKKA_01557
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01702
Name: ER06713_3A_prokka|PROKKA_01702
Description: ER06713_3A_prokka|PROKKA_01702
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01711
Name: ER06713_3A_prokka|PROKKA_01711
Description: ER06713_3A_prokka|PROKKA_01711
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01775
Name: ER06713_3A_prokka|PROKKA_01775
Description: ER06713_3A_prokka|PROKKA_01775
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01884
Name: ER06713_3A_prokka|PROKKA_01884
Description: ER06713_3A_prokka|PROKKA_01884
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_01922
Name: ER06713_3A_prokka|PROKKA_01922
Description: ER06713_3A_prokka|PROKKA_01922
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02006
Name: ER06713_3A_prokka|PROKKA_02006
Description: ER06713_3A_prokka|PROKKA_02006
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02045
Name: ER06713_3A_prokka|PROKKA_02045
Description: ER06713_3A_prokka|PROKKA_02045
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02048
Name: ER06713_3A_prokka|PROKKA_02048
Description: ER06713_3A_prokka|PROKKA_02048
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02052
Name: ER06713_3A_prokka|PROKKA_02052
Description: ER06713_3A_prokka|PROKKA_02052
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02073
Name: ER06713_3A_prokka|PROKKA_02073
Description: ER06713_3A_prokka|PROKKA_02073
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02091
Name: ER06713_3A_prokka|PROKKA_02091
Description: ER06713_3A_prokka|PROKKA_02091
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02258
Name: ER06713_3A_prokka|PROKKA_02258
Description: ER06713_3A_prokka|PROKKA_02258
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02382
Name: ER06713_3A_prokka|PROKKA_02382
Description: ER06713_3A_prokka|PROKKA_02382
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02399
Name: ER06713_3A_prokka|PROKKA_02399
Description: ER06713_3A_prokka|PROKKA_02399
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02565
Name: ER06713_3A_prokka|PROKKA_02565
Description: ER06713_3A_prokka|PROKKA_02565
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02795
Name: ER06713_3A_prokka|PROKKA_02795
Description: ER06713_3A_prokka|PROKKA_02795
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02826
Name: ER06713_3A_prokka|PROKKA_02826
Description: ER06713_3A_prokka|PROKKA_02826
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02830
Name: ER06713_3A_prokka|PROKKA_02830
Description: ER06713_3A_prokka|PROKKA_02830
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02846
Name: ER06713_3A_prokka|PROKKA_02846
Description: ER06713_3A_prokka|PROKKA_02846
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02869
Name: ER06713_3A_prokka|PROKKA_02869
Description: ER06713_3A_prokka|PROKKA_02869
Number of features: 0
Seq('MLLKGPLKIISVIFQLLFGKIGLIRNAITGLVTVLVF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02870
Name: ER06713_3A_prokka|PROKKA_02870
Description: ER06713_3A_prokka|PROKKA_02870
Number of features: 0
Seq('MSAGADMIRGLIRGIGQMAGQLVDAAKKCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02873
Name: ER06713_3A_prokka|PROKKA_02873
Description: ER06713_3A_prokka|PROKKA_02873
Number of features: 0
Seq('MIAFEFIKNGVEISTETNIAQPKFKYGANKFEFNQTVQKVQFDLKFYYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06713_3A_prokka|PROKKA_02891
Name: ER06713_3A_prokka|PROKKA_02891
Description: ER06713_3A_prokka|PROKKA_02891
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00029
Name: ER06881_3A_prokka|PROKKA_00029
Description: ER06881_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00060
Name: ER06881_3A_prokka|PROKKA_00060
Description: ER06881_3A_prokka|PROKKA_00060
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00069
Name: ER06881_3A_prokka|PROKKA_00069
Description: ER06881_3A_prokka|PROKKA_00069
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00090
Name: ER06881_3A_prokka|PROKKA_00090
Description: ER06881_3A_prokka|PROKKA_00090
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00180
Name: ER06881_3A_prokka|PROKKA_00180
Description: ER06881_3A_prokka|PROKKA_00180
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00279
Name: ER06881_3A_prokka|PROKKA_00279
Description: ER06881_3A_prokka|PROKKA_00279
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00332
Name: ER06881_3A_prokka|PROKKA_00332
Description: ER06881_3A_prokka|PROKKA_00332
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00430
Name: ER06881_3A_prokka|PROKKA_00430
Description: ER06881_3A_prokka|PROKKA_00430
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00468
Name: ER06881_3A_prokka|PROKKA_00468
Description: ER06881_3A_prokka|PROKKA_00468
Number of features: 0
Seq('MGIAPEVVMWRDVGDINGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00599
Name: ER06881_3A_prokka|PROKKA_00599
Description: ER06881_3A_prokka|PROKKA_00599
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00635
Name: ER06881_3A_prokka|PROKKA_00635
Description: ER06881_3A_prokka|PROKKA_00635
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00851
Name: ER06881_3A_prokka|PROKKA_00851
Description: ER06881_3A_prokka|PROKKA_00851
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_00895
Name: ER06881_3A_prokka|PROKKA_00895
Description: ER06881_3A_prokka|PROKKA_00895
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01003
Name: ER06881_3A_prokka|PROKKA_01003
Description: ER06881_3A_prokka|PROKKA_01003
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01042
Name: ER06881_3A_prokka|PROKKA_01042
Description: ER06881_3A_prokka|PROKKA_01042
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01043
Name: ER06881_3A_prokka|PROKKA_01043
Description: ER06881_3A_prokka|PROKKA_01043
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01123
Name: ER06881_3A_prokka|PROKKA_01123
Description: ER06881_3A_prokka|PROKKA_01123
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01136
Name: ER06881_3A_prokka|PROKKA_01136
Description: ER06881_3A_prokka|PROKKA_01136
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01137
Name: ER06881_3A_prokka|PROKKA_01137
Description: ER06881_3A_prokka|PROKKA_01137
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01272
Name: ER06881_3A_prokka|PROKKA_01272
Description: ER06881_3A_prokka|PROKKA_01272
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01276
Name: ER06881_3A_prokka|PROKKA_01276
Description: ER06881_3A_prokka|PROKKA_01276
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01280
Name: ER06881_3A_prokka|PROKKA_01280
Description: ER06881_3A_prokka|PROKKA_01280
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01282
Name: ER06881_3A_prokka|PROKKA_01282
Description: ER06881_3A_prokka|PROKKA_01282
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01306
Name: ER06881_3A_prokka|PROKKA_01306
Description: ER06881_3A_prokka|PROKKA_01306
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01401
Name: ER06881_3A_prokka|PROKKA_01401
Description: ER06881_3A_prokka|PROKKA_01401
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01414
Name: ER06881_3A_prokka|PROKKA_01414
Description: ER06881_3A_prokka|PROKKA_01414
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01463
Name: ER06881_3A_prokka|PROKKA_01463
Description: ER06881_3A_prokka|PROKKA_01463
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01471
Name: ER06881_3A_prokka|PROKKA_01471
Description: ER06881_3A_prokka|PROKKA_01471
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01491
Name: ER06881_3A_prokka|PROKKA_01491
Description: ER06881_3A_prokka|PROKKA_01491
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01519
Name: ER06881_3A_prokka|PROKKA_01519
Description: ER06881_3A_prokka|PROKKA_01519
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01546
Name: ER06881_3A_prokka|PROKKA_01546
Description: ER06881_3A_prokka|PROKKA_01546
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01583
Name: ER06881_3A_prokka|PROKKA_01583
Description: ER06881_3A_prokka|PROKKA_01583
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01654
Name: ER06881_3A_prokka|PROKKA_01654
Description: ER06881_3A_prokka|PROKKA_01654
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01819
Name: ER06881_3A_prokka|PROKKA_01819
Description: ER06881_3A_prokka|PROKKA_01819
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01826
Name: ER06881_3A_prokka|PROKKA_01826
Description: ER06881_3A_prokka|PROKKA_01826
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01845
Name: ER06881_3A_prokka|PROKKA_01845
Description: ER06881_3A_prokka|PROKKA_01845
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01881
Name: ER06881_3A_prokka|PROKKA_01881
Description: ER06881_3A_prokka|PROKKA_01881
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01933
Name: ER06881_3A_prokka|PROKKA_01933
Description: ER06881_3A_prokka|PROKKA_01933
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01934
Name: ER06881_3A_prokka|PROKKA_01934
Description: ER06881_3A_prokka|PROKKA_01934
Number of features: 0
Seq('MESEQRYVNSLTREFNNEAEINAILKKDLVTQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01937
Name: ER06881_3A_prokka|PROKKA_01937
Description: ER06881_3A_prokka|PROKKA_01937
Number of features: 0
Seq('MVKILTEITSRVGNGVTTPYYAMIDSLAVVVNRLTITKGFMLYSMKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01967
Name: ER06881_3A_prokka|PROKKA_01967
Description: ER06881_3A_prokka|PROKKA_01967
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGEVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01981
Name: ER06881_3A_prokka|PROKKA_01981
Description: ER06881_3A_prokka|PROKKA_01981
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_01990
Name: ER06881_3A_prokka|PROKKA_01990
Description: ER06881_3A_prokka|PROKKA_01990
Number of features: 0
Seq('MSNIYKSYLIAVLCFTILAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02001
Name: ER06881_3A_prokka|PROKKA_02001
Description: ER06881_3A_prokka|PROKKA_02001
Number of features: 0
Seq('MRKYNFDKFFLYMAVLSLPIVIFFPLMLSIPIIFFIFSIRKKED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02076
Name: ER06881_3A_prokka|PROKKA_02076
Description: ER06881_3A_prokka|PROKKA_02076
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02080
Name: ER06881_3A_prokka|PROKKA_02080
Description: ER06881_3A_prokka|PROKKA_02080
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02096
Name: ER06881_3A_prokka|PROKKA_02096
Description: ER06881_3A_prokka|PROKKA_02096
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02116
Name: ER06881_3A_prokka|PROKKA_02116
Description: ER06881_3A_prokka|PROKKA_02116
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02146
Name: ER06881_3A_prokka|PROKKA_02146
Description: ER06881_3A_prokka|PROKKA_02146
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02148
Name: ER06881_3A_prokka|PROKKA_02148
Description: ER06881_3A_prokka|PROKKA_02148
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02197
Name: ER06881_3A_prokka|PROKKA_02197
Description: ER06881_3A_prokka|PROKKA_02197
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02317
Name: ER06881_3A_prokka|PROKKA_02317
Description: ER06881_3A_prokka|PROKKA_02317
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02341
Name: ER06881_3A_prokka|PROKKA_02341
Description: ER06881_3A_prokka|PROKKA_02341
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02372
Name: ER06881_3A_prokka|PROKKA_02372
Description: ER06881_3A_prokka|PROKKA_02372
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02529
Name: ER06881_3A_prokka|PROKKA_02529
Description: ER06881_3A_prokka|PROKKA_02529
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02575
Name: ER06881_3A_prokka|PROKKA_02575
Description: ER06881_3A_prokka|PROKKA_02575
Number of features: 0
Seq('MKGAMAWPFLRLYILTLMFFSANAILNVFIPLRGHDLGATNTVIGIVMGHTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02742
Name: ER06881_3A_prokka|PROKKA_02742
Description: ER06881_3A_prokka|PROKKA_02742
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06881_3A_prokka|PROKKA_02829
Name: ER06881_3A_prokka|PROKKA_02829
Description: ER06881_3A_prokka|PROKKA_02829
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00012
Name: ER06916_3A_prokka|PROKKA_00012
Description: ER06916_3A_prokka|PROKKA_00012
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00048
Name: ER06916_3A_prokka|PROKKA_00048
Description: ER06916_3A_prokka|PROKKA_00048
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00057
Name: ER06916_3A_prokka|PROKKA_00057
Description: ER06916_3A_prokka|PROKKA_00057
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00070
Name: ER06916_3A_prokka|PROKKA_00070
Description: ER06916_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00073
Name: ER06916_3A_prokka|PROKKA_00073
Description: ER06916_3A_prokka|PROKKA_00073
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00238
Name: ER06916_3A_prokka|PROKKA_00238
Description: ER06916_3A_prokka|PROKKA_00238
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00363
Name: ER06916_3A_prokka|PROKKA_00363
Description: ER06916_3A_prokka|PROKKA_00363
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00381
Name: ER06916_3A_prokka|PROKKA_00381
Description: ER06916_3A_prokka|PROKKA_00381
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00547
Name: ER06916_3A_prokka|PROKKA_00547
Description: ER06916_3A_prokka|PROKKA_00547
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDNSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00799
Name: ER06916_3A_prokka|PROKKA_00799
Description: ER06916_3A_prokka|PROKKA_00799
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00826
Name: ER06916_3A_prokka|PROKKA_00826
Description: ER06916_3A_prokka|PROKKA_00826
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00933
Name: ER06916_3A_prokka|PROKKA_00933
Description: ER06916_3A_prokka|PROKKA_00933
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_00973
Name: ER06916_3A_prokka|PROKKA_00973
Description: ER06916_3A_prokka|PROKKA_00973
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01026
Name: ER06916_3A_prokka|PROKKA_01026
Description: ER06916_3A_prokka|PROKKA_01026
Number of features: 0
Seq('MLQKFRIAKERSKLKLNLLKHANSNLETRNNPELLRAVAELLKEINR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01031
Name: ER06916_3A_prokka|PROKKA_01031
Description: ER06916_3A_prokka|PROKKA_01031
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01032
Name: ER06916_3A_prokka|PROKKA_01032
Description: ER06916_3A_prokka|PROKKA_01032
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYGE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01050
Name: ER06916_3A_prokka|PROKKA_01050
Description: ER06916_3A_prokka|PROKKA_01050
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01124
Name: ER06916_3A_prokka|PROKKA_01124
Description: ER06916_3A_prokka|PROKKA_01124
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01175
Name: ER06916_3A_prokka|PROKKA_01175
Description: ER06916_3A_prokka|PROKKA_01175
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01217
Name: ER06916_3A_prokka|PROKKA_01217
Description: ER06916_3A_prokka|PROKKA_01217
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01232
Name: ER06916_3A_prokka|PROKKA_01232
Description: ER06916_3A_prokka|PROKKA_01232
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01395
Name: ER06916_3A_prokka|PROKKA_01395
Description: ER06916_3A_prokka|PROKKA_01395
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01467
Name: ER06916_3A_prokka|PROKKA_01467
Description: ER06916_3A_prokka|PROKKA_01467
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01502
Name: ER06916_3A_prokka|PROKKA_01502
Description: ER06916_3A_prokka|PROKKA_01502
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01505
Name: ER06916_3A_prokka|PROKKA_01505
Description: ER06916_3A_prokka|PROKKA_01505
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01572
Name: ER06916_3A_prokka|PROKKA_01572
Description: ER06916_3A_prokka|PROKKA_01572
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01584
Name: ER06916_3A_prokka|PROKKA_01584
Description: ER06916_3A_prokka|PROKKA_01584
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01679
Name: ER06916_3A_prokka|PROKKA_01679
Description: ER06916_3A_prokka|PROKKA_01679
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01704
Name: ER06916_3A_prokka|PROKKA_01704
Description: ER06916_3A_prokka|PROKKA_01704
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01708
Name: ER06916_3A_prokka|PROKKA_01708
Description: ER06916_3A_prokka|PROKKA_01708
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01844
Name: ER06916_3A_prokka|PROKKA_01844
Description: ER06916_3A_prokka|PROKKA_01844
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01845
Name: ER06916_3A_prokka|PROKKA_01845
Description: ER06916_3A_prokka|PROKKA_01845
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01857
Name: ER06916_3A_prokka|PROKKA_01857
Description: ER06916_3A_prokka|PROKKA_01857
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01862
Name: ER06916_3A_prokka|PROKKA_01862
Description: ER06916_3A_prokka|PROKKA_01862
Number of features: 0
Seq('MKFKKYILTGTLALLLSSTGIATIEGNKADASSLDKYLTESQFHDNA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01923
Name: ER06916_3A_prokka|PROKKA_01923
Description: ER06916_3A_prokka|PROKKA_01923
Number of features: 0
Seq('MMWLVIAIILLVILLFGMMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01944
Name: ER06916_3A_prokka|PROKKA_01944
Description: ER06916_3A_prokka|PROKKA_01944
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01945
Name: ER06916_3A_prokka|PROKKA_01945
Description: ER06916_3A_prokka|PROKKA_01945
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01951
Name: ER06916_3A_prokka|PROKKA_01951
Description: ER06916_3A_prokka|PROKKA_01951
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01987
Name: ER06916_3A_prokka|PROKKA_01987
Description: ER06916_3A_prokka|PROKKA_01987
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_01991
Name: ER06916_3A_prokka|PROKKA_01991
Description: ER06916_3A_prokka|PROKKA_01991
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02007
Name: ER06916_3A_prokka|PROKKA_02007
Description: ER06916_3A_prokka|PROKKA_02007
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02025
Name: ER06916_3A_prokka|PROKKA_02025
Description: ER06916_3A_prokka|PROKKA_02025
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02026
Name: ER06916_3A_prokka|PROKKA_02026
Description: ER06916_3A_prokka|PROKKA_02026
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02031
Name: ER06916_3A_prokka|PROKKA_02031
Description: ER06916_3A_prokka|PROKKA_02031
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02036
Name: ER06916_3A_prokka|PROKKA_02036
Description: ER06916_3A_prokka|PROKKA_02036
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02065
Name: ER06916_3A_prokka|PROKKA_02065
Description: ER06916_3A_prokka|PROKKA_02065
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02076
Name: ER06916_3A_prokka|PROKKA_02076
Description: ER06916_3A_prokka|PROKKA_02076
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02078
Name: ER06916_3A_prokka|PROKKA_02078
Description: ER06916_3A_prokka|PROKKA_02078
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02128
Name: ER06916_3A_prokka|PROKKA_02128
Description: ER06916_3A_prokka|PROKKA_02128
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02254
Name: ER06916_3A_prokka|PROKKA_02254
Description: ER06916_3A_prokka|PROKKA_02254
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02267
Name: ER06916_3A_prokka|PROKKA_02267
Description: ER06916_3A_prokka|PROKKA_02267
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02298
Name: ER06916_3A_prokka|PROKKA_02298
Description: ER06916_3A_prokka|PROKKA_02298
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02453
Name: ER06916_3A_prokka|PROKKA_02453
Description: ER06916_3A_prokka|PROKKA_02453
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02532
Name: ER06916_3A_prokka|PROKKA_02532
Description: ER06916_3A_prokka|PROKKA_02532
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02697
Name: ER06916_3A_prokka|PROKKA_02697
Description: ER06916_3A_prokka|PROKKA_02697
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02700
Name: ER06916_3A_prokka|PROKKA_02700
Description: ER06916_3A_prokka|PROKKA_02700
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02707
Name: ER06916_3A_prokka|PROKKA_02707
Description: ER06916_3A_prokka|PROKKA_02707
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02745
Name: ER06916_3A_prokka|PROKKA_02745
Description: ER06916_3A_prokka|PROKKA_02745
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06916_3A_prokka|PROKKA_02829
Name: ER06916_3A_prokka|PROKKA_02829
Description: ER06916_3A_prokka|PROKKA_02829
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00030
Name: ER06934_3A_prokka|PROKKA_00030
Description: ER06934_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00061
Name: ER06934_3A_prokka|PROKKA_00061
Description: ER06934_3A_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00070
Name: ER06934_3A_prokka|PROKKA_00070
Description: ER06934_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00091
Name: ER06934_3A_prokka|PROKKA_00091
Description: ER06934_3A_prokka|PROKKA_00091
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00179
Name: ER06934_3A_prokka|PROKKA_00179
Description: ER06934_3A_prokka|PROKKA_00179
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00278
Name: ER06934_3A_prokka|PROKKA_00278
Description: ER06934_3A_prokka|PROKKA_00278
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00330
Name: ER06934_3A_prokka|PROKKA_00330
Description: ER06934_3A_prokka|PROKKA_00330
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00428
Name: ER06934_3A_prokka|PROKKA_00428
Description: ER06934_3A_prokka|PROKKA_00428
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00466
Name: ER06934_3A_prokka|PROKKA_00466
Description: ER06934_3A_prokka|PROKKA_00466
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00596
Name: ER06934_3A_prokka|PROKKA_00596
Description: ER06934_3A_prokka|PROKKA_00596
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00632
Name: ER06934_3A_prokka|PROKKA_00632
Description: ER06934_3A_prokka|PROKKA_00632
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00850
Name: ER06934_3A_prokka|PROKKA_00850
Description: ER06934_3A_prokka|PROKKA_00850
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_00894
Name: ER06934_3A_prokka|PROKKA_00894
Description: ER06934_3A_prokka|PROKKA_00894
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01002
Name: ER06934_3A_prokka|PROKKA_01002
Description: ER06934_3A_prokka|PROKKA_01002
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01041
Name: ER06934_3A_prokka|PROKKA_01041
Description: ER06934_3A_prokka|PROKKA_01041
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01121
Name: ER06934_3A_prokka|PROKKA_01121
Description: ER06934_3A_prokka|PROKKA_01121
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01134
Name: ER06934_3A_prokka|PROKKA_01134
Description: ER06934_3A_prokka|PROKKA_01134
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01135
Name: ER06934_3A_prokka|PROKKA_01135
Description: ER06934_3A_prokka|PROKKA_01135
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01270
Name: ER06934_3A_prokka|PROKKA_01270
Description: ER06934_3A_prokka|PROKKA_01270
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01274
Name: ER06934_3A_prokka|PROKKA_01274
Description: ER06934_3A_prokka|PROKKA_01274
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01278
Name: ER06934_3A_prokka|PROKKA_01278
Description: ER06934_3A_prokka|PROKKA_01278
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01280
Name: ER06934_3A_prokka|PROKKA_01280
Description: ER06934_3A_prokka|PROKKA_01280
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01304
Name: ER06934_3A_prokka|PROKKA_01304
Description: ER06934_3A_prokka|PROKKA_01304
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01399
Name: ER06934_3A_prokka|PROKKA_01399
Description: ER06934_3A_prokka|PROKKA_01399
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01412
Name: ER06934_3A_prokka|PROKKA_01412
Description: ER06934_3A_prokka|PROKKA_01412
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01461
Name: ER06934_3A_prokka|PROKKA_01461
Description: ER06934_3A_prokka|PROKKA_01461
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01469
Name: ER06934_3A_prokka|PROKKA_01469
Description: ER06934_3A_prokka|PROKKA_01469
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01489
Name: ER06934_3A_prokka|PROKKA_01489
Description: ER06934_3A_prokka|PROKKA_01489
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01517
Name: ER06934_3A_prokka|PROKKA_01517
Description: ER06934_3A_prokka|PROKKA_01517
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01544
Name: ER06934_3A_prokka|PROKKA_01544
Description: ER06934_3A_prokka|PROKKA_01544
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01581
Name: ER06934_3A_prokka|PROKKA_01581
Description: ER06934_3A_prokka|PROKKA_01581
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01652
Name: ER06934_3A_prokka|PROKKA_01652
Description: ER06934_3A_prokka|PROKKA_01652
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01819
Name: ER06934_3A_prokka|PROKKA_01819
Description: ER06934_3A_prokka|PROKKA_01819
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01826
Name: ER06934_3A_prokka|PROKKA_01826
Description: ER06934_3A_prokka|PROKKA_01826
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01845
Name: ER06934_3A_prokka|PROKKA_01845
Description: ER06934_3A_prokka|PROKKA_01845
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01880
Name: ER06934_3A_prokka|PROKKA_01880
Description: ER06934_3A_prokka|PROKKA_01880
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01932
Name: ER06934_3A_prokka|PROKKA_01932
Description: ER06934_3A_prokka|PROKKA_01932
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01934
Name: ER06934_3A_prokka|PROKKA_01934
Description: ER06934_3A_prokka|PROKKA_01934
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01935
Name: ER06934_3A_prokka|PROKKA_01935
Description: ER06934_3A_prokka|PROKKA_01935
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01965
Name: ER06934_3A_prokka|PROKKA_01965
Description: ER06934_3A_prokka|PROKKA_01965
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01971
Name: ER06934_3A_prokka|PROKKA_01971
Description: ER06934_3A_prokka|PROKKA_01971
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWHELDYWLNKRKSENEQIDIDRVLKFIEELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_01981
Name: ER06934_3A_prokka|PROKKA_01981
Description: ER06934_3A_prokka|PROKKA_01981
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02071
Name: ER06934_3A_prokka|PROKKA_02071
Description: ER06934_3A_prokka|PROKKA_02071
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02075
Name: ER06934_3A_prokka|PROKKA_02075
Description: ER06934_3A_prokka|PROKKA_02075
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02091
Name: ER06934_3A_prokka|PROKKA_02091
Description: ER06934_3A_prokka|PROKKA_02091
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02111
Name: ER06934_3A_prokka|PROKKA_02111
Description: ER06934_3A_prokka|PROKKA_02111
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02141
Name: ER06934_3A_prokka|PROKKA_02141
Description: ER06934_3A_prokka|PROKKA_02141
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02143
Name: ER06934_3A_prokka|PROKKA_02143
Description: ER06934_3A_prokka|PROKKA_02143
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02193
Name: ER06934_3A_prokka|PROKKA_02193
Description: ER06934_3A_prokka|PROKKA_02193
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02313
Name: ER06934_3A_prokka|PROKKA_02313
Description: ER06934_3A_prokka|PROKKA_02313
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02338
Name: ER06934_3A_prokka|PROKKA_02338
Description: ER06934_3A_prokka|PROKKA_02338
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02369
Name: ER06934_3A_prokka|PROKKA_02369
Description: ER06934_3A_prokka|PROKKA_02369
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02524
Name: ER06934_3A_prokka|PROKKA_02524
Description: ER06934_3A_prokka|PROKKA_02524
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02735
Name: ER06934_3A_prokka|PROKKA_02735
Description: ER06934_3A_prokka|PROKKA_02735
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06934_3A_prokka|PROKKA_02822
Name: ER06934_3A_prokka|PROKKA_02822
Description: ER06934_3A_prokka|PROKKA_02822
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_00004
Name: ER06955_3A_prokka|PROKKA_00004
Description: ER06955_3A_prokka|PROKKA_00004
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_00019
Name: ER06955_3A_prokka|PROKKA_00019
Description: ER06955_3A_prokka|PROKKA_00019
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_00023
Name: ER06955_3A_prokka|PROKKA_00023
Description: ER06955_3A_prokka|PROKKA_00023
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_00083
Name: ER06955_3A_prokka|PROKKA_00083
Description: ER06955_3A_prokka|PROKKA_00083
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_00092
Name: ER06955_3A_prokka|PROKKA_00092
Description: ER06955_3A_prokka|PROKKA_00092
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_00267
Name: ER06955_3A_prokka|PROKKA_00267
Description: ER06955_3A_prokka|PROKKA_00267
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_00392
Name: ER06955_3A_prokka|PROKKA_00392
Description: ER06955_3A_prokka|PROKKA_00392
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_00409
Name: ER06955_3A_prokka|PROKKA_00409
Description: ER06955_3A_prokka|PROKKA_00409
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_00576
Name: ER06955_3A_prokka|PROKKA_00576
Description: ER06955_3A_prokka|PROKKA_00576
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_00808
Name: ER06955_3A_prokka|PROKKA_00808
Description: ER06955_3A_prokka|PROKKA_00808
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGEVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_00889
Name: ER06955_3A_prokka|PROKKA_00889
Description: ER06955_3A_prokka|PROKKA_00889
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_00915
Name: ER06955_3A_prokka|PROKKA_00915
Description: ER06955_3A_prokka|PROKKA_00915
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLVIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01021
Name: ER06955_3A_prokka|PROKKA_01021
Description: ER06955_3A_prokka|PROKKA_01021
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01061
Name: ER06955_3A_prokka|PROKKA_01061
Description: ER06955_3A_prokka|PROKKA_01061
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01141
Name: ER06955_3A_prokka|PROKKA_01141
Description: ER06955_3A_prokka|PROKKA_01141
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01153
Name: ER06955_3A_prokka|PROKKA_01153
Description: ER06955_3A_prokka|PROKKA_01153
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01154
Name: ER06955_3A_prokka|PROKKA_01154
Description: ER06955_3A_prokka|PROKKA_01154
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01289
Name: ER06955_3A_prokka|PROKKA_01289
Description: ER06955_3A_prokka|PROKKA_01289
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01293
Name: ER06955_3A_prokka|PROKKA_01293
Description: ER06955_3A_prokka|PROKKA_01293
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01317
Name: ER06955_3A_prokka|PROKKA_01317
Description: ER06955_3A_prokka|PROKKA_01317
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01424
Name: ER06955_3A_prokka|PROKKA_01424
Description: ER06955_3A_prokka|PROKKA_01424
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01488
Name: ER06955_3A_prokka|PROKKA_01488
Description: ER06955_3A_prokka|PROKKA_01488
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01491
Name: ER06955_3A_prokka|PROKKA_01491
Description: ER06955_3A_prokka|PROKKA_01491
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01526
Name: ER06955_3A_prokka|PROKKA_01526
Description: ER06955_3A_prokka|PROKKA_01526
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01598
Name: ER06955_3A_prokka|PROKKA_01598
Description: ER06955_3A_prokka|PROKKA_01598
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01762
Name: ER06955_3A_prokka|PROKKA_01762
Description: ER06955_3A_prokka|PROKKA_01762
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01777
Name: ER06955_3A_prokka|PROKKA_01777
Description: ER06955_3A_prokka|PROKKA_01777
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01819
Name: ER06955_3A_prokka|PROKKA_01819
Description: ER06955_3A_prokka|PROKKA_01819
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01871
Name: ER06955_3A_prokka|PROKKA_01871
Description: ER06955_3A_prokka|PROKKA_01871
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01943
Name: ER06955_3A_prokka|PROKKA_01943
Description: ER06955_3A_prokka|PROKKA_01943
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01947
Name: ER06955_3A_prokka|PROKKA_01947
Description: ER06955_3A_prokka|PROKKA_01947
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01964
Name: ER06955_3A_prokka|PROKKA_01964
Description: ER06955_3A_prokka|PROKKA_01964
Number of features: 0
Seq('MRIFIYDLIVLLFAFLISIYIIDDGVIINALGIFGMYKIIDSFSENIIKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01965
Name: ER06955_3A_prokka|PROKKA_01965
Description: ER06955_3A_prokka|PROKKA_01965
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEASSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01968
Name: ER06955_3A_prokka|PROKKA_01968
Description: ER06955_3A_prokka|PROKKA_01968
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSENEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01982
Name: ER06955_3A_prokka|PROKKA_01982
Description: ER06955_3A_prokka|PROKKA_01982
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01985
Name: ER06955_3A_prokka|PROKKA_01985
Description: ER06955_3A_prokka|PROKKA_01985
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01992
Name: ER06955_3A_prokka|PROKKA_01992
Description: ER06955_3A_prokka|PROKKA_01992
Number of features: 0
Seq('MNLKEVDINIEEWEMVEIPFYTEEELTYRLKNDLPITKSEFEEQESKNEFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_01994
Name: ER06955_3A_prokka|PROKKA_01994
Description: ER06955_3A_prokka|PROKKA_01994
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02008
Name: ER06955_3A_prokka|PROKKA_02008
Description: ER06955_3A_prokka|PROKKA_02008
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02010
Name: ER06955_3A_prokka|PROKKA_02010
Description: ER06955_3A_prokka|PROKKA_02010
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02060
Name: ER06955_3A_prokka|PROKKA_02060
Description: ER06955_3A_prokka|PROKKA_02060
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02167
Name: ER06955_3A_prokka|PROKKA_02167
Description: ER06955_3A_prokka|PROKKA_02167
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02175
Name: ER06955_3A_prokka|PROKKA_02175
Description: ER06955_3A_prokka|PROKKA_02175
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02196
Name: ER06955_3A_prokka|PROKKA_02196
Description: ER06955_3A_prokka|PROKKA_02196
Number of features: 0
Seq('MMIKKILRLIFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02216
Name: ER06955_3A_prokka|PROKKA_02216
Description: ER06955_3A_prokka|PROKKA_02216
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02226
Name: ER06955_3A_prokka|PROKKA_02226
Description: ER06955_3A_prokka|PROKKA_02226
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02250
Name: ER06955_3A_prokka|PROKKA_02250
Description: ER06955_3A_prokka|PROKKA_02250
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02263
Name: ER06955_3A_prokka|PROKKA_02263
Description: ER06955_3A_prokka|PROKKA_02263
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02294
Name: ER06955_3A_prokka|PROKKA_02294
Description: ER06955_3A_prokka|PROKKA_02294
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02447
Name: ER06955_3A_prokka|PROKKA_02447
Description: ER06955_3A_prokka|PROKKA_02447
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02511
Name: ER06955_3A_prokka|PROKKA_02511
Description: ER06955_3A_prokka|PROKKA_02511
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02619
Name: ER06955_3A_prokka|PROKKA_02619
Description: ER06955_3A_prokka|PROKKA_02619
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02657
Name: ER06955_3A_prokka|PROKKA_02657
Description: ER06955_3A_prokka|PROKKA_02657
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06955_3A_prokka|PROKKA_02741
Name: ER06955_3A_prokka|PROKKA_02741
Description: ER06955_3A_prokka|PROKKA_02741
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00007
Name: ER06964_3A_prokka|PROKKA_00007
Description: ER06964_3A_prokka|PROKKA_00007
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00017
Name: ER06964_3A_prokka|PROKKA_00017
Description: ER06964_3A_prokka|PROKKA_00017
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00021
Name: ER06964_3A_prokka|PROKKA_00021
Description: ER06964_3A_prokka|PROKKA_00021
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00057
Name: ER06964_3A_prokka|PROKKA_00057
Description: ER06964_3A_prokka|PROKKA_00057
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00066
Name: ER06964_3A_prokka|PROKKA_00066
Description: ER06964_3A_prokka|PROKKA_00066
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00238
Name: ER06964_3A_prokka|PROKKA_00238
Description: ER06964_3A_prokka|PROKKA_00238
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00321
Name: ER06964_3A_prokka|PROKKA_00321
Description: ER06964_3A_prokka|PROKKA_00321
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00328
Name: ER06964_3A_prokka|PROKKA_00328
Description: ER06964_3A_prokka|PROKKA_00328
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRNAMHAVKVEKILKSPFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00332
Name: ER06964_3A_prokka|PROKKA_00332
Description: ER06964_3A_prokka|PROKKA_00332
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00347
Name: ER06964_3A_prokka|PROKKA_00347
Description: ER06964_3A_prokka|PROKKA_00347
Number of features: 0
Seq('MMIKQILRLIFLLAMYELGKYVTEQVYIMMTANDDVEEPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00348
Name: ER06964_3A_prokka|PROKKA_00348
Description: ER06964_3A_prokka|PROKKA_00348
Number of features: 0
Seq('MRIFIYDLIVLLFAFLISIYIIDDGVIINALGIFGMYKIIDSFSENIIKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00360
Name: ER06964_3A_prokka|PROKKA_00360
Description: ER06964_3A_prokka|PROKKA_00360
Number of features: 0
Seq('MAMFKVKKSYTDLEKGEYLESGKHVEMTVKRADYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00370
Name: ER06964_3A_prokka|PROKKA_00370
Description: ER06964_3A_prokka|PROKKA_00370
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00444
Name: ER06964_3A_prokka|PROKKA_00444
Description: ER06964_3A_prokka|PROKKA_00444
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00461
Name: ER06964_3A_prokka|PROKKA_00461
Description: ER06964_3A_prokka|PROKKA_00461
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00522
Name: ER06964_3A_prokka|PROKKA_00522
Description: ER06964_3A_prokka|PROKKA_00522
Number of features: 0
Seq('MCNDTLELLRIKDENIKYINQEIDVIIKGKKQQWLMLY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00629
Name: ER06964_3A_prokka|PROKKA_00629
Description: ER06964_3A_prokka|PROKKA_00629
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00859
Name: ER06964_3A_prokka|PROKKA_00859
Description: ER06964_3A_prokka|PROKKA_00859
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00871
Name: ER06964_3A_prokka|PROKKA_00871
Description: ER06964_3A_prokka|PROKKA_00871
Number of features: 0
Seq('MKMYLTYICLVSLLTILLLAISNMYVAFSVYGMMVTYGFNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00887
Name: ER06964_3A_prokka|PROKKA_00887
Description: ER06964_3A_prokka|PROKKA_00887
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00888
Name: ER06964_3A_prokka|PROKKA_00888
Description: ER06964_3A_prokka|PROKKA_00888
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_00910
Name: ER06964_3A_prokka|PROKKA_00910
Description: ER06964_3A_prokka|PROKKA_00910
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01016
Name: ER06964_3A_prokka|PROKKA_01016
Description: ER06964_3A_prokka|PROKKA_01016
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01056
Name: ER06964_3A_prokka|PROKKA_01056
Description: ER06964_3A_prokka|PROKKA_01056
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01138
Name: ER06964_3A_prokka|PROKKA_01138
Description: ER06964_3A_prokka|PROKKA_01138
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01150
Name: ER06964_3A_prokka|PROKKA_01150
Description: ER06964_3A_prokka|PROKKA_01150
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01151
Name: ER06964_3A_prokka|PROKKA_01151
Description: ER06964_3A_prokka|PROKKA_01151
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01287
Name: ER06964_3A_prokka|PROKKA_01287
Description: ER06964_3A_prokka|PROKKA_01287
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01291
Name: ER06964_3A_prokka|PROKKA_01291
Description: ER06964_3A_prokka|PROKKA_01291
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01315
Name: ER06964_3A_prokka|PROKKA_01315
Description: ER06964_3A_prokka|PROKKA_01315
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01409
Name: ER06964_3A_prokka|PROKKA_01409
Description: ER06964_3A_prokka|PROKKA_01409
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01421
Name: ER06964_3A_prokka|PROKKA_01421
Description: ER06964_3A_prokka|PROKKA_01421
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01488
Name: ER06964_3A_prokka|PROKKA_01488
Description: ER06964_3A_prokka|PROKKA_01488
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01491
Name: ER06964_3A_prokka|PROKKA_01491
Description: ER06964_3A_prokka|PROKKA_01491
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01526
Name: ER06964_3A_prokka|PROKKA_01526
Description: ER06964_3A_prokka|PROKKA_01526
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01599
Name: ER06964_3A_prokka|PROKKA_01599
Description: ER06964_3A_prokka|PROKKA_01599
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01763
Name: ER06964_3A_prokka|PROKKA_01763
Description: ER06964_3A_prokka|PROKKA_01763
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01778
Name: ER06964_3A_prokka|PROKKA_01778
Description: ER06964_3A_prokka|PROKKA_01778
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01820
Name: ER06964_3A_prokka|PROKKA_01820
Description: ER06964_3A_prokka|PROKKA_01820
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01872
Name: ER06964_3A_prokka|PROKKA_01872
Description: ER06964_3A_prokka|PROKKA_01872
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01946
Name: ER06964_3A_prokka|PROKKA_01946
Description: ER06964_3A_prokka|PROKKA_01946
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01950
Name: ER06964_3A_prokka|PROKKA_01950
Description: ER06964_3A_prokka|PROKKA_01950
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01966
Name: ER06964_3A_prokka|PROKKA_01966
Description: ER06964_3A_prokka|PROKKA_01966
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01984
Name: ER06964_3A_prokka|PROKKA_01984
Description: ER06964_3A_prokka|PROKKA_01984
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_01988
Name: ER06964_3A_prokka|PROKKA_01988
Description: ER06964_3A_prokka|PROKKA_01988
Number of features: 0
Seq('MPTQYSMERELFEIKETSITHSDGHTSISKTPKVTGKGQQYFVNKFLGEKQTS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_02011
Name: ER06964_3A_prokka|PROKKA_02011
Description: ER06964_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_02013
Name: ER06964_3A_prokka|PROKKA_02013
Description: ER06964_3A_prokka|PROKKA_02013
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_02063
Name: ER06964_3A_prokka|PROKKA_02063
Description: ER06964_3A_prokka|PROKKA_02063
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_02189
Name: ER06964_3A_prokka|PROKKA_02189
Description: ER06964_3A_prokka|PROKKA_02189
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_02202
Name: ER06964_3A_prokka|PROKKA_02202
Description: ER06964_3A_prokka|PROKKA_02202
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_02233
Name: ER06964_3A_prokka|PROKKA_02233
Description: ER06964_3A_prokka|PROKKA_02233
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_02387
Name: ER06964_3A_prokka|PROKKA_02387
Description: ER06964_3A_prokka|PROKKA_02387
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_02451
Name: ER06964_3A_prokka|PROKKA_02451
Description: ER06964_3A_prokka|PROKKA_02451
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_02597
Name: ER06964_3A_prokka|PROKKA_02597
Description: ER06964_3A_prokka|PROKKA_02597
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06964_3A_prokka|PROKKA_02681
Name: ER06964_3A_prokka|PROKKA_02681
Description: ER06964_3A_prokka|PROKKA_02681
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00036
Name: ER06968_3A_prokka|PROKKA_00036
Description: ER06968_3A_prokka|PROKKA_00036
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00057
Name: ER06968_3A_prokka|PROKKA_00057
Description: ER06968_3A_prokka|PROKKA_00057
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00076
Name: ER06968_3A_prokka|PROKKA_00076
Description: ER06968_3A_prokka|PROKKA_00076
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00087
Name: ER06968_3A_prokka|PROKKA_00087
Description: ER06968_3A_prokka|PROKKA_00087
Number of features: 0
Seq('MITIDSKINKQIAKNLSLEGMYVTREQQIQILHAINNEKEITNELIRKIAFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00096
Name: ER06968_3A_prokka|PROKKA_00096
Description: ER06968_3A_prokka|PROKKA_00096
Number of features: 0
Seq('MEDLKQSLKGLGWYDFFYSTYVSTIRVSAEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00186
Name: ER06968_3A_prokka|PROKKA_00186
Description: ER06968_3A_prokka|PROKKA_00186
Number of features: 0
Seq('MKGDLIDDFKIQNLRGERTINDAAKHNRNEKTGASPYEGIRTCL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00239
Name: ER06968_3A_prokka|PROKKA_00239
Description: ER06968_3A_prokka|PROKKA_00239
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00290
Name: ER06968_3A_prokka|PROKKA_00290
Description: ER06968_3A_prokka|PROKKA_00290
Number of features: 0
Seq('MYKKFGVLPEMEYEMEEIRAVEKYVKEQE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00327
Name: ER06968_3A_prokka|PROKKA_00327
Description: ER06968_3A_prokka|PROKKA_00327
Number of features: 0
Seq('MNIVLLSGSTVGSKTRIAMDDLKNELEVINEGHQIALMDLRDLEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00359
Name: ER06968_3A_prokka|PROKKA_00359
Description: ER06968_3A_prokka|PROKKA_00359
Number of features: 0
Seq('MFMTVKEVAQLLRISERHTYKLLQKNVIPHTKIGGKILVNKERLLETLEKKEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00400
Name: ER06968_3A_prokka|PROKKA_00400
Description: ER06968_3A_prokka|PROKKA_00400
Number of features: 0
Seq('MVPEEKGSITLSKDAATIFATAKFKPFQNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00424
Name: ER06968_3A_prokka|PROKKA_00424
Description: ER06968_3A_prokka|PROKKA_00424
Number of features: 0
Seq('MSKSVYKLDVGKLKKILNRQAQYHLWRMKLKMLIIII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00430
Name: ER06968_3A_prokka|PROKKA_00430
Description: ER06968_3A_prokka|PROKKA_00430
Number of features: 0
Seq('MSEANAAINVLLLLTVTRVFQPKRAMKFCTRPIYHALDHEDH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00568
Name: ER06968_3A_prokka|PROKKA_00568
Description: ER06968_3A_prokka|PROKKA_00568
Number of features: 0
Seq('MIIYRQYQHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00753
Name: ER06968_3A_prokka|PROKKA_00753
Description: ER06968_3A_prokka|PROKKA_00753
Number of features: 0
Seq('MSLEAFHVANKMHILGPQQREFRKEILQTMQVGAGPQHKEILFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00872
Name: ER06968_3A_prokka|PROKKA_00872
Description: ER06968_3A_prokka|PROKKA_00872
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_00987
Name: ER06968_3A_prokka|PROKKA_00987
Description: ER06968_3A_prokka|PROKKA_00987
Number of features: 0
Seq('MRQFIKRIVKTILVGYVIKFIRNKLSGKSSHPTDNKHK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01027
Name: ER06968_3A_prokka|PROKKA_01027
Description: ER06968_3A_prokka|PROKKA_01027
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01119
Name: ER06968_3A_prokka|PROKKA_01119
Description: ER06968_3A_prokka|PROKKA_01119
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01269
Name: ER06968_3A_prokka|PROKKA_01269
Description: ER06968_3A_prokka|PROKKA_01269
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01280
Name: ER06968_3A_prokka|PROKKA_01280
Description: ER06968_3A_prokka|PROKKA_01280
Number of features: 0
Seq('MMLDGKLSKKELLRLLTEKNDEKNKGKEKQSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01284
Name: ER06968_3A_prokka|PROKKA_01284
Description: ER06968_3A_prokka|PROKKA_01284
Number of features: 0
Seq('MLKHEALEHYLMNKYNLHYIEAHKLTEIKYNYSILIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01288
Name: ER06968_3A_prokka|PROKKA_01288
Description: ER06968_3A_prokka|PROKKA_01288
Number of features: 0
Seq('MILIMIDSQLDGNVTAKELSESFKELVEEFERIEKANKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01309
Name: ER06968_3A_prokka|PROKKA_01309
Description: ER06968_3A_prokka|PROKKA_01309
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01418
Name: ER06968_3A_prokka|PROKKA_01418
Description: ER06968_3A_prokka|PROKKA_01418
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01462
Name: ER06968_3A_prokka|PROKKA_01462
Description: ER06968_3A_prokka|PROKKA_01462
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01471
Name: ER06968_3A_prokka|PROKKA_01471
Description: ER06968_3A_prokka|PROKKA_01471
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01490
Name: ER06968_3A_prokka|PROKKA_01490
Description: ER06968_3A_prokka|PROKKA_01490
Number of features: 0
Seq('MMIKQILRLIFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01509
Name: ER06968_3A_prokka|PROKKA_01509
Description: ER06968_3A_prokka|PROKKA_01509
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01517
Name: ER06968_3A_prokka|PROKKA_01517
Description: ER06968_3A_prokka|PROKKA_01517
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01548
Name: ER06968_3A_prokka|PROKKA_01548
Description: ER06968_3A_prokka|PROKKA_01548
Number of features: 0
Seq('MNLGNVKETISIIYLIEIVSFLMYLSKFTTHDIFNDFLSLVKLKFLTFIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01551
Name: ER06968_3A_prokka|PROKKA_01551
Description: ER06968_3A_prokka|PROKKA_01551
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01588
Name: ER06968_3A_prokka|PROKKA_01588
Description: ER06968_3A_prokka|PROKKA_01588
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01661
Name: ER06968_3A_prokka|PROKKA_01661
Description: ER06968_3A_prokka|PROKKA_01661
Number of features: 0
Seq('MSFIDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01852
Name: ER06968_3A_prokka|PROKKA_01852
Description: ER06968_3A_prokka|PROKKA_01852
Number of features: 0
Seq('MNKNIIIKSIAALTILTSVTGVGTTMVEGIQQTAKAENSVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01858
Name: ER06968_3A_prokka|PROKKA_01858
Description: ER06968_3A_prokka|PROKKA_01858
Number of features: 0
Seq('MIGRIVTCIHNLNSNNELVGIHFASDVKDDDNRNAYGVYFTPEIKKFIAENIDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01888
Name: ER06968_3A_prokka|PROKKA_01888
Description: ER06968_3A_prokka|PROKKA_01888
Number of features: 0
Seq('MNPKQYFQSIHKYDLRENHYKQRLTVIGNQTFIRAIKKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01902
Name: ER06968_3A_prokka|PROKKA_01902
Description: ER06968_3A_prokka|PROKKA_01902
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01952
Name: ER06968_3A_prokka|PROKKA_01952
Description: ER06968_3A_prokka|PROKKA_01952
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01954
Name: ER06968_3A_prokka|PROKKA_01954
Description: ER06968_3A_prokka|PROKKA_01954
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01955
Name: ER06968_3A_prokka|PROKKA_01955
Description: ER06968_3A_prokka|PROKKA_01955
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_01976
Name: ER06968_3A_prokka|PROKKA_01976
Description: ER06968_3A_prokka|PROKKA_01976
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02000
Name: ER06968_3A_prokka|PROKKA_02000
Description: ER06968_3A_prokka|PROKKA_02000
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02019
Name: ER06968_3A_prokka|PROKKA_02019
Description: ER06968_3A_prokka|PROKKA_02019
Number of features: 0
Seq('MRKYNFDKFFLYMAVLSLPIVIFFPLMLSIPIIFFIFSIRKKED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02095
Name: ER06968_3A_prokka|PROKKA_02095
Description: ER06968_3A_prokka|PROKKA_02095
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02099
Name: ER06968_3A_prokka|PROKKA_02099
Description: ER06968_3A_prokka|PROKKA_02099
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02103
Name: ER06968_3A_prokka|PROKKA_02103
Description: ER06968_3A_prokka|PROKKA_02103
Number of features: 0
Seq('MSVKVIGDKALERELEKRFGIKEMVKVQDKALIAGAKVIVEEVKNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02115
Name: ER06968_3A_prokka|PROKKA_02115
Description: ER06968_3A_prokka|PROKKA_02115
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02121
Name: ER06968_3A_prokka|PROKKA_02121
Description: ER06968_3A_prokka|PROKKA_02121
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02135
Name: ER06968_3A_prokka|PROKKA_02135
Description: ER06968_3A_prokka|PROKKA_02135
Number of features: 0
Seq('MSNIYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02138
Name: ER06968_3A_prokka|PROKKA_02138
Description: ER06968_3A_prokka|PROKKA_02138
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02174
Name: ER06968_3A_prokka|PROKKA_02174
Description: ER06968_3A_prokka|PROKKA_02174
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02185
Name: ER06968_3A_prokka|PROKKA_02185
Description: ER06968_3A_prokka|PROKKA_02185
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02187
Name: ER06968_3A_prokka|PROKKA_02187
Description: ER06968_3A_prokka|PROKKA_02187
Number of features: 0
Seq('MKKLLNKVIELLVDFFNSIGYRAAYINCDFLLDEAEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02237
Name: ER06968_3A_prokka|PROKKA_02237
Description: ER06968_3A_prokka|PROKKA_02237
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02246
Name: ER06968_3A_prokka|PROKKA_02246
Description: ER06968_3A_prokka|PROKKA_02246
Number of features: 0
Seq('MIKPKIALTIAGTDPTGGAGVMADLKSFHSCGVYGMGVVTSIVAQNTLGVQHIHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02310
Name: ER06968_3A_prokka|PROKKA_02310
Description: ER06968_3A_prokka|PROKKA_02310
Number of features: 0
Seq('MNLFRQQKFSIRKFNVGIFSALIATVTFISINPTTASAAE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02357
Name: ER06968_3A_prokka|PROKKA_02357
Description: ER06968_3A_prokka|PROKKA_02357
Number of features: 0
Seq('MTYIPFSIITLITGIIMHMTMYFVKFECRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02379
Name: ER06968_3A_prokka|PROKKA_02379
Description: ER06968_3A_prokka|PROKKA_02379
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02410
Name: ER06968_3A_prokka|PROKKA_02410
Description: ER06968_3A_prokka|PROKKA_02410
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02572
Name: ER06968_3A_prokka|PROKKA_02572
Description: ER06968_3A_prokka|PROKKA_02572
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02631
Name: ER06968_3A_prokka|PROKKA_02631
Description: ER06968_3A_prokka|PROKKA_02631
Number of features: 0
Seq('MNKKHVFIIIGVILCICIVASVIYLKMKL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02770
Name: ER06968_3A_prokka|PROKKA_02770
Description: ER06968_3A_prokka|PROKKA_02770
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06968_3A_prokka|PROKKA_02858
Name: ER06968_3A_prokka|PROKKA_02858
Description: ER06968_3A_prokka|PROKKA_02858
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00007
Name: ER06977_3A_prokka|PROKKA_00007
Description: ER06977_3A_prokka|PROKKA_00007
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00011
Name: ER06977_3A_prokka|PROKKA_00011
Description: ER06977_3A_prokka|PROKKA_00011
Number of features: 0
Seq('MVDNQANVTGLIDWTEATHSDPSMDFIGHHRVFDDEGLEQLITAIR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00080
Name: ER06977_3A_prokka|PROKKA_00080
Description: ER06977_3A_prokka|PROKKA_00080
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00098
Name: ER06977_3A_prokka|PROKKA_00098
Description: ER06977_3A_prokka|PROKKA_00098
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00268
Name: ER06977_3A_prokka|PROKKA_00268
Description: ER06977_3A_prokka|PROKKA_00268
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00392
Name: ER06977_3A_prokka|PROKKA_00392
Description: ER06977_3A_prokka|PROKKA_00392
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00409
Name: ER06977_3A_prokka|PROKKA_00409
Description: ER06977_3A_prokka|PROKKA_00409
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00576
Name: ER06977_3A_prokka|PROKKA_00576
Description: ER06977_3A_prokka|PROKKA_00576
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00805
Name: ER06977_3A_prokka|PROKKA_00805
Description: ER06977_3A_prokka|PROKKA_00805
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00836
Name: ER06977_3A_prokka|PROKKA_00836
Description: ER06977_3A_prokka|PROKKA_00836
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00840
Name: ER06977_3A_prokka|PROKKA_00840
Description: ER06977_3A_prokka|PROKKA_00840
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00855
Name: ER06977_3A_prokka|PROKKA_00855
Description: ER06977_3A_prokka|PROKKA_00855
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00887
Name: ER06977_3A_prokka|PROKKA_00887
Description: ER06977_3A_prokka|PROKKA_00887
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00888
Name: ER06977_3A_prokka|PROKKA_00888
Description: ER06977_3A_prokka|PROKKA_00888
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_00903
Name: ER06977_3A_prokka|PROKKA_00903
Description: ER06977_3A_prokka|PROKKA_00903
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01008
Name: ER06977_3A_prokka|PROKKA_01008
Description: ER06977_3A_prokka|PROKKA_01008
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01047
Name: ER06977_3A_prokka|PROKKA_01047
Description: ER06977_3A_prokka|PROKKA_01047
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01048
Name: ER06977_3A_prokka|PROKKA_01048
Description: ER06977_3A_prokka|PROKKA_01048
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01105
Name: ER06977_3A_prokka|PROKKA_01105
Description: ER06977_3A_prokka|PROKKA_01105
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01106
Name: ER06977_3A_prokka|PROKKA_01106
Description: ER06977_3A_prokka|PROKKA_01106
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01129
Name: ER06977_3A_prokka|PROKKA_01129
Description: ER06977_3A_prokka|PROKKA_01129
Number of features: 0
Seq('MMWLVIAIILLVILLFGMMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01159
Name: ER06977_3A_prokka|PROKKA_01159
Description: ER06977_3A_prokka|PROKKA_01159
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01160
Name: ER06977_3A_prokka|PROKKA_01160
Description: ER06977_3A_prokka|PROKKA_01160
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01195
Name: ER06977_3A_prokka|PROKKA_01195
Description: ER06977_3A_prokka|PROKKA_01195
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01207
Name: ER06977_3A_prokka|PROKKA_01207
Description: ER06977_3A_prokka|PROKKA_01207
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01208
Name: ER06977_3A_prokka|PROKKA_01208
Description: ER06977_3A_prokka|PROKKA_01208
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01346
Name: ER06977_3A_prokka|PROKKA_01346
Description: ER06977_3A_prokka|PROKKA_01346
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01350
Name: ER06977_3A_prokka|PROKKA_01350
Description: ER06977_3A_prokka|PROKKA_01350
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01374
Name: ER06977_3A_prokka|PROKKA_01374
Description: ER06977_3A_prokka|PROKKA_01374
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01468
Name: ER06977_3A_prokka|PROKKA_01468
Description: ER06977_3A_prokka|PROKKA_01468
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01480
Name: ER06977_3A_prokka|PROKKA_01480
Description: ER06977_3A_prokka|PROKKA_01480
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01527
Name: ER06977_3A_prokka|PROKKA_01527
Description: ER06977_3A_prokka|PROKKA_01527
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01535
Name: ER06977_3A_prokka|PROKKA_01535
Description: ER06977_3A_prokka|PROKKA_01535
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01554
Name: ER06977_3A_prokka|PROKKA_01554
Description: ER06977_3A_prokka|PROKKA_01554
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01569
Name: ER06977_3A_prokka|PROKKA_01569
Description: ER06977_3A_prokka|PROKKA_01569
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01577
Name: ER06977_3A_prokka|PROKKA_01577
Description: ER06977_3A_prokka|PROKKA_01577
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01582
Name: ER06977_3A_prokka|PROKKA_01582
Description: ER06977_3A_prokka|PROKKA_01582
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01609
Name: ER06977_3A_prokka|PROKKA_01609
Description: ER06977_3A_prokka|PROKKA_01609
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01612
Name: ER06977_3A_prokka|PROKKA_01612
Description: ER06977_3A_prokka|PROKKA_01612
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01648
Name: ER06977_3A_prokka|PROKKA_01648
Description: ER06977_3A_prokka|PROKKA_01648
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01723
Name: ER06977_3A_prokka|PROKKA_01723
Description: ER06977_3A_prokka|PROKKA_01723
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01899
Name: ER06977_3A_prokka|PROKKA_01899
Description: ER06977_3A_prokka|PROKKA_01899
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01914
Name: ER06977_3A_prokka|PROKKA_01914
Description: ER06977_3A_prokka|PROKKA_01914
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_01956
Name: ER06977_3A_prokka|PROKKA_01956
Description: ER06977_3A_prokka|PROKKA_01956
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02008
Name: ER06977_3A_prokka|PROKKA_02008
Description: ER06977_3A_prokka|PROKKA_02008
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02080
Name: ER06977_3A_prokka|PROKKA_02080
Description: ER06977_3A_prokka|PROKKA_02080
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02084
Name: ER06977_3A_prokka|PROKKA_02084
Description: ER06977_3A_prokka|PROKKA_02084
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02100
Name: ER06977_3A_prokka|PROKKA_02100
Description: ER06977_3A_prokka|PROKKA_02100
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02118
Name: ER06977_3A_prokka|PROKKA_02118
Description: ER06977_3A_prokka|PROKKA_02118
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02124
Name: ER06977_3A_prokka|PROKKA_02124
Description: ER06977_3A_prokka|PROKKA_02124
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02129
Name: ER06977_3A_prokka|PROKKA_02129
Description: ER06977_3A_prokka|PROKKA_02129
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02145
Name: ER06977_3A_prokka|PROKKA_02145
Description: ER06977_3A_prokka|PROKKA_02145
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02147
Name: ER06977_3A_prokka|PROKKA_02147
Description: ER06977_3A_prokka|PROKKA_02147
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02198
Name: ER06977_3A_prokka|PROKKA_02198
Description: ER06977_3A_prokka|PROKKA_02198
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02323
Name: ER06977_3A_prokka|PROKKA_02323
Description: ER06977_3A_prokka|PROKKA_02323
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02336
Name: ER06977_3A_prokka|PROKKA_02336
Description: ER06977_3A_prokka|PROKKA_02336
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02367
Name: ER06977_3A_prokka|PROKKA_02367
Description: ER06977_3A_prokka|PROKKA_02367
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02521
Name: ER06977_3A_prokka|PROKKA_02521
Description: ER06977_3A_prokka|PROKKA_02521
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02585
Name: ER06977_3A_prokka|PROKKA_02585
Description: ER06977_3A_prokka|PROKKA_02585
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02694
Name: ER06977_3A_prokka|PROKKA_02694
Description: ER06977_3A_prokka|PROKKA_02694
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02733
Name: ER06977_3A_prokka|PROKKA_02733
Description: ER06977_3A_prokka|PROKKA_02733
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02817
Name: ER06977_3A_prokka|PROKKA_02817
Description: ER06977_3A_prokka|PROKKA_02817
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02823
Name: ER06977_3A_prokka|PROKKA_02823
Description: ER06977_3A_prokka|PROKKA_02823
Number of features: 0
Seq('MGAFGNGIEENELQGLVDSWRNANPNIVNFWKACQEAAINTVEIPKDASYAWT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02824
Name: ER06977_3A_prokka|PROKKA_02824
Description: ER06977_3A_prokka|PROKKA_02824
Number of features: 0
Seq('MLGLMCSISRSKEELLNQAKHITGLENPNSPTQLLAWLKDDQGLDNT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02832
Name: ER06977_3A_prokka|PROKKA_02832
Description: ER06977_3A_prokka|PROKKA_02832
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02834
Name: ER06977_3A_prokka|PROKKA_02834
Description: ER06977_3A_prokka|PROKKA_02834
Number of features: 0
Seq('MNTRSEGLRIGVPQVSSKADASSSYLTEKERNLGAEILELIKKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02840
Name: ER06977_3A_prokka|PROKKA_02840
Description: ER06977_3A_prokka|PROKKA_02840
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02845
Name: ER06977_3A_prokka|PROKKA_02845
Description: ER06977_3A_prokka|PROKKA_02845
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02851
Name: ER06977_3A_prokka|PROKKA_02851
Description: ER06977_3A_prokka|PROKKA_02851
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02860
Name: ER06977_3A_prokka|PROKKA_02860
Description: ER06977_3A_prokka|PROKKA_02860
Number of features: 0
Seq('MQSFVKIIDGYKEEVITDFNQLIFLDARAESPNTNDNSVTINGSRWYFTGRN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02873
Name: ER06977_3A_prokka|PROKKA_02873
Description: ER06977_3A_prokka|PROKKA_02873
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02897
Name: ER06977_3A_prokka|PROKKA_02897
Description: ER06977_3A_prokka|PROKKA_02897
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02902
Name: ER06977_3A_prokka|PROKKA_02902
Description: ER06977_3A_prokka|PROKKA_02902
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02908
Name: ER06977_3A_prokka|PROKKA_02908
Description: ER06977_3A_prokka|PROKKA_02908
Number of features: 0
Seq('MNTRSEGLRIGVPQVSSKADASSSYLTEKERNLGAEILELIKKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02909
Name: ER06977_3A_prokka|PROKKA_02909
Description: ER06977_3A_prokka|PROKKA_02909
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02926
Name: ER06977_3A_prokka|PROKKA_02926
Description: ER06977_3A_prokka|PROKKA_02926
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02946
Name: ER06977_3A_prokka|PROKKA_02946
Description: ER06977_3A_prokka|PROKKA_02946
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02970
Name: ER06977_3A_prokka|PROKKA_02970
Description: ER06977_3A_prokka|PROKKA_02970
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_02984
Name: ER06977_3A_prokka|PROKKA_02984
Description: ER06977_3A_prokka|PROKKA_02984
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_03000
Name: ER06977_3A_prokka|PROKKA_03000
Description: ER06977_3A_prokka|PROKKA_03000
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER06977_3A_prokka|PROKKA_03026
Name: ER06977_3A_prokka|PROKKA_03026
Description: ER06977_3A_prokka|PROKKA_03026
Number of features: 0
Seq('MIQTVVAAAVLYIATAVDLLVILLICFARAKTRKRI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00016
Name: ER07004_3A_prokka|PROKKA_00016
Description: ER07004_3A_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00087
Name: ER07004_3A_prokka|PROKKA_00087
Description: ER07004_3A_prokka|PROKKA_00087
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00099
Name: ER07004_3A_prokka|PROKKA_00099
Description: ER07004_3A_prokka|PROKKA_00099
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00100
Name: ER07004_3A_prokka|PROKKA_00100
Description: ER07004_3A_prokka|PROKKA_00100
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00236
Name: ER07004_3A_prokka|PROKKA_00236
Description: ER07004_3A_prokka|PROKKA_00236
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00240
Name: ER07004_3A_prokka|PROKKA_00240
Description: ER07004_3A_prokka|PROKKA_00240
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00264
Name: ER07004_3A_prokka|PROKKA_00264
Description: ER07004_3A_prokka|PROKKA_00264
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00357
Name: ER07004_3A_prokka|PROKKA_00357
Description: ER07004_3A_prokka|PROKKA_00357
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00369
Name: ER07004_3A_prokka|PROKKA_00369
Description: ER07004_3A_prokka|PROKKA_00369
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00416
Name: ER07004_3A_prokka|PROKKA_00416
Description: ER07004_3A_prokka|PROKKA_00416
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00424
Name: ER07004_3A_prokka|PROKKA_00424
Description: ER07004_3A_prokka|PROKKA_00424
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00443
Name: ER07004_3A_prokka|PROKKA_00443
Description: ER07004_3A_prokka|PROKKA_00443
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00458
Name: ER07004_3A_prokka|PROKKA_00458
Description: ER07004_3A_prokka|PROKKA_00458
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00466
Name: ER07004_3A_prokka|PROKKA_00466
Description: ER07004_3A_prokka|PROKKA_00466
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00471
Name: ER07004_3A_prokka|PROKKA_00471
Description: ER07004_3A_prokka|PROKKA_00471
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00498
Name: ER07004_3A_prokka|PROKKA_00498
Description: ER07004_3A_prokka|PROKKA_00498
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00501
Name: ER07004_3A_prokka|PROKKA_00501
Description: ER07004_3A_prokka|PROKKA_00501
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00536
Name: ER07004_3A_prokka|PROKKA_00536
Description: ER07004_3A_prokka|PROKKA_00536
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00611
Name: ER07004_3A_prokka|PROKKA_00611
Description: ER07004_3A_prokka|PROKKA_00611
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00769
Name: ER07004_3A_prokka|PROKKA_00769
Description: ER07004_3A_prokka|PROKKA_00769
Number of features: 0
Seq('MDFIKRKRMPIESFTHQFEEITYLSDDLQVKALMMTPHHEVNRIVVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00781
Name: ER07004_3A_prokka|PROKKA_00781
Description: ER07004_3A_prokka|PROKKA_00781
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00795
Name: ER07004_3A_prokka|PROKKA_00795
Description: ER07004_3A_prokka|PROKKA_00795
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00837
Name: ER07004_3A_prokka|PROKKA_00837
Description: ER07004_3A_prokka|PROKKA_00837
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00889
Name: ER07004_3A_prokka|PROKKA_00889
Description: ER07004_3A_prokka|PROKKA_00889
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00963
Name: ER07004_3A_prokka|PROKKA_00963
Description: ER07004_3A_prokka|PROKKA_00963
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00967
Name: ER07004_3A_prokka|PROKKA_00967
Description: ER07004_3A_prokka|PROKKA_00967
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_00983
Name: ER07004_3A_prokka|PROKKA_00983
Description: ER07004_3A_prokka|PROKKA_00983
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01001
Name: ER07004_3A_prokka|PROKKA_01001
Description: ER07004_3A_prokka|PROKKA_01001
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01027
Name: ER07004_3A_prokka|PROKKA_01027
Description: ER07004_3A_prokka|PROKKA_01027
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01029
Name: ER07004_3A_prokka|PROKKA_01029
Description: ER07004_3A_prokka|PROKKA_01029
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01081
Name: ER07004_3A_prokka|PROKKA_01081
Description: ER07004_3A_prokka|PROKKA_01081
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01189
Name: ER07004_3A_prokka|PROKKA_01189
Description: ER07004_3A_prokka|PROKKA_01189
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01208
Name: ER07004_3A_prokka|PROKKA_01208
Description: ER07004_3A_prokka|PROKKA_01208
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01221
Name: ER07004_3A_prokka|PROKKA_01221
Description: ER07004_3A_prokka|PROKKA_01221
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01253
Name: ER07004_3A_prokka|PROKKA_01253
Description: ER07004_3A_prokka|PROKKA_01253
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01400
Name: ER07004_3A_prokka|PROKKA_01400
Description: ER07004_3A_prokka|PROKKA_01400
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01409
Name: ER07004_3A_prokka|PROKKA_01409
Description: ER07004_3A_prokka|PROKKA_01409
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01473
Name: ER07004_3A_prokka|PROKKA_01473
Description: ER07004_3A_prokka|PROKKA_01473
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01581
Name: ER07004_3A_prokka|PROKKA_01581
Description: ER07004_3A_prokka|PROKKA_01581
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01619
Name: ER07004_3A_prokka|PROKKA_01619
Description: ER07004_3A_prokka|PROKKA_01619
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01703
Name: ER07004_3A_prokka|PROKKA_01703
Description: ER07004_3A_prokka|PROKKA_01703
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01743
Name: ER07004_3A_prokka|PROKKA_01743
Description: ER07004_3A_prokka|PROKKA_01743
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPYHRRTYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01746
Name: ER07004_3A_prokka|PROKKA_01746
Description: ER07004_3A_prokka|PROKKA_01746
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01750
Name: ER07004_3A_prokka|PROKKA_01750
Description: ER07004_3A_prokka|PROKKA_01750
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01771
Name: ER07004_3A_prokka|PROKKA_01771
Description: ER07004_3A_prokka|PROKKA_01771
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01789
Name: ER07004_3A_prokka|PROKKA_01789
Description: ER07004_3A_prokka|PROKKA_01789
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_01956
Name: ER07004_3A_prokka|PROKKA_01956
Description: ER07004_3A_prokka|PROKKA_01956
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02080
Name: ER07004_3A_prokka|PROKKA_02080
Description: ER07004_3A_prokka|PROKKA_02080
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02097
Name: ER07004_3A_prokka|PROKKA_02097
Description: ER07004_3A_prokka|PROKKA_02097
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02264
Name: ER07004_3A_prokka|PROKKA_02264
Description: ER07004_3A_prokka|PROKKA_02264
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02493
Name: ER07004_3A_prokka|PROKKA_02493
Description: ER07004_3A_prokka|PROKKA_02493
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02516
Name: ER07004_3A_prokka|PROKKA_02516
Description: ER07004_3A_prokka|PROKKA_02516
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02517
Name: ER07004_3A_prokka|PROKKA_02517
Description: ER07004_3A_prokka|PROKKA_02517
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02540
Name: ER07004_3A_prokka|PROKKA_02540
Description: ER07004_3A_prokka|PROKKA_02540
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02572
Name: ER07004_3A_prokka|PROKKA_02572
Description: ER07004_3A_prokka|PROKKA_02572
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02573
Name: ER07004_3A_prokka|PROKKA_02573
Description: ER07004_3A_prokka|PROKKA_02573
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02588
Name: ER07004_3A_prokka|PROKKA_02588
Description: ER07004_3A_prokka|PROKKA_02588
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02693
Name: ER07004_3A_prokka|PROKKA_02693
Description: ER07004_3A_prokka|PROKKA_02693
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02732
Name: ER07004_3A_prokka|PROKKA_02732
Description: ER07004_3A_prokka|PROKKA_02732
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02733
Name: ER07004_3A_prokka|PROKKA_02733
Description: ER07004_3A_prokka|PROKKA_02733
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02782
Name: ER07004_3A_prokka|PROKKA_02782
Description: ER07004_3A_prokka|PROKKA_02782
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02790
Name: ER07004_3A_prokka|PROKKA_02790
Description: ER07004_3A_prokka|PROKKA_02790
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02791
Name: ER07004_3A_prokka|PROKKA_02791
Description: ER07004_3A_prokka|PROKKA_02791
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07004_3A_prokka|PROKKA_02814
Name: ER07004_3A_prokka|PROKKA_02814
Description: ER07004_3A_prokka|PROKKA_02814
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00030
Name: ER07032_3A_prokka|PROKKA_00030
Description: ER07032_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00039
Name: ER07032_3A_prokka|PROKKA_00039
Description: ER07032_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00052
Name: ER07032_3A_prokka|PROKKA_00052
Description: ER07032_3A_prokka|PROKKA_00052
Number of features: 0
Seq('MAKLIHLLSILYRLSSDKKFTVKQISDTCHNGGKSLYSAITNLKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00153
Name: ER07032_3A_prokka|PROKKA_00153
Description: ER07032_3A_prokka|PROKKA_00153
Number of features: 0
Seq('MKGALIDDLKIQNLKGERTINDAAKHNSKEKTGASPYEGIRTCL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00205
Name: ER07032_3A_prokka|PROKKA_00205
Description: ER07032_3A_prokka|PROKKA_00205
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00322
Name: ER07032_3A_prokka|PROKKA_00322
Description: ER07032_3A_prokka|PROKKA_00322
Number of features: 0
Seq('MNLNIDWSKDFQEFQEILNSGIHPEWLYCAKANLVLEPSYTGEGKQFFSTQDIM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00353
Name: ER07032_3A_prokka|PROKKA_00353
Description: ER07032_3A_prokka|PROKKA_00353
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFQNRIKNNPQKTNPFLKLHENKNS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00526
Name: ER07032_3A_prokka|PROKKA_00526
Description: ER07032_3A_prokka|PROKKA_00526
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00758
Name: ER07032_3A_prokka|PROKKA_00758
Description: ER07032_3A_prokka|PROKKA_00758
Number of features: 0
Seq('MKENLLGTIIWSIATFCYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00773
Name: ER07032_3A_prokka|PROKKA_00773
Description: ER07032_3A_prokka|PROKKA_00773
Number of features: 0
Seq('MKMYLAYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00789
Name: ER07032_3A_prokka|PROKKA_00789
Description: ER07032_3A_prokka|PROKKA_00789
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00790
Name: ER07032_3A_prokka|PROKKA_00790
Description: ER07032_3A_prokka|PROKKA_00790
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00811
Name: ER07032_3A_prokka|PROKKA_00811
Description: ER07032_3A_prokka|PROKKA_00811
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00923
Name: ER07032_3A_prokka|PROKKA_00923
Description: ER07032_3A_prokka|PROKKA_00923
Number of features: 0
Seq('MRQFIKRIVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00962
Name: ER07032_3A_prokka|PROKKA_00962
Description: ER07032_3A_prokka|PROKKA_00962
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00973
Name: ER07032_3A_prokka|PROKKA_00973
Description: ER07032_3A_prokka|PROKKA_00973
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00975
Name: ER07032_3A_prokka|PROKKA_00975
Description: ER07032_3A_prokka|PROKKA_00975
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_00985
Name: ER07032_3A_prokka|PROKKA_00985
Description: ER07032_3A_prokka|PROKKA_00985
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01000
Name: ER07032_3A_prokka|PROKKA_01000
Description: ER07032_3A_prokka|PROKKA_01000
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSENEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01005
Name: ER07032_3A_prokka|PROKKA_01005
Description: ER07032_3A_prokka|PROKKA_01005
Number of features: 0
Seq('MIKQIVRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01006
Name: ER07032_3A_prokka|PROKKA_01006
Description: ER07032_3A_prokka|PROKKA_01006
Number of features: 0
Seq('MRIFIYDLIVLLFAFLISIYIIDDGVIINALGIFGMYKIIDSFSENIIKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01018
Name: ER07032_3A_prokka|PROKKA_01018
Description: ER07032_3A_prokka|PROKKA_01018
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01028
Name: ER07032_3A_prokka|PROKKA_01028
Description: ER07032_3A_prokka|PROKKA_01028
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01039
Name: ER07032_3A_prokka|PROKKA_01039
Description: ER07032_3A_prokka|PROKKA_01039
Number of features: 0
Seq('MIQIKGELSIKLRLTKNSFIENEEVYTKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01206
Name: ER07032_3A_prokka|PROKKA_01206
Description: ER07032_3A_prokka|PROKKA_01206
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01278
Name: ER07032_3A_prokka|PROKKA_01278
Description: ER07032_3A_prokka|PROKKA_01278
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01315
Name: ER07032_3A_prokka|PROKKA_01315
Description: ER07032_3A_prokka|PROKKA_01315
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01378
Name: ER07032_3A_prokka|PROKKA_01378
Description: ER07032_3A_prokka|PROKKA_01378
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01483
Name: ER07032_3A_prokka|PROKKA_01483
Description: ER07032_3A_prokka|PROKKA_01483
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01499
Name: ER07032_3A_prokka|PROKKA_01499
Description: ER07032_3A_prokka|PROKKA_01499
Number of features: 0
Seq('MYFAQLDGEITNKQSQELLDKEYKKAIELENKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01506
Name: ER07032_3A_prokka|PROKKA_01506
Description: ER07032_3A_prokka|PROKKA_01506
Number of features: 0
Seq('MSIQHLDGYISIEDFFKHMEELSKKEELEKEINQSKSKYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01518
Name: ER07032_3A_prokka|PROKKA_01518
Description: ER07032_3A_prokka|PROKKA_01518
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01580
Name: ER07032_3A_prokka|PROKKA_01580
Description: ER07032_3A_prokka|PROKKA_01580
Number of features: 0
Seq('MKFQSLDQNWNNGGWRKAEVAHKVVHNYENDMIFIRPFKKA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01637
Name: ER07032_3A_prokka|PROKKA_01637
Description: ER07032_3A_prokka|PROKKA_01637
Number of features: 0
Seq('MNHTIVDSADFQLQANDLISIQGFGRAHITDLGGKTKKDKTHITYRTLFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01655
Name: ER07032_3A_prokka|PROKKA_01655
Description: ER07032_3A_prokka|PROKKA_01655
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01656
Name: ER07032_3A_prokka|PROKKA_01656
Description: ER07032_3A_prokka|PROKKA_01656
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01674
Name: ER07032_3A_prokka|PROKKA_01674
Description: ER07032_3A_prokka|PROKKA_01674
Number of features: 0
Seq('MGKGNTRAVVKIKDGGKNGYYTFDITRPLEEHRKNIPVVGSGEISEITWQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01779
Name: ER07032_3A_prokka|PROKKA_01779
Description: ER07032_3A_prokka|PROKKA_01779
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01830
Name: ER07032_3A_prokka|PROKKA_01830
Description: ER07032_3A_prokka|PROKKA_01830
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01904
Name: ER07032_3A_prokka|PROKKA_01904
Description: ER07032_3A_prokka|PROKKA_01904
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTISDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01906
Name: ER07032_3A_prokka|PROKKA_01906
Description: ER07032_3A_prokka|PROKKA_01906
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_01956
Name: ER07032_3A_prokka|PROKKA_01956
Description: ER07032_3A_prokka|PROKKA_01956
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_02094
Name: ER07032_3A_prokka|PROKKA_02094
Description: ER07032_3A_prokka|PROKKA_02094
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_02125
Name: ER07032_3A_prokka|PROKKA_02125
Description: ER07032_3A_prokka|PROKKA_02125
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_02283
Name: ER07032_3A_prokka|PROKKA_02283
Description: ER07032_3A_prokka|PROKKA_02283
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_02346
Name: ER07032_3A_prokka|PROKKA_02346
Description: ER07032_3A_prokka|PROKKA_02346
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVNCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_02501
Name: ER07032_3A_prokka|PROKKA_02501
Description: ER07032_3A_prokka|PROKKA_02501
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_02547
Name: ER07032_3A_prokka|PROKKA_02547
Description: ER07032_3A_prokka|PROKKA_02547
Number of features: 0
Seq('MKKLFNEYFFTTSQATALIIFSLPMTDLFTKNLLLYMLLFIVIIGSTHLLRES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_02548
Name: ER07032_3A_prokka|PROKKA_02548
Description: ER07032_3A_prokka|PROKKA_02548
Number of features: 0
Seq('MAYTLTNIVENVTFSILKYEPTYFNYECCDGTKVANSL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07032_3A_prokka|PROKKA_02592
Name: ER07032_3A_prokka|PROKKA_02592
Description: ER07032_3A_prokka|PROKKA_02592
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00059
Name: ER07053_3A_prokka|PROKKA_00059
Description: ER07053_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00060
Name: ER07053_3A_prokka|PROKKA_00060
Description: ER07053_3A_prokka|PROKKA_00060
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00062
Name: ER07053_3A_prokka|PROKKA_00062
Description: ER07053_3A_prokka|PROKKA_00062
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00114
Name: ER07053_3A_prokka|PROKKA_00114
Description: ER07053_3A_prokka|PROKKA_00114
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00157
Name: ER07053_3A_prokka|PROKKA_00157
Description: ER07053_3A_prokka|PROKKA_00157
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00171
Name: ER07053_3A_prokka|PROKKA_00171
Description: ER07053_3A_prokka|PROKKA_00171
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00340
Name: ER07053_3A_prokka|PROKKA_00340
Description: ER07053_3A_prokka|PROKKA_00340
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00414
Name: ER07053_3A_prokka|PROKKA_00414
Description: ER07053_3A_prokka|PROKKA_00414
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00449
Name: ER07053_3A_prokka|PROKKA_00449
Description: ER07053_3A_prokka|PROKKA_00449
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00452
Name: ER07053_3A_prokka|PROKKA_00452
Description: ER07053_3A_prokka|PROKKA_00452
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00479
Name: ER07053_3A_prokka|PROKKA_00479
Description: ER07053_3A_prokka|PROKKA_00479
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00484
Name: ER07053_3A_prokka|PROKKA_00484
Description: ER07053_3A_prokka|PROKKA_00484
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00492
Name: ER07053_3A_prokka|PROKKA_00492
Description: ER07053_3A_prokka|PROKKA_00492
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00507
Name: ER07053_3A_prokka|PROKKA_00507
Description: ER07053_3A_prokka|PROKKA_00507
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00574
Name: ER07053_3A_prokka|PROKKA_00574
Description: ER07053_3A_prokka|PROKKA_00574
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00586
Name: ER07053_3A_prokka|PROKKA_00586
Description: ER07053_3A_prokka|PROKKA_00586
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00587
Name: ER07053_3A_prokka|PROKKA_00587
Description: ER07053_3A_prokka|PROKKA_00587
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00723
Name: ER07053_3A_prokka|PROKKA_00723
Description: ER07053_3A_prokka|PROKKA_00723
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00727
Name: ER07053_3A_prokka|PROKKA_00727
Description: ER07053_3A_prokka|PROKKA_00727
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00751
Name: ER07053_3A_prokka|PROKKA_00751
Description: ER07053_3A_prokka|PROKKA_00751
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00844
Name: ER07053_3A_prokka|PROKKA_00844
Description: ER07053_3A_prokka|PROKKA_00844
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00856
Name: ER07053_3A_prokka|PROKKA_00856
Description: ER07053_3A_prokka|PROKKA_00856
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00903
Name: ER07053_3A_prokka|PROKKA_00903
Description: ER07053_3A_prokka|PROKKA_00903
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00929
Name: ER07053_3A_prokka|PROKKA_00929
Description: ER07053_3A_prokka|PROKKA_00929
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00952
Name: ER07053_3A_prokka|PROKKA_00952
Description: ER07053_3A_prokka|PROKKA_00952
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00953
Name: ER07053_3A_prokka|PROKKA_00953
Description: ER07053_3A_prokka|PROKKA_00953
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_00961
Name: ER07053_3A_prokka|PROKKA_00961
Description: ER07053_3A_prokka|PROKKA_00961
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01010
Name: ER07053_3A_prokka|PROKKA_01010
Description: ER07053_3A_prokka|PROKKA_01010
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01011
Name: ER07053_3A_prokka|PROKKA_01011
Description: ER07053_3A_prokka|PROKKA_01011
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01028
Name: ER07053_3A_prokka|PROKKA_01028
Description: ER07053_3A_prokka|PROKKA_01028
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01051
Name: ER07053_3A_prokka|PROKKA_01051
Description: ER07053_3A_prokka|PROKKA_01051
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01156
Name: ER07053_3A_prokka|PROKKA_01156
Description: ER07053_3A_prokka|PROKKA_01156
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01171
Name: ER07053_3A_prokka|PROKKA_01171
Description: ER07053_3A_prokka|PROKKA_01171
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01172
Name: ER07053_3A_prokka|PROKKA_01172
Description: ER07053_3A_prokka|PROKKA_01172
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01203
Name: ER07053_3A_prokka|PROKKA_01203
Description: ER07053_3A_prokka|PROKKA_01203
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01219
Name: ER07053_3A_prokka|PROKKA_01219
Description: ER07053_3A_prokka|PROKKA_01219
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01223
Name: ER07053_3A_prokka|PROKKA_01223
Description: ER07053_3A_prokka|PROKKA_01223
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01254
Name: ER07053_3A_prokka|PROKKA_01254
Description: ER07053_3A_prokka|PROKKA_01254
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILIIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01484
Name: ER07053_3A_prokka|PROKKA_01484
Description: ER07053_3A_prokka|PROKKA_01484
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01651
Name: ER07053_3A_prokka|PROKKA_01651
Description: ER07053_3A_prokka|PROKKA_01651
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01668
Name: ER07053_3A_prokka|PROKKA_01668
Description: ER07053_3A_prokka|PROKKA_01668
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01792
Name: ER07053_3A_prokka|PROKKA_01792
Description: ER07053_3A_prokka|PROKKA_01792
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01959
Name: ER07053_3A_prokka|PROKKA_01959
Description: ER07053_3A_prokka|PROKKA_01959
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01978
Name: ER07053_3A_prokka|PROKKA_01978
Description: ER07053_3A_prokka|PROKKA_01978
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_01999
Name: ER07053_3A_prokka|PROKKA_01999
Description: ER07053_3A_prokka|PROKKA_01999
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02003
Name: ER07053_3A_prokka|PROKKA_02003
Description: ER07053_3A_prokka|PROKKA_02003
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02006
Name: ER07053_3A_prokka|PROKKA_02006
Description: ER07053_3A_prokka|PROKKA_02006
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02046
Name: ER07053_3A_prokka|PROKKA_02046
Description: ER07053_3A_prokka|PROKKA_02046
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02130
Name: ER07053_3A_prokka|PROKKA_02130
Description: ER07053_3A_prokka|PROKKA_02130
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02168
Name: ER07053_3A_prokka|PROKKA_02168
Description: ER07053_3A_prokka|PROKKA_02168
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02276
Name: ER07053_3A_prokka|PROKKA_02276
Description: ER07053_3A_prokka|PROKKA_02276
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02340
Name: ER07053_3A_prokka|PROKKA_02340
Description: ER07053_3A_prokka|PROKKA_02340
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02349
Name: ER07053_3A_prokka|PROKKA_02349
Description: ER07053_3A_prokka|PROKKA_02349
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02495
Name: ER07053_3A_prokka|PROKKA_02495
Description: ER07053_3A_prokka|PROKKA_02495
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02527
Name: ER07053_3A_prokka|PROKKA_02527
Description: ER07053_3A_prokka|PROKKA_02527
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02540
Name: ER07053_3A_prokka|PROKKA_02540
Description: ER07053_3A_prokka|PROKKA_02540
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02558
Name: ER07053_3A_prokka|PROKKA_02558
Description: ER07053_3A_prokka|PROKKA_02558
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02565
Name: ER07053_3A_prokka|PROKKA_02565
Description: ER07053_3A_prokka|PROKKA_02565
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02570
Name: ER07053_3A_prokka|PROKKA_02570
Description: ER07053_3A_prokka|PROKKA_02570
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02578
Name: ER07053_3A_prokka|PROKKA_02578
Description: ER07053_3A_prokka|PROKKA_02578
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02593
Name: ER07053_3A_prokka|PROKKA_02593
Description: ER07053_3A_prokka|PROKKA_02593
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02612
Name: ER07053_3A_prokka|PROKKA_02612
Description: ER07053_3A_prokka|PROKKA_02612
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02620
Name: ER07053_3A_prokka|PROKKA_02620
Description: ER07053_3A_prokka|PROKKA_02620
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02729
Name: ER07053_3A_prokka|PROKKA_02729
Description: ER07053_3A_prokka|PROKKA_02729
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02782
Name: ER07053_3A_prokka|PROKKA_02782
Description: ER07053_3A_prokka|PROKKA_02782
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02784
Name: ER07053_3A_prokka|PROKKA_02784
Description: ER07053_3A_prokka|PROKKA_02784
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02860
Name: ER07053_3A_prokka|PROKKA_02860
Description: ER07053_3A_prokka|PROKKA_02860
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02865
Name: ER07053_3A_prokka|PROKKA_02865
Description: ER07053_3A_prokka|PROKKA_02865
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02887
Name: ER07053_3A_prokka|PROKKA_02887
Description: ER07053_3A_prokka|PROKKA_02887
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07053_3A_prokka|PROKKA_02922
Name: ER07053_3A_prokka|PROKKA_02922
Description: ER07053_3A_prokka|PROKKA_02922
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00065
Name: ER07102_3A_prokka|PROKKA_00065
Description: ER07102_3A_prokka|PROKKA_00065
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00088
Name: ER07102_3A_prokka|PROKKA_00088
Description: ER07102_3A_prokka|PROKKA_00088
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00089
Name: ER07102_3A_prokka|PROKKA_00089
Description: ER07102_3A_prokka|PROKKA_00089
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00097
Name: ER07102_3A_prokka|PROKKA_00097
Description: ER07102_3A_prokka|PROKKA_00097
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00105
Name: ER07102_3A_prokka|PROKKA_00105
Description: ER07102_3A_prokka|PROKKA_00105
Number of features: 0
Seq('MNLIPRTSIVVYLKHMKHERQIRKYGHIVHFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00109
Name: ER07102_3A_prokka|PROKKA_00109
Description: ER07102_3A_prokka|PROKKA_00109
Number of features: 0
Seq('MVGKDIKVLTSKFGQADRVYPFRDGYKIMC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00139
Name: ER07102_3A_prokka|PROKKA_00139
Description: ER07102_3A_prokka|PROKKA_00139
Number of features: 0
Seq('MRVEEDNVFIFDIGDVLALTHDSARKAGRIPSGNVLVDGSGIGDIGNVCNKRP', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00150
Name: ER07102_3A_prokka|PROKKA_00150
Description: ER07102_3A_prokka|PROKKA_00150
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00151
Name: ER07102_3A_prokka|PROKKA_00151
Description: ER07102_3A_prokka|PROKKA_00151
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00168
Name: ER07102_3A_prokka|PROKKA_00168
Description: ER07102_3A_prokka|PROKKA_00168
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00191
Name: ER07102_3A_prokka|PROKKA_00191
Description: ER07102_3A_prokka|PROKKA_00191
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00243
Name: ER07102_3A_prokka|PROKKA_00243
Description: ER07102_3A_prokka|PROKKA_00243
Number of features: 0
Seq('MKNDEVLLSIKNLKQYFNAGKKNEVRAIENISFDIYKGETLGLVGESGCGKSTTG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00301
Name: ER07102_3A_prokka|PROKKA_00301
Description: ER07102_3A_prokka|PROKKA_00301
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00307
Name: ER07102_3A_prokka|PROKKA_00307
Description: ER07102_3A_prokka|PROKKA_00307
Number of features: 0
Seq('MCNDTLELLRIKDENIKYINQEIDVIIKGKKQQWLMLY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00346
Name: ER07102_3A_prokka|PROKKA_00346
Description: ER07102_3A_prokka|PROKKA_00346
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00455
Name: ER07102_3A_prokka|PROKKA_00455
Description: ER07102_3A_prokka|PROKKA_00455
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00508
Name: ER07102_3A_prokka|PROKKA_00508
Description: ER07102_3A_prokka|PROKKA_00508
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00510
Name: ER07102_3A_prokka|PROKKA_00510
Description: ER07102_3A_prokka|PROKKA_00510
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00586
Name: ER07102_3A_prokka|PROKKA_00586
Description: ER07102_3A_prokka|PROKKA_00586
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00591
Name: ER07102_3A_prokka|PROKKA_00591
Description: ER07102_3A_prokka|PROKKA_00591
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00613
Name: ER07102_3A_prokka|PROKKA_00613
Description: ER07102_3A_prokka|PROKKA_00613
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00643
Name: ER07102_3A_prokka|PROKKA_00643
Description: ER07102_3A_prokka|PROKKA_00643
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00644
Name: ER07102_3A_prokka|PROKKA_00644
Description: ER07102_3A_prokka|PROKKA_00644
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00646
Name: ER07102_3A_prokka|PROKKA_00646
Description: ER07102_3A_prokka|PROKKA_00646
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00698
Name: ER07102_3A_prokka|PROKKA_00698
Description: ER07102_3A_prokka|PROKKA_00698
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00741
Name: ER07102_3A_prokka|PROKKA_00741
Description: ER07102_3A_prokka|PROKKA_00741
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00755
Name: ER07102_3A_prokka|PROKKA_00755
Description: ER07102_3A_prokka|PROKKA_00755
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00924
Name: ER07102_3A_prokka|PROKKA_00924
Description: ER07102_3A_prokka|PROKKA_00924
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_00998
Name: ER07102_3A_prokka|PROKKA_00998
Description: ER07102_3A_prokka|PROKKA_00998
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01033
Name: ER07102_3A_prokka|PROKKA_01033
Description: ER07102_3A_prokka|PROKKA_01033
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01036
Name: ER07102_3A_prokka|PROKKA_01036
Description: ER07102_3A_prokka|PROKKA_01036
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01063
Name: ER07102_3A_prokka|PROKKA_01063
Description: ER07102_3A_prokka|PROKKA_01063
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01068
Name: ER07102_3A_prokka|PROKKA_01068
Description: ER07102_3A_prokka|PROKKA_01068
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01076
Name: ER07102_3A_prokka|PROKKA_01076
Description: ER07102_3A_prokka|PROKKA_01076
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01091
Name: ER07102_3A_prokka|PROKKA_01091
Description: ER07102_3A_prokka|PROKKA_01091
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01110
Name: ER07102_3A_prokka|PROKKA_01110
Description: ER07102_3A_prokka|PROKKA_01110
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01118
Name: ER07102_3A_prokka|PROKKA_01118
Description: ER07102_3A_prokka|PROKKA_01118
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01165
Name: ER07102_3A_prokka|PROKKA_01165
Description: ER07102_3A_prokka|PROKKA_01165
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01177
Name: ER07102_3A_prokka|PROKKA_01177
Description: ER07102_3A_prokka|PROKKA_01177
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01270
Name: ER07102_3A_prokka|PROKKA_01270
Description: ER07102_3A_prokka|PROKKA_01270
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01294
Name: ER07102_3A_prokka|PROKKA_01294
Description: ER07102_3A_prokka|PROKKA_01294
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01298
Name: ER07102_3A_prokka|PROKKA_01298
Description: ER07102_3A_prokka|PROKKA_01298
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01434
Name: ER07102_3A_prokka|PROKKA_01434
Description: ER07102_3A_prokka|PROKKA_01434
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01435
Name: ER07102_3A_prokka|PROKKA_01435
Description: ER07102_3A_prokka|PROKKA_01435
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01447
Name: ER07102_3A_prokka|PROKKA_01447
Description: ER07102_3A_prokka|PROKKA_01447
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01513
Name: ER07102_3A_prokka|PROKKA_01513
Description: ER07102_3A_prokka|PROKKA_01513
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01529
Name: ER07102_3A_prokka|PROKKA_01529
Description: ER07102_3A_prokka|PROKKA_01529
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01533
Name: ER07102_3A_prokka|PROKKA_01533
Description: ER07102_3A_prokka|PROKKA_01533
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01564
Name: ER07102_3A_prokka|PROKKA_01564
Description: ER07102_3A_prokka|PROKKA_01564
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILIIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01794
Name: ER07102_3A_prokka|PROKKA_01794
Description: ER07102_3A_prokka|PROKKA_01794
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01961
Name: ER07102_3A_prokka|PROKKA_01961
Description: ER07102_3A_prokka|PROKKA_01961
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_01978
Name: ER07102_3A_prokka|PROKKA_01978
Description: ER07102_3A_prokka|PROKKA_01978
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02102
Name: ER07102_3A_prokka|PROKKA_02102
Description: ER07102_3A_prokka|PROKKA_02102
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02269
Name: ER07102_3A_prokka|PROKKA_02269
Description: ER07102_3A_prokka|PROKKA_02269
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02288
Name: ER07102_3A_prokka|PROKKA_02288
Description: ER07102_3A_prokka|PROKKA_02288
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02309
Name: ER07102_3A_prokka|PROKKA_02309
Description: ER07102_3A_prokka|PROKKA_02309
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02313
Name: ER07102_3A_prokka|PROKKA_02313
Description: ER07102_3A_prokka|PROKKA_02313
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02316
Name: ER07102_3A_prokka|PROKKA_02316
Description: ER07102_3A_prokka|PROKKA_02316
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02356
Name: ER07102_3A_prokka|PROKKA_02356
Description: ER07102_3A_prokka|PROKKA_02356
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02440
Name: ER07102_3A_prokka|PROKKA_02440
Description: ER07102_3A_prokka|PROKKA_02440
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02478
Name: ER07102_3A_prokka|PROKKA_02478
Description: ER07102_3A_prokka|PROKKA_02478
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02586
Name: ER07102_3A_prokka|PROKKA_02586
Description: ER07102_3A_prokka|PROKKA_02586
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02650
Name: ER07102_3A_prokka|PROKKA_02650
Description: ER07102_3A_prokka|PROKKA_02650
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02659
Name: ER07102_3A_prokka|PROKKA_02659
Description: ER07102_3A_prokka|PROKKA_02659
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02805
Name: ER07102_3A_prokka|PROKKA_02805
Description: ER07102_3A_prokka|PROKKA_02805
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02837
Name: ER07102_3A_prokka|PROKKA_02837
Description: ER07102_3A_prokka|PROKKA_02837
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02850
Name: ER07102_3A_prokka|PROKKA_02850
Description: ER07102_3A_prokka|PROKKA_02850
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02868
Name: ER07102_3A_prokka|PROKKA_02868
Description: ER07102_3A_prokka|PROKKA_02868
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02875
Name: ER07102_3A_prokka|PROKKA_02875
Description: ER07102_3A_prokka|PROKKA_02875
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02880
Name: ER07102_3A_prokka|PROKKA_02880
Description: ER07102_3A_prokka|PROKKA_02880
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02888
Name: ER07102_3A_prokka|PROKKA_02888
Description: ER07102_3A_prokka|PROKKA_02888
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02903
Name: ER07102_3A_prokka|PROKKA_02903
Description: ER07102_3A_prokka|PROKKA_02903
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02930
Name: ER07102_3A_prokka|PROKKA_02930
Description: ER07102_3A_prokka|PROKKA_02930
Number of features: 0
Seq('MYKIKDVETRIKNDGVDLGDIGCQFYTEDEIQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02938
Name: ER07102_3A_prokka|PROKKA_02938
Description: ER07102_3A_prokka|PROKKA_02938
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02939
Name: ER07102_3A_prokka|PROKKA_02939
Description: ER07102_3A_prokka|PROKKA_02939
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02945
Name: ER07102_3A_prokka|PROKKA_02945
Description: ER07102_3A_prokka|PROKKA_02945
Number of features: 0
Seq('MITIQLYEDLERQTDKLKTYAGHFPVVELDATYYGDTTGKKYIEMDKRNA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_02956
Name: ER07102_3A_prokka|PROKKA_02956
Description: ER07102_3A_prokka|PROKKA_02956
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_03061
Name: ER07102_3A_prokka|PROKKA_03061
Description: ER07102_3A_prokka|PROKKA_03061
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_03099
Name: ER07102_3A_prokka|PROKKA_03099
Description: ER07102_3A_prokka|PROKKA_03099
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_03100
Name: ER07102_3A_prokka|PROKKA_03100
Description: ER07102_3A_prokka|PROKKA_03100
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_03149
Name: ER07102_3A_prokka|PROKKA_03149
Description: ER07102_3A_prokka|PROKKA_03149
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_03157
Name: ER07102_3A_prokka|PROKKA_03157
Description: ER07102_3A_prokka|PROKKA_03157
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_03158
Name: ER07102_3A_prokka|PROKKA_03158
Description: ER07102_3A_prokka|PROKKA_03158
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_03181
Name: ER07102_3A_prokka|PROKKA_03181
Description: ER07102_3A_prokka|PROKKA_03181
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07102_3A_prokka|PROKKA_03216
Name: ER07102_3A_prokka|PROKKA_03216
Description: ER07102_3A_prokka|PROKKA_03216
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00039
Name: ER07103_3A_prokka|PROKKA_00039
Description: ER07103_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00042
Name: ER07103_3A_prokka|PROKKA_00042
Description: ER07103_3A_prokka|PROKKA_00042
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00046
Name: ER07103_3A_prokka|PROKKA_00046
Description: ER07103_3A_prokka|PROKKA_00046
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00067
Name: ER07103_3A_prokka|PROKKA_00067
Description: ER07103_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00085
Name: ER07103_3A_prokka|PROKKA_00085
Description: ER07103_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00253
Name: ER07103_3A_prokka|PROKKA_00253
Description: ER07103_3A_prokka|PROKKA_00253
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00377
Name: ER07103_3A_prokka|PROKKA_00377
Description: ER07103_3A_prokka|PROKKA_00377
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00394
Name: ER07103_3A_prokka|PROKKA_00394
Description: ER07103_3A_prokka|PROKKA_00394
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00560
Name: ER07103_3A_prokka|PROKKA_00560
Description: ER07103_3A_prokka|PROKKA_00560
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00789
Name: ER07103_3A_prokka|PROKKA_00789
Description: ER07103_3A_prokka|PROKKA_00789
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00816
Name: ER07103_3A_prokka|PROKKA_00816
Description: ER07103_3A_prokka|PROKKA_00816
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00921
Name: ER07103_3A_prokka|PROKKA_00921
Description: ER07103_3A_prokka|PROKKA_00921
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00960
Name: ER07103_3A_prokka|PROKKA_00960
Description: ER07103_3A_prokka|PROKKA_00960
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_00961
Name: ER07103_3A_prokka|PROKKA_00961
Description: ER07103_3A_prokka|PROKKA_00961
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01043
Name: ER07103_3A_prokka|PROKKA_01043
Description: ER07103_3A_prokka|PROKKA_01043
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01055
Name: ER07103_3A_prokka|PROKKA_01055
Description: ER07103_3A_prokka|PROKKA_01055
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01056
Name: ER07103_3A_prokka|PROKKA_01056
Description: ER07103_3A_prokka|PROKKA_01056
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01193
Name: ER07103_3A_prokka|PROKKA_01193
Description: ER07103_3A_prokka|PROKKA_01193
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01197
Name: ER07103_3A_prokka|PROKKA_01197
Description: ER07103_3A_prokka|PROKKA_01197
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01221
Name: ER07103_3A_prokka|PROKKA_01221
Description: ER07103_3A_prokka|PROKKA_01221
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01314
Name: ER07103_3A_prokka|PROKKA_01314
Description: ER07103_3A_prokka|PROKKA_01314
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01326
Name: ER07103_3A_prokka|PROKKA_01326
Description: ER07103_3A_prokka|PROKKA_01326
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01373
Name: ER07103_3A_prokka|PROKKA_01373
Description: ER07103_3A_prokka|PROKKA_01373
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01381
Name: ER07103_3A_prokka|PROKKA_01381
Description: ER07103_3A_prokka|PROKKA_01381
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01400
Name: ER07103_3A_prokka|PROKKA_01400
Description: ER07103_3A_prokka|PROKKA_01400
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01415
Name: ER07103_3A_prokka|PROKKA_01415
Description: ER07103_3A_prokka|PROKKA_01415
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01423
Name: ER07103_3A_prokka|PROKKA_01423
Description: ER07103_3A_prokka|PROKKA_01423
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01428
Name: ER07103_3A_prokka|PROKKA_01428
Description: ER07103_3A_prokka|PROKKA_01428
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01455
Name: ER07103_3A_prokka|PROKKA_01455
Description: ER07103_3A_prokka|PROKKA_01455
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01458
Name: ER07103_3A_prokka|PROKKA_01458
Description: ER07103_3A_prokka|PROKKA_01458
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01493
Name: ER07103_3A_prokka|PROKKA_01493
Description: ER07103_3A_prokka|PROKKA_01493
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01567
Name: ER07103_3A_prokka|PROKKA_01567
Description: ER07103_3A_prokka|PROKKA_01567
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01736
Name: ER07103_3A_prokka|PROKKA_01736
Description: ER07103_3A_prokka|PROKKA_01736
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01750
Name: ER07103_3A_prokka|PROKKA_01750
Description: ER07103_3A_prokka|PROKKA_01750
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01792
Name: ER07103_3A_prokka|PROKKA_01792
Description: ER07103_3A_prokka|PROKKA_01792
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01844
Name: ER07103_3A_prokka|PROKKA_01844
Description: ER07103_3A_prokka|PROKKA_01844
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01846
Name: ER07103_3A_prokka|PROKKA_01846
Description: ER07103_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01847
Name: ER07103_3A_prokka|PROKKA_01847
Description: ER07103_3A_prokka|PROKKA_01847
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01877
Name: ER07103_3A_prokka|PROKKA_01877
Description: ER07103_3A_prokka|PROKKA_01877
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01899
Name: ER07103_3A_prokka|PROKKA_01899
Description: ER07103_3A_prokka|PROKKA_01899
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01904
Name: ER07103_3A_prokka|PROKKA_01904
Description: ER07103_3A_prokka|PROKKA_01904
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01980
Name: ER07103_3A_prokka|PROKKA_01980
Description: ER07103_3A_prokka|PROKKA_01980
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_01984
Name: ER07103_3A_prokka|PROKKA_01984
Description: ER07103_3A_prokka|PROKKA_01984
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02000
Name: ER07103_3A_prokka|PROKKA_02000
Description: ER07103_3A_prokka|PROKKA_02000
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02018
Name: ER07103_3A_prokka|PROKKA_02018
Description: ER07103_3A_prokka|PROKKA_02018
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02044
Name: ER07103_3A_prokka|PROKKA_02044
Description: ER07103_3A_prokka|PROKKA_02044
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02046
Name: ER07103_3A_prokka|PROKKA_02046
Description: ER07103_3A_prokka|PROKKA_02046
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02100
Name: ER07103_3A_prokka|PROKKA_02100
Description: ER07103_3A_prokka|PROKKA_02100
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02208
Name: ER07103_3A_prokka|PROKKA_02208
Description: ER07103_3A_prokka|PROKKA_02208
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02227
Name: ER07103_3A_prokka|PROKKA_02227
Description: ER07103_3A_prokka|PROKKA_02227
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02240
Name: ER07103_3A_prokka|PROKKA_02240
Description: ER07103_3A_prokka|PROKKA_02240
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02272
Name: ER07103_3A_prokka|PROKKA_02272
Description: ER07103_3A_prokka|PROKKA_02272
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02417
Name: ER07103_3A_prokka|PROKKA_02417
Description: ER07103_3A_prokka|PROKKA_02417
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02426
Name: ER07103_3A_prokka|PROKKA_02426
Description: ER07103_3A_prokka|PROKKA_02426
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02490
Name: ER07103_3A_prokka|PROKKA_02490
Description: ER07103_3A_prokka|PROKKA_02490
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02598
Name: ER07103_3A_prokka|PROKKA_02598
Description: ER07103_3A_prokka|PROKKA_02598
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02636
Name: ER07103_3A_prokka|PROKKA_02636
Description: ER07103_3A_prokka|PROKKA_02636
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02721
Name: ER07103_3A_prokka|PROKKA_02721
Description: ER07103_3A_prokka|PROKKA_02721
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02737
Name: ER07103_3A_prokka|PROKKA_02737
Description: ER07103_3A_prokka|PROKKA_02737
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02799
Name: ER07103_3A_prokka|PROKKA_02799
Description: ER07103_3A_prokka|PROKKA_02799
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02804
Name: ER07103_3A_prokka|PROKKA_02804
Description: ER07103_3A_prokka|PROKKA_02804
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07103_3A_prokka|PROKKA_02806
Name: ER07103_3A_prokka|PROKKA_02806
Description: ER07103_3A_prokka|PROKKA_02806
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00029
Name: ER07122_3A_prokka|PROKKA_00029
Description: ER07122_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00038
Name: ER07122_3A_prokka|PROKKA_00038
Description: ER07122_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00059
Name: ER07122_3A_prokka|PROKKA_00059
Description: ER07122_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00149
Name: ER07122_3A_prokka|PROKKA_00149
Description: ER07122_3A_prokka|PROKKA_00149
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00248
Name: ER07122_3A_prokka|PROKKA_00248
Description: ER07122_3A_prokka|PROKKA_00248
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00300
Name: ER07122_3A_prokka|PROKKA_00300
Description: ER07122_3A_prokka|PROKKA_00300
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00398
Name: ER07122_3A_prokka|PROKKA_00398
Description: ER07122_3A_prokka|PROKKA_00398
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00436
Name: ER07122_3A_prokka|PROKKA_00436
Description: ER07122_3A_prokka|PROKKA_00436
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00567
Name: ER07122_3A_prokka|PROKKA_00567
Description: ER07122_3A_prokka|PROKKA_00567
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00603
Name: ER07122_3A_prokka|PROKKA_00603
Description: ER07122_3A_prokka|PROKKA_00603
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00821
Name: ER07122_3A_prokka|PROKKA_00821
Description: ER07122_3A_prokka|PROKKA_00821
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00847
Name: ER07122_3A_prokka|PROKKA_00847
Description: ER07122_3A_prokka|PROKKA_00847
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00955
Name: ER07122_3A_prokka|PROKKA_00955
Description: ER07122_3A_prokka|PROKKA_00955
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_00994
Name: ER07122_3A_prokka|PROKKA_00994
Description: ER07122_3A_prokka|PROKKA_00994
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01074
Name: ER07122_3A_prokka|PROKKA_01074
Description: ER07122_3A_prokka|PROKKA_01074
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01087
Name: ER07122_3A_prokka|PROKKA_01087
Description: ER07122_3A_prokka|PROKKA_01087
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01088
Name: ER07122_3A_prokka|PROKKA_01088
Description: ER07122_3A_prokka|PROKKA_01088
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01225
Name: ER07122_3A_prokka|PROKKA_01225
Description: ER07122_3A_prokka|PROKKA_01225
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01229
Name: ER07122_3A_prokka|PROKKA_01229
Description: ER07122_3A_prokka|PROKKA_01229
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01233
Name: ER07122_3A_prokka|PROKKA_01233
Description: ER07122_3A_prokka|PROKKA_01233
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01235
Name: ER07122_3A_prokka|PROKKA_01235
Description: ER07122_3A_prokka|PROKKA_01235
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01260
Name: ER07122_3A_prokka|PROKKA_01260
Description: ER07122_3A_prokka|PROKKA_01260
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01355
Name: ER07122_3A_prokka|PROKKA_01355
Description: ER07122_3A_prokka|PROKKA_01355
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01367
Name: ER07122_3A_prokka|PROKKA_01367
Description: ER07122_3A_prokka|PROKKA_01367
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01416
Name: ER07122_3A_prokka|PROKKA_01416
Description: ER07122_3A_prokka|PROKKA_01416
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01424
Name: ER07122_3A_prokka|PROKKA_01424
Description: ER07122_3A_prokka|PROKKA_01424
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01444
Name: ER07122_3A_prokka|PROKKA_01444
Description: ER07122_3A_prokka|PROKKA_01444
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01472
Name: ER07122_3A_prokka|PROKKA_01472
Description: ER07122_3A_prokka|PROKKA_01472
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01499
Name: ER07122_3A_prokka|PROKKA_01499
Description: ER07122_3A_prokka|PROKKA_01499
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01536
Name: ER07122_3A_prokka|PROKKA_01536
Description: ER07122_3A_prokka|PROKKA_01536
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01607
Name: ER07122_3A_prokka|PROKKA_01607
Description: ER07122_3A_prokka|PROKKA_01607
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01772
Name: ER07122_3A_prokka|PROKKA_01772
Description: ER07122_3A_prokka|PROKKA_01772
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01779
Name: ER07122_3A_prokka|PROKKA_01779
Description: ER07122_3A_prokka|PROKKA_01779
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01798
Name: ER07122_3A_prokka|PROKKA_01798
Description: ER07122_3A_prokka|PROKKA_01798
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01833
Name: ER07122_3A_prokka|PROKKA_01833
Description: ER07122_3A_prokka|PROKKA_01833
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01885
Name: ER07122_3A_prokka|PROKKA_01885
Description: ER07122_3A_prokka|PROKKA_01885
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01887
Name: ER07122_3A_prokka|PROKKA_01887
Description: ER07122_3A_prokka|PROKKA_01887
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01888
Name: ER07122_3A_prokka|PROKKA_01888
Description: ER07122_3A_prokka|PROKKA_01888
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01909
Name: ER07122_3A_prokka|PROKKA_01909
Description: ER07122_3A_prokka|PROKKA_01909
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01933
Name: ER07122_3A_prokka|PROKKA_01933
Description: ER07122_3A_prokka|PROKKA_01933
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_01952
Name: ER07122_3A_prokka|PROKKA_01952
Description: ER07122_3A_prokka|PROKKA_01952
Number of features: 0
Seq('MRKYNFDKFFLYMAVLSLPTVIFFPLMLSIPIIFFIFSIRKKED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02027
Name: ER07122_3A_prokka|PROKKA_02027
Description: ER07122_3A_prokka|PROKKA_02027
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02031
Name: ER07122_3A_prokka|PROKKA_02031
Description: ER07122_3A_prokka|PROKKA_02031
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02047
Name: ER07122_3A_prokka|PROKKA_02047
Description: ER07122_3A_prokka|PROKKA_02047
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02067
Name: ER07122_3A_prokka|PROKKA_02067
Description: ER07122_3A_prokka|PROKKA_02067
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02098
Name: ER07122_3A_prokka|PROKKA_02098
Description: ER07122_3A_prokka|PROKKA_02098
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02100
Name: ER07122_3A_prokka|PROKKA_02100
Description: ER07122_3A_prokka|PROKKA_02100
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02150
Name: ER07122_3A_prokka|PROKKA_02150
Description: ER07122_3A_prokka|PROKKA_02150
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02270
Name: ER07122_3A_prokka|PROKKA_02270
Description: ER07122_3A_prokka|PROKKA_02270
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02294
Name: ER07122_3A_prokka|PROKKA_02294
Description: ER07122_3A_prokka|PROKKA_02294
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02325
Name: ER07122_3A_prokka|PROKKA_02325
Description: ER07122_3A_prokka|PROKKA_02325
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02480
Name: ER07122_3A_prokka|PROKKA_02480
Description: ER07122_3A_prokka|PROKKA_02480
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02689
Name: ER07122_3A_prokka|PROKKA_02689
Description: ER07122_3A_prokka|PROKKA_02689
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02776
Name: ER07122_3A_prokka|PROKKA_02776
Description: ER07122_3A_prokka|PROKKA_02776
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07122_3A_prokka|PROKKA_02786
Name: ER07122_3A_prokka|PROKKA_02786
Description: ER07122_3A_prokka|PROKKA_02786
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00030
Name: ER07130_3A_prokka|PROKKA_00030
Description: ER07130_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00061
Name: ER07130_3A_prokka|PROKKA_00061
Description: ER07130_3A_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00070
Name: ER07130_3A_prokka|PROKKA_00070
Description: ER07130_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00150
Name: ER07130_3A_prokka|PROKKA_00150
Description: ER07130_3A_prokka|PROKKA_00150
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00248
Name: ER07130_3A_prokka|PROKKA_00248
Description: ER07130_3A_prokka|PROKKA_00248
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00300
Name: ER07130_3A_prokka|PROKKA_00300
Description: ER07130_3A_prokka|PROKKA_00300
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00399
Name: ER07130_3A_prokka|PROKKA_00399
Description: ER07130_3A_prokka|PROKKA_00399
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00433
Name: ER07130_3A_prokka|PROKKA_00433
Description: ER07130_3A_prokka|PROKKA_00433
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00563
Name: ER07130_3A_prokka|PROKKA_00563
Description: ER07130_3A_prokka|PROKKA_00563
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00599
Name: ER07130_3A_prokka|PROKKA_00599
Description: ER07130_3A_prokka|PROKKA_00599
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00820
Name: ER07130_3A_prokka|PROKKA_00820
Description: ER07130_3A_prokka|PROKKA_00820
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00844
Name: ER07130_3A_prokka|PROKKA_00844
Description: ER07130_3A_prokka|PROKKA_00844
Number of features: 0
Seq('MSNIYKSYLIAVLCFTILAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00853
Name: ER07130_3A_prokka|PROKKA_00853
Description: ER07130_3A_prokka|PROKKA_00853
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00858
Name: ER07130_3A_prokka|PROKKA_00858
Description: ER07130_3A_prokka|PROKKA_00858
Number of features: 0
Seq('MSIISNRKVDMNETQDNVKQPAHYTYGDIEIIDFIIEQVTA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00868
Name: ER07130_3A_prokka|PROKKA_00868
Description: ER07130_3A_prokka|PROKKA_00868
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_00911
Name: ER07130_3A_prokka|PROKKA_00911
Description: ER07130_3A_prokka|PROKKA_00911
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01019
Name: ER07130_3A_prokka|PROKKA_01019
Description: ER07130_3A_prokka|PROKKA_01019
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01058
Name: ER07130_3A_prokka|PROKKA_01058
Description: ER07130_3A_prokka|PROKKA_01058
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01138
Name: ER07130_3A_prokka|PROKKA_01138
Description: ER07130_3A_prokka|PROKKA_01138
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01151
Name: ER07130_3A_prokka|PROKKA_01151
Description: ER07130_3A_prokka|PROKKA_01151
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01152
Name: ER07130_3A_prokka|PROKKA_01152
Description: ER07130_3A_prokka|PROKKA_01152
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01287
Name: ER07130_3A_prokka|PROKKA_01287
Description: ER07130_3A_prokka|PROKKA_01287
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01291
Name: ER07130_3A_prokka|PROKKA_01291
Description: ER07130_3A_prokka|PROKKA_01291
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01295
Name: ER07130_3A_prokka|PROKKA_01295
Description: ER07130_3A_prokka|PROKKA_01295
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01297
Name: ER07130_3A_prokka|PROKKA_01297
Description: ER07130_3A_prokka|PROKKA_01297
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01321
Name: ER07130_3A_prokka|PROKKA_01321
Description: ER07130_3A_prokka|PROKKA_01321
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01416
Name: ER07130_3A_prokka|PROKKA_01416
Description: ER07130_3A_prokka|PROKKA_01416
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01428
Name: ER07130_3A_prokka|PROKKA_01428
Description: ER07130_3A_prokka|PROKKA_01428
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01476
Name: ER07130_3A_prokka|PROKKA_01476
Description: ER07130_3A_prokka|PROKKA_01476
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01484
Name: ER07130_3A_prokka|PROKKA_01484
Description: ER07130_3A_prokka|PROKKA_01484
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01504
Name: ER07130_3A_prokka|PROKKA_01504
Description: ER07130_3A_prokka|PROKKA_01504
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01532
Name: ER07130_3A_prokka|PROKKA_01532
Description: ER07130_3A_prokka|PROKKA_01532
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01559
Name: ER07130_3A_prokka|PROKKA_01559
Description: ER07130_3A_prokka|PROKKA_01559
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01596
Name: ER07130_3A_prokka|PROKKA_01596
Description: ER07130_3A_prokka|PROKKA_01596
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01667
Name: ER07130_3A_prokka|PROKKA_01667
Description: ER07130_3A_prokka|PROKKA_01667
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01832
Name: ER07130_3A_prokka|PROKKA_01832
Description: ER07130_3A_prokka|PROKKA_01832
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01839
Name: ER07130_3A_prokka|PROKKA_01839
Description: ER07130_3A_prokka|PROKKA_01839
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01858
Name: ER07130_3A_prokka|PROKKA_01858
Description: ER07130_3A_prokka|PROKKA_01858
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01893
Name: ER07130_3A_prokka|PROKKA_01893
Description: ER07130_3A_prokka|PROKKA_01893
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_01945
Name: ER07130_3A_prokka|PROKKA_01945
Description: ER07130_3A_prokka|PROKKA_01945
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02017
Name: ER07130_3A_prokka|PROKKA_02017
Description: ER07130_3A_prokka|PROKKA_02017
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02021
Name: ER07130_3A_prokka|PROKKA_02021
Description: ER07130_3A_prokka|PROKKA_02021
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02037
Name: ER07130_3A_prokka|PROKKA_02037
Description: ER07130_3A_prokka|PROKKA_02037
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02057
Name: ER07130_3A_prokka|PROKKA_02057
Description: ER07130_3A_prokka|PROKKA_02057
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02087
Name: ER07130_3A_prokka|PROKKA_02087
Description: ER07130_3A_prokka|PROKKA_02087
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02089
Name: ER07130_3A_prokka|PROKKA_02089
Description: ER07130_3A_prokka|PROKKA_02089
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02138
Name: ER07130_3A_prokka|PROKKA_02138
Description: ER07130_3A_prokka|PROKKA_02138
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02258
Name: ER07130_3A_prokka|PROKKA_02258
Description: ER07130_3A_prokka|PROKKA_02258
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02283
Name: ER07130_3A_prokka|PROKKA_02283
Description: ER07130_3A_prokka|PROKKA_02283
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02314
Name: ER07130_3A_prokka|PROKKA_02314
Description: ER07130_3A_prokka|PROKKA_02314
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02469
Name: ER07130_3A_prokka|PROKKA_02469
Description: ER07130_3A_prokka|PROKKA_02469
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02678
Name: ER07130_3A_prokka|PROKKA_02678
Description: ER07130_3A_prokka|PROKKA_02678
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07130_3A_prokka|PROKKA_02766
Name: ER07130_3A_prokka|PROKKA_02766
Description: ER07130_3A_prokka|PROKKA_02766
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00016
Name: ER07131_3A_prokka|PROKKA_00016
Description: ER07131_3A_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00067
Name: ER07131_3A_prokka|PROKKA_00067
Description: ER07131_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00073
Name: ER07131_3A_prokka|PROKKA_00073
Description: ER07131_3A_prokka|PROKKA_00073
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00094
Name: ER07131_3A_prokka|PROKKA_00094
Description: ER07131_3A_prokka|PROKKA_00094
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00112
Name: ER07131_3A_prokka|PROKKA_00112
Description: ER07131_3A_prokka|PROKKA_00112
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00236
Name: ER07131_3A_prokka|PROKKA_00236
Description: ER07131_3A_prokka|PROKKA_00236
Number of features: 0
Seq('MTQKELANKVGVTRQTISLIEKGVHNPSLSLCKNICSVLNKNLDEIFGEKPQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00280
Name: ER07131_3A_prokka|PROKKA_00280
Description: ER07131_3A_prokka|PROKKA_00280
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00404
Name: ER07131_3A_prokka|PROKKA_00404
Description: ER07131_3A_prokka|PROKKA_00404
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00421
Name: ER07131_3A_prokka|PROKKA_00421
Description: ER07131_3A_prokka|PROKKA_00421
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00588
Name: ER07131_3A_prokka|PROKKA_00588
Description: ER07131_3A_prokka|PROKKA_00588
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00817
Name: ER07131_3A_prokka|PROKKA_00817
Description: ER07131_3A_prokka|PROKKA_00817
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00844
Name: ER07131_3A_prokka|PROKKA_00844
Description: ER07131_3A_prokka|PROKKA_00844
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00949
Name: ER07131_3A_prokka|PROKKA_00949
Description: ER07131_3A_prokka|PROKKA_00949
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00988
Name: ER07131_3A_prokka|PROKKA_00988
Description: ER07131_3A_prokka|PROKKA_00988
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_00989
Name: ER07131_3A_prokka|PROKKA_00989
Description: ER07131_3A_prokka|PROKKA_00989
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01071
Name: ER07131_3A_prokka|PROKKA_01071
Description: ER07131_3A_prokka|PROKKA_01071
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01083
Name: ER07131_3A_prokka|PROKKA_01083
Description: ER07131_3A_prokka|PROKKA_01083
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01084
Name: ER07131_3A_prokka|PROKKA_01084
Description: ER07131_3A_prokka|PROKKA_01084
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01220
Name: ER07131_3A_prokka|PROKKA_01220
Description: ER07131_3A_prokka|PROKKA_01220
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01224
Name: ER07131_3A_prokka|PROKKA_01224
Description: ER07131_3A_prokka|PROKKA_01224
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01248
Name: ER07131_3A_prokka|PROKKA_01248
Description: ER07131_3A_prokka|PROKKA_01248
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01341
Name: ER07131_3A_prokka|PROKKA_01341
Description: ER07131_3A_prokka|PROKKA_01341
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01353
Name: ER07131_3A_prokka|PROKKA_01353
Description: ER07131_3A_prokka|PROKKA_01353
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01400
Name: ER07131_3A_prokka|PROKKA_01400
Description: ER07131_3A_prokka|PROKKA_01400
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01408
Name: ER07131_3A_prokka|PROKKA_01408
Description: ER07131_3A_prokka|PROKKA_01408
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01427
Name: ER07131_3A_prokka|PROKKA_01427
Description: ER07131_3A_prokka|PROKKA_01427
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01442
Name: ER07131_3A_prokka|PROKKA_01442
Description: ER07131_3A_prokka|PROKKA_01442
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01450
Name: ER07131_3A_prokka|PROKKA_01450
Description: ER07131_3A_prokka|PROKKA_01450
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01455
Name: ER07131_3A_prokka|PROKKA_01455
Description: ER07131_3A_prokka|PROKKA_01455
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01482
Name: ER07131_3A_prokka|PROKKA_01482
Description: ER07131_3A_prokka|PROKKA_01482
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01485
Name: ER07131_3A_prokka|PROKKA_01485
Description: ER07131_3A_prokka|PROKKA_01485
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01520
Name: ER07131_3A_prokka|PROKKA_01520
Description: ER07131_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01594
Name: ER07131_3A_prokka|PROKKA_01594
Description: ER07131_3A_prokka|PROKKA_01594
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01763
Name: ER07131_3A_prokka|PROKKA_01763
Description: ER07131_3A_prokka|PROKKA_01763
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01777
Name: ER07131_3A_prokka|PROKKA_01777
Description: ER07131_3A_prokka|PROKKA_01777
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01819
Name: ER07131_3A_prokka|PROKKA_01819
Description: ER07131_3A_prokka|PROKKA_01819
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01871
Name: ER07131_3A_prokka|PROKKA_01871
Description: ER07131_3A_prokka|PROKKA_01871
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01873
Name: ER07131_3A_prokka|PROKKA_01873
Description: ER07131_3A_prokka|PROKKA_01873
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01874
Name: ER07131_3A_prokka|PROKKA_01874
Description: ER07131_3A_prokka|PROKKA_01874
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01904
Name: ER07131_3A_prokka|PROKKA_01904
Description: ER07131_3A_prokka|PROKKA_01904
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01926
Name: ER07131_3A_prokka|PROKKA_01926
Description: ER07131_3A_prokka|PROKKA_01926
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_01931
Name: ER07131_3A_prokka|PROKKA_01931
Description: ER07131_3A_prokka|PROKKA_01931
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02007
Name: ER07131_3A_prokka|PROKKA_02007
Description: ER07131_3A_prokka|PROKKA_02007
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02011
Name: ER07131_3A_prokka|PROKKA_02011
Description: ER07131_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02027
Name: ER07131_3A_prokka|PROKKA_02027
Description: ER07131_3A_prokka|PROKKA_02027
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02045
Name: ER07131_3A_prokka|PROKKA_02045
Description: ER07131_3A_prokka|PROKKA_02045
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02071
Name: ER07131_3A_prokka|PROKKA_02071
Description: ER07131_3A_prokka|PROKKA_02071
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02073
Name: ER07131_3A_prokka|PROKKA_02073
Description: ER07131_3A_prokka|PROKKA_02073
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02127
Name: ER07131_3A_prokka|PROKKA_02127
Description: ER07131_3A_prokka|PROKKA_02127
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02236
Name: ER07131_3A_prokka|PROKKA_02236
Description: ER07131_3A_prokka|PROKKA_02236
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02255
Name: ER07131_3A_prokka|PROKKA_02255
Description: ER07131_3A_prokka|PROKKA_02255
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02268
Name: ER07131_3A_prokka|PROKKA_02268
Description: ER07131_3A_prokka|PROKKA_02268
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02300
Name: ER07131_3A_prokka|PROKKA_02300
Description: ER07131_3A_prokka|PROKKA_02300
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02445
Name: ER07131_3A_prokka|PROKKA_02445
Description: ER07131_3A_prokka|PROKKA_02445
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02454
Name: ER07131_3A_prokka|PROKKA_02454
Description: ER07131_3A_prokka|PROKKA_02454
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02518
Name: ER07131_3A_prokka|PROKKA_02518
Description: ER07131_3A_prokka|PROKKA_02518
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02626
Name: ER07131_3A_prokka|PROKKA_02626
Description: ER07131_3A_prokka|PROKKA_02626
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02664
Name: ER07131_3A_prokka|PROKKA_02664
Description: ER07131_3A_prokka|PROKKA_02664
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02749
Name: ER07131_3A_prokka|PROKKA_02749
Description: ER07131_3A_prokka|PROKKA_02749
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02797
Name: ER07131_3A_prokka|PROKKA_02797
Description: ER07131_3A_prokka|PROKKA_02797
Number of features: 0
Seq('MNYLESLYWIHERTKFGIKPGVKRMEWMLAQFNNPQITLRVFM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07131_3A_prokka|PROKKA_02808
Name: ER07131_3A_prokka|PROKKA_02808
Description: ER07131_3A_prokka|PROKKA_02808
Number of features: 0
Seq('MKPVVVMTQTNDMQSDLVSIIHKPFIDIKATKF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_00082
Name: ER07191_3A_prokka|PROKKA_00082
Description: ER07191_3A_prokka|PROKKA_00082
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_00085
Name: ER07191_3A_prokka|PROKKA_00085
Description: ER07191_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_00089
Name: ER07191_3A_prokka|PROKKA_00089
Description: ER07191_3A_prokka|PROKKA_00089
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_00110
Name: ER07191_3A_prokka|PROKKA_00110
Description: ER07191_3A_prokka|PROKKA_00110
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_00128
Name: ER07191_3A_prokka|PROKKA_00128
Description: ER07191_3A_prokka|PROKKA_00128
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_00296
Name: ER07191_3A_prokka|PROKKA_00296
Description: ER07191_3A_prokka|PROKKA_00296
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_00420
Name: ER07191_3A_prokka|PROKKA_00420
Description: ER07191_3A_prokka|PROKKA_00420
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_00437
Name: ER07191_3A_prokka|PROKKA_00437
Description: ER07191_3A_prokka|PROKKA_00437
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_00603
Name: ER07191_3A_prokka|PROKKA_00603
Description: ER07191_3A_prokka|PROKKA_00603
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_00832
Name: ER07191_3A_prokka|PROKKA_00832
Description: ER07191_3A_prokka|PROKKA_00832
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_00859
Name: ER07191_3A_prokka|PROKKA_00859
Description: ER07191_3A_prokka|PROKKA_00859
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_00964
Name: ER07191_3A_prokka|PROKKA_00964
Description: ER07191_3A_prokka|PROKKA_00964
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01003
Name: ER07191_3A_prokka|PROKKA_01003
Description: ER07191_3A_prokka|PROKKA_01003
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01004
Name: ER07191_3A_prokka|PROKKA_01004
Description: ER07191_3A_prokka|PROKKA_01004
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01086
Name: ER07191_3A_prokka|PROKKA_01086
Description: ER07191_3A_prokka|PROKKA_01086
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01098
Name: ER07191_3A_prokka|PROKKA_01098
Description: ER07191_3A_prokka|PROKKA_01098
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01099
Name: ER07191_3A_prokka|PROKKA_01099
Description: ER07191_3A_prokka|PROKKA_01099
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01235
Name: ER07191_3A_prokka|PROKKA_01235
Description: ER07191_3A_prokka|PROKKA_01235
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01239
Name: ER07191_3A_prokka|PROKKA_01239
Description: ER07191_3A_prokka|PROKKA_01239
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01263
Name: ER07191_3A_prokka|PROKKA_01263
Description: ER07191_3A_prokka|PROKKA_01263
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01356
Name: ER07191_3A_prokka|PROKKA_01356
Description: ER07191_3A_prokka|PROKKA_01356
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01368
Name: ER07191_3A_prokka|PROKKA_01368
Description: ER07191_3A_prokka|PROKKA_01368
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01415
Name: ER07191_3A_prokka|PROKKA_01415
Description: ER07191_3A_prokka|PROKKA_01415
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01423
Name: ER07191_3A_prokka|PROKKA_01423
Description: ER07191_3A_prokka|PROKKA_01423
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01442
Name: ER07191_3A_prokka|PROKKA_01442
Description: ER07191_3A_prokka|PROKKA_01442
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01457
Name: ER07191_3A_prokka|PROKKA_01457
Description: ER07191_3A_prokka|PROKKA_01457
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01465
Name: ER07191_3A_prokka|PROKKA_01465
Description: ER07191_3A_prokka|PROKKA_01465
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01470
Name: ER07191_3A_prokka|PROKKA_01470
Description: ER07191_3A_prokka|PROKKA_01470
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01497
Name: ER07191_3A_prokka|PROKKA_01497
Description: ER07191_3A_prokka|PROKKA_01497
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01500
Name: ER07191_3A_prokka|PROKKA_01500
Description: ER07191_3A_prokka|PROKKA_01500
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01535
Name: ER07191_3A_prokka|PROKKA_01535
Description: ER07191_3A_prokka|PROKKA_01535
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01609
Name: ER07191_3A_prokka|PROKKA_01609
Description: ER07191_3A_prokka|PROKKA_01609
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01778
Name: ER07191_3A_prokka|PROKKA_01778
Description: ER07191_3A_prokka|PROKKA_01778
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01792
Name: ER07191_3A_prokka|PROKKA_01792
Description: ER07191_3A_prokka|PROKKA_01792
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01834
Name: ER07191_3A_prokka|PROKKA_01834
Description: ER07191_3A_prokka|PROKKA_01834
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01886
Name: ER07191_3A_prokka|PROKKA_01886
Description: ER07191_3A_prokka|PROKKA_01886
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01888
Name: ER07191_3A_prokka|PROKKA_01888
Description: ER07191_3A_prokka|PROKKA_01888
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01889
Name: ER07191_3A_prokka|PROKKA_01889
Description: ER07191_3A_prokka|PROKKA_01889
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01919
Name: ER07191_3A_prokka|PROKKA_01919
Description: ER07191_3A_prokka|PROKKA_01919
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01941
Name: ER07191_3A_prokka|PROKKA_01941
Description: ER07191_3A_prokka|PROKKA_01941
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_01946
Name: ER07191_3A_prokka|PROKKA_01946
Description: ER07191_3A_prokka|PROKKA_01946
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02022
Name: ER07191_3A_prokka|PROKKA_02022
Description: ER07191_3A_prokka|PROKKA_02022
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02026
Name: ER07191_3A_prokka|PROKKA_02026
Description: ER07191_3A_prokka|PROKKA_02026
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02042
Name: ER07191_3A_prokka|PROKKA_02042
Description: ER07191_3A_prokka|PROKKA_02042
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02060
Name: ER07191_3A_prokka|PROKKA_02060
Description: ER07191_3A_prokka|PROKKA_02060
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02086
Name: ER07191_3A_prokka|PROKKA_02086
Description: ER07191_3A_prokka|PROKKA_02086
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02088
Name: ER07191_3A_prokka|PROKKA_02088
Description: ER07191_3A_prokka|PROKKA_02088
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02142
Name: ER07191_3A_prokka|PROKKA_02142
Description: ER07191_3A_prokka|PROKKA_02142
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02250
Name: ER07191_3A_prokka|PROKKA_02250
Description: ER07191_3A_prokka|PROKKA_02250
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02269
Name: ER07191_3A_prokka|PROKKA_02269
Description: ER07191_3A_prokka|PROKKA_02269
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02282
Name: ER07191_3A_prokka|PROKKA_02282
Description: ER07191_3A_prokka|PROKKA_02282
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02314
Name: ER07191_3A_prokka|PROKKA_02314
Description: ER07191_3A_prokka|PROKKA_02314
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02459
Name: ER07191_3A_prokka|PROKKA_02459
Description: ER07191_3A_prokka|PROKKA_02459
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02468
Name: ER07191_3A_prokka|PROKKA_02468
Description: ER07191_3A_prokka|PROKKA_02468
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02532
Name: ER07191_3A_prokka|PROKKA_02532
Description: ER07191_3A_prokka|PROKKA_02532
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02640
Name: ER07191_3A_prokka|PROKKA_02640
Description: ER07191_3A_prokka|PROKKA_02640
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02678
Name: ER07191_3A_prokka|PROKKA_02678
Description: ER07191_3A_prokka|PROKKA_02678
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02763
Name: ER07191_3A_prokka|PROKKA_02763
Description: ER07191_3A_prokka|PROKKA_02763
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02781
Name: ER07191_3A_prokka|PROKKA_02781
Description: ER07191_3A_prokka|PROKKA_02781
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07191_3A_prokka|PROKKA_02798
Name: ER07191_3A_prokka|PROKKA_02798
Description: ER07191_3A_prokka|PROKKA_02798
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00016
Name: ER07227_3A_prokka|PROKKA_00016
Description: ER07227_3A_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00067
Name: ER07227_3A_prokka|PROKKA_00067
Description: ER07227_3A_prokka|PROKKA_00067
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00070
Name: ER07227_3A_prokka|PROKKA_00070
Description: ER07227_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00074
Name: ER07227_3A_prokka|PROKKA_00074
Description: ER07227_3A_prokka|PROKKA_00074
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00095
Name: ER07227_3A_prokka|PROKKA_00095
Description: ER07227_3A_prokka|PROKKA_00095
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00113
Name: ER07227_3A_prokka|PROKKA_00113
Description: ER07227_3A_prokka|PROKKA_00113
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00281
Name: ER07227_3A_prokka|PROKKA_00281
Description: ER07227_3A_prokka|PROKKA_00281
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00405
Name: ER07227_3A_prokka|PROKKA_00405
Description: ER07227_3A_prokka|PROKKA_00405
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00422
Name: ER07227_3A_prokka|PROKKA_00422
Description: ER07227_3A_prokka|PROKKA_00422
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00588
Name: ER07227_3A_prokka|PROKKA_00588
Description: ER07227_3A_prokka|PROKKA_00588
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00817
Name: ER07227_3A_prokka|PROKKA_00817
Description: ER07227_3A_prokka|PROKKA_00817
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00844
Name: ER07227_3A_prokka|PROKKA_00844
Description: ER07227_3A_prokka|PROKKA_00844
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00949
Name: ER07227_3A_prokka|PROKKA_00949
Description: ER07227_3A_prokka|PROKKA_00949
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00988
Name: ER07227_3A_prokka|PROKKA_00988
Description: ER07227_3A_prokka|PROKKA_00988
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_00989
Name: ER07227_3A_prokka|PROKKA_00989
Description: ER07227_3A_prokka|PROKKA_00989
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01071
Name: ER07227_3A_prokka|PROKKA_01071
Description: ER07227_3A_prokka|PROKKA_01071
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01083
Name: ER07227_3A_prokka|PROKKA_01083
Description: ER07227_3A_prokka|PROKKA_01083
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01084
Name: ER07227_3A_prokka|PROKKA_01084
Description: ER07227_3A_prokka|PROKKA_01084
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01220
Name: ER07227_3A_prokka|PROKKA_01220
Description: ER07227_3A_prokka|PROKKA_01220
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01224
Name: ER07227_3A_prokka|PROKKA_01224
Description: ER07227_3A_prokka|PROKKA_01224
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01248
Name: ER07227_3A_prokka|PROKKA_01248
Description: ER07227_3A_prokka|PROKKA_01248
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01341
Name: ER07227_3A_prokka|PROKKA_01341
Description: ER07227_3A_prokka|PROKKA_01341
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01353
Name: ER07227_3A_prokka|PROKKA_01353
Description: ER07227_3A_prokka|PROKKA_01353
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01400
Name: ER07227_3A_prokka|PROKKA_01400
Description: ER07227_3A_prokka|PROKKA_01400
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01408
Name: ER07227_3A_prokka|PROKKA_01408
Description: ER07227_3A_prokka|PROKKA_01408
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01427
Name: ER07227_3A_prokka|PROKKA_01427
Description: ER07227_3A_prokka|PROKKA_01427
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01442
Name: ER07227_3A_prokka|PROKKA_01442
Description: ER07227_3A_prokka|PROKKA_01442
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01450
Name: ER07227_3A_prokka|PROKKA_01450
Description: ER07227_3A_prokka|PROKKA_01450
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01455
Name: ER07227_3A_prokka|PROKKA_01455
Description: ER07227_3A_prokka|PROKKA_01455
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01482
Name: ER07227_3A_prokka|PROKKA_01482
Description: ER07227_3A_prokka|PROKKA_01482
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01485
Name: ER07227_3A_prokka|PROKKA_01485
Description: ER07227_3A_prokka|PROKKA_01485
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01520
Name: ER07227_3A_prokka|PROKKA_01520
Description: ER07227_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01594
Name: ER07227_3A_prokka|PROKKA_01594
Description: ER07227_3A_prokka|PROKKA_01594
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01763
Name: ER07227_3A_prokka|PROKKA_01763
Description: ER07227_3A_prokka|PROKKA_01763
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLEKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01777
Name: ER07227_3A_prokka|PROKKA_01777
Description: ER07227_3A_prokka|PROKKA_01777
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01819
Name: ER07227_3A_prokka|PROKKA_01819
Description: ER07227_3A_prokka|PROKKA_01819
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01871
Name: ER07227_3A_prokka|PROKKA_01871
Description: ER07227_3A_prokka|PROKKA_01871
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01873
Name: ER07227_3A_prokka|PROKKA_01873
Description: ER07227_3A_prokka|PROKKA_01873
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01874
Name: ER07227_3A_prokka|PROKKA_01874
Description: ER07227_3A_prokka|PROKKA_01874
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01904
Name: ER07227_3A_prokka|PROKKA_01904
Description: ER07227_3A_prokka|PROKKA_01904
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01926
Name: ER07227_3A_prokka|PROKKA_01926
Description: ER07227_3A_prokka|PROKKA_01926
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_01931
Name: ER07227_3A_prokka|PROKKA_01931
Description: ER07227_3A_prokka|PROKKA_01931
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02007
Name: ER07227_3A_prokka|PROKKA_02007
Description: ER07227_3A_prokka|PROKKA_02007
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02011
Name: ER07227_3A_prokka|PROKKA_02011
Description: ER07227_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02027
Name: ER07227_3A_prokka|PROKKA_02027
Description: ER07227_3A_prokka|PROKKA_02027
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02045
Name: ER07227_3A_prokka|PROKKA_02045
Description: ER07227_3A_prokka|PROKKA_02045
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02071
Name: ER07227_3A_prokka|PROKKA_02071
Description: ER07227_3A_prokka|PROKKA_02071
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02073
Name: ER07227_3A_prokka|PROKKA_02073
Description: ER07227_3A_prokka|PROKKA_02073
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02125
Name: ER07227_3A_prokka|PROKKA_02125
Description: ER07227_3A_prokka|PROKKA_02125
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02233
Name: ER07227_3A_prokka|PROKKA_02233
Description: ER07227_3A_prokka|PROKKA_02233
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02252
Name: ER07227_3A_prokka|PROKKA_02252
Description: ER07227_3A_prokka|PROKKA_02252
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02265
Name: ER07227_3A_prokka|PROKKA_02265
Description: ER07227_3A_prokka|PROKKA_02265
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02297
Name: ER07227_3A_prokka|PROKKA_02297
Description: ER07227_3A_prokka|PROKKA_02297
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02442
Name: ER07227_3A_prokka|PROKKA_02442
Description: ER07227_3A_prokka|PROKKA_02442
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02451
Name: ER07227_3A_prokka|PROKKA_02451
Description: ER07227_3A_prokka|PROKKA_02451
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02515
Name: ER07227_3A_prokka|PROKKA_02515
Description: ER07227_3A_prokka|PROKKA_02515
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02623
Name: ER07227_3A_prokka|PROKKA_02623
Description: ER07227_3A_prokka|PROKKA_02623
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02661
Name: ER07227_3A_prokka|PROKKA_02661
Description: ER07227_3A_prokka|PROKKA_02661
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07227_3A_prokka|PROKKA_02746
Name: ER07227_3A_prokka|PROKKA_02746
Description: ER07227_3A_prokka|PROKKA_02746
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00030
Name: ER07288_3A_prokka|PROKKA_00030
Description: ER07288_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00039
Name: ER07288_3A_prokka|PROKKA_00039
Description: ER07288_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00060
Name: ER07288_3A_prokka|PROKKA_00060
Description: ER07288_3A_prokka|PROKKA_00060
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00149
Name: ER07288_3A_prokka|PROKKA_00149
Description: ER07288_3A_prokka|PROKKA_00149
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00248
Name: ER07288_3A_prokka|PROKKA_00248
Description: ER07288_3A_prokka|PROKKA_00248
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00300
Name: ER07288_3A_prokka|PROKKA_00300
Description: ER07288_3A_prokka|PROKKA_00300
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00398
Name: ER07288_3A_prokka|PROKKA_00398
Description: ER07288_3A_prokka|PROKKA_00398
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00436
Name: ER07288_3A_prokka|PROKKA_00436
Description: ER07288_3A_prokka|PROKKA_00436
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00566
Name: ER07288_3A_prokka|PROKKA_00566
Description: ER07288_3A_prokka|PROKKA_00566
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00602
Name: ER07288_3A_prokka|PROKKA_00602
Description: ER07288_3A_prokka|PROKKA_00602
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00821
Name: ER07288_3A_prokka|PROKKA_00821
Description: ER07288_3A_prokka|PROKKA_00821
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00865
Name: ER07288_3A_prokka|PROKKA_00865
Description: ER07288_3A_prokka|PROKKA_00865
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_00973
Name: ER07288_3A_prokka|PROKKA_00973
Description: ER07288_3A_prokka|PROKKA_00973
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01012
Name: ER07288_3A_prokka|PROKKA_01012
Description: ER07288_3A_prokka|PROKKA_01012
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01092
Name: ER07288_3A_prokka|PROKKA_01092
Description: ER07288_3A_prokka|PROKKA_01092
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01105
Name: ER07288_3A_prokka|PROKKA_01105
Description: ER07288_3A_prokka|PROKKA_01105
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01106
Name: ER07288_3A_prokka|PROKKA_01106
Description: ER07288_3A_prokka|PROKKA_01106
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01241
Name: ER07288_3A_prokka|PROKKA_01241
Description: ER07288_3A_prokka|PROKKA_01241
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01245
Name: ER07288_3A_prokka|PROKKA_01245
Description: ER07288_3A_prokka|PROKKA_01245
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01249
Name: ER07288_3A_prokka|PROKKA_01249
Description: ER07288_3A_prokka|PROKKA_01249
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01251
Name: ER07288_3A_prokka|PROKKA_01251
Description: ER07288_3A_prokka|PROKKA_01251
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01275
Name: ER07288_3A_prokka|PROKKA_01275
Description: ER07288_3A_prokka|PROKKA_01275
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01371
Name: ER07288_3A_prokka|PROKKA_01371
Description: ER07288_3A_prokka|PROKKA_01371
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01383
Name: ER07288_3A_prokka|PROKKA_01383
Description: ER07288_3A_prokka|PROKKA_01383
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01432
Name: ER07288_3A_prokka|PROKKA_01432
Description: ER07288_3A_prokka|PROKKA_01432
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01440
Name: ER07288_3A_prokka|PROKKA_01440
Description: ER07288_3A_prokka|PROKKA_01440
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01460
Name: ER07288_3A_prokka|PROKKA_01460
Description: ER07288_3A_prokka|PROKKA_01460
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01488
Name: ER07288_3A_prokka|PROKKA_01488
Description: ER07288_3A_prokka|PROKKA_01488
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01515
Name: ER07288_3A_prokka|PROKKA_01515
Description: ER07288_3A_prokka|PROKKA_01515
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01552
Name: ER07288_3A_prokka|PROKKA_01552
Description: ER07288_3A_prokka|PROKKA_01552
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01623
Name: ER07288_3A_prokka|PROKKA_01623
Description: ER07288_3A_prokka|PROKKA_01623
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01789
Name: ER07288_3A_prokka|PROKKA_01789
Description: ER07288_3A_prokka|PROKKA_01789
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01796
Name: ER07288_3A_prokka|PROKKA_01796
Description: ER07288_3A_prokka|PROKKA_01796
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01815
Name: ER07288_3A_prokka|PROKKA_01815
Description: ER07288_3A_prokka|PROKKA_01815
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01850
Name: ER07288_3A_prokka|PROKKA_01850
Description: ER07288_3A_prokka|PROKKA_01850
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01902
Name: ER07288_3A_prokka|PROKKA_01902
Description: ER07288_3A_prokka|PROKKA_01902
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01904
Name: ER07288_3A_prokka|PROKKA_01904
Description: ER07288_3A_prokka|PROKKA_01904
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01905
Name: ER07288_3A_prokka|PROKKA_01905
Description: ER07288_3A_prokka|PROKKA_01905
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01935
Name: ER07288_3A_prokka|PROKKA_01935
Description: ER07288_3A_prokka|PROKKA_01935
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01944
Name: ER07288_3A_prokka|PROKKA_01944
Description: ER07288_3A_prokka|PROKKA_01944
Number of features: 0
Seq('MNAEKHMQMMQMLQNCVIDKYVSHDEYEELIAIDKHGNKMFIKFYPNTEDDTNG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01951
Name: ER07288_3A_prokka|PROKKA_01951
Description: ER07288_3A_prokka|PROKKA_01951
Number of features: 0
Seq('MVTKEFLKTKLECSDIYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_01967
Name: ER07288_3A_prokka|PROKKA_01967
Description: ER07288_3A_prokka|PROKKA_01967
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKCLEFISQKLDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02042
Name: ER07288_3A_prokka|PROKKA_02042
Description: ER07288_3A_prokka|PROKKA_02042
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02046
Name: ER07288_3A_prokka|PROKKA_02046
Description: ER07288_3A_prokka|PROKKA_02046
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02062
Name: ER07288_3A_prokka|PROKKA_02062
Description: ER07288_3A_prokka|PROKKA_02062
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02082
Name: ER07288_3A_prokka|PROKKA_02082
Description: ER07288_3A_prokka|PROKKA_02082
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02112
Name: ER07288_3A_prokka|PROKKA_02112
Description: ER07288_3A_prokka|PROKKA_02112
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02114
Name: ER07288_3A_prokka|PROKKA_02114
Description: ER07288_3A_prokka|PROKKA_02114
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02164
Name: ER07288_3A_prokka|PROKKA_02164
Description: ER07288_3A_prokka|PROKKA_02164
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02215
Name: ER07288_3A_prokka|PROKKA_02215
Description: ER07288_3A_prokka|PROKKA_02215
Number of features: 0
Seq('MRMIDIIEKKRDGHTLTTEEINFFIGGYVKGIFLITKHQV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02285
Name: ER07288_3A_prokka|PROKKA_02285
Description: ER07288_3A_prokka|PROKKA_02285
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02311
Name: ER07288_3A_prokka|PROKKA_02311
Description: ER07288_3A_prokka|PROKKA_02311
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02342
Name: ER07288_3A_prokka|PROKKA_02342
Description: ER07288_3A_prokka|PROKKA_02342
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02498
Name: ER07288_3A_prokka|PROKKA_02498
Description: ER07288_3A_prokka|PROKKA_02498
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02707
Name: ER07288_3A_prokka|PROKKA_02707
Description: ER07288_3A_prokka|PROKKA_02707
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02794
Name: ER07288_3A_prokka|PROKKA_02794
Description: ER07288_3A_prokka|PROKKA_02794
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07288_3A_prokka|PROKKA_02823
Name: ER07288_3A_prokka|PROKKA_02823
Description: ER07288_3A_prokka|PROKKA_02823
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00016
Name: ER07317_3A_prokka|PROKKA_00016
Description: ER07317_3A_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00060
Name: ER07317_3A_prokka|PROKKA_00060
Description: ER07317_3A_prokka|PROKKA_00060
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00069
Name: ER07317_3A_prokka|PROKKA_00069
Description: ER07317_3A_prokka|PROKKA_00069
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00082
Name: ER07317_3A_prokka|PROKKA_00082
Description: ER07317_3A_prokka|PROKKA_00082
Number of features: 0
Seq('MIMKHMHLSVLALTFCVMETLNLYVEEVGDIDFKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00085
Name: ER07317_3A_prokka|PROKKA_00085
Description: ER07317_3A_prokka|PROKKA_00085
Number of features: 0
Seq('MIEWFEKEACDGFMLMAPTYPESFEKFVYLVIPIFQERVILEATMRVIC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00232
Name: ER07317_3A_prokka|PROKKA_00232
Description: ER07317_3A_prokka|PROKKA_00232
Number of features: 0
Seq('MLTARLLNEMGRRPDSRYGMVTMCIGVGMGAAAIFEYVR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00251
Name: ER07317_3A_prokka|PROKKA_00251
Description: ER07317_3A_prokka|PROKKA_00251
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00377
Name: ER07317_3A_prokka|PROKKA_00377
Description: ER07317_3A_prokka|PROKKA_00377
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00381
Name: ER07317_3A_prokka|PROKKA_00381
Description: ER07317_3A_prokka|PROKKA_00381
Number of features: 0
Seq('MCNDTLELLRIKDENIKYINQEIDVIIKGKKQQWLMLY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00396
Name: ER07317_3A_prokka|PROKKA_00396
Description: ER07317_3A_prokka|PROKKA_00396
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00458
Name: ER07317_3A_prokka|PROKKA_00458
Description: ER07317_3A_prokka|PROKKA_00458
Number of features: 0
Seq('MYISRLVKPIGIKVTRLAQGLSVGGDLEYADEVTLSKAIAGRTEM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00565
Name: ER07317_3A_prokka|PROKKA_00565
Description: ER07317_3A_prokka|PROKKA_00565
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00821
Name: ER07317_3A_prokka|PROKKA_00821
Description: ER07317_3A_prokka|PROKKA_00821
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00848
Name: ER07317_3A_prokka|PROKKA_00848
Description: ER07317_3A_prokka|PROKKA_00848
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00957
Name: ER07317_3A_prokka|PROKKA_00957
Description: ER07317_3A_prokka|PROKKA_00957
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_00997
Name: ER07317_3A_prokka|PROKKA_00997
Description: ER07317_3A_prokka|PROKKA_00997
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01079
Name: ER07317_3A_prokka|PROKKA_01079
Description: ER07317_3A_prokka|PROKKA_01079
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01091
Name: ER07317_3A_prokka|PROKKA_01091
Description: ER07317_3A_prokka|PROKKA_01091
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01092
Name: ER07317_3A_prokka|PROKKA_01092
Description: ER07317_3A_prokka|PROKKA_01092
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01227
Name: ER07317_3A_prokka|PROKKA_01227
Description: ER07317_3A_prokka|PROKKA_01227
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01231
Name: ER07317_3A_prokka|PROKKA_01231
Description: ER07317_3A_prokka|PROKKA_01231
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01255
Name: ER07317_3A_prokka|PROKKA_01255
Description: ER07317_3A_prokka|PROKKA_01255
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01349
Name: ER07317_3A_prokka|PROKKA_01349
Description: ER07317_3A_prokka|PROKKA_01349
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01361
Name: ER07317_3A_prokka|PROKKA_01361
Description: ER07317_3A_prokka|PROKKA_01361
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01427
Name: ER07317_3A_prokka|PROKKA_01427
Description: ER07317_3A_prokka|PROKKA_01427
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01430
Name: ER07317_3A_prokka|PROKKA_01430
Description: ER07317_3A_prokka|PROKKA_01430
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01465
Name: ER07317_3A_prokka|PROKKA_01465
Description: ER07317_3A_prokka|PROKKA_01465
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01537
Name: ER07317_3A_prokka|PROKKA_01537
Description: ER07317_3A_prokka|PROKKA_01537
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01663
Name: ER07317_3A_prokka|PROKKA_01663
Description: ER07317_3A_prokka|PROKKA_01663
Number of features: 0
Seq('MIVHRITGDGPIDIMVGPMWSVNKWEVLNGIDAELARRNSYQGLRYKSKVKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01703
Name: ER07317_3A_prokka|PROKKA_01703
Description: ER07317_3A_prokka|PROKKA_01703
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01718
Name: ER07317_3A_prokka|PROKKA_01718
Description: ER07317_3A_prokka|PROKKA_01718
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01760
Name: ER07317_3A_prokka|PROKKA_01760
Description: ER07317_3A_prokka|PROKKA_01760
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01813
Name: ER07317_3A_prokka|PROKKA_01813
Description: ER07317_3A_prokka|PROKKA_01813
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01885
Name: ER07317_3A_prokka|PROKKA_01885
Description: ER07317_3A_prokka|PROKKA_01885
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01895
Name: ER07317_3A_prokka|PROKKA_01895
Description: ER07317_3A_prokka|PROKKA_01895
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01906
Name: ER07317_3A_prokka|PROKKA_01906
Description: ER07317_3A_prokka|PROKKA_01906
Number of features: 0
Seq('MTKQILRLLFLLAMYELGKYVTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01910
Name: ER07317_3A_prokka|PROKKA_01910
Description: ER07317_3A_prokka|PROKKA_01910
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSESEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01925
Name: ER07317_3A_prokka|PROKKA_01925
Description: ER07317_3A_prokka|PROKKA_01925
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01928
Name: ER07317_3A_prokka|PROKKA_01928
Description: ER07317_3A_prokka|PROKKA_01928
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01931
Name: ER07317_3A_prokka|PROKKA_01931
Description: ER07317_3A_prokka|PROKKA_01931
Number of features: 0
Seq('MQALKTKSNIGEMFNIQEKENGEIAISARELYKALEVKKRFSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01936
Name: ER07317_3A_prokka|PROKKA_01936
Description: ER07317_3A_prokka|PROKKA_01936
Number of features: 0
Seq('MNLKEVDINIEEWEMVEIPFYTEEELTYRLKNDLPITKSEFEEQESKNEFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01939
Name: ER07317_3A_prokka|PROKKA_01939
Description: ER07317_3A_prokka|PROKKA_01939
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01967
Name: ER07317_3A_prokka|PROKKA_01967
Description: ER07317_3A_prokka|PROKKA_01967
Number of features: 0
Seq('MKIYLTYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGEITTCENK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01978
Name: ER07317_3A_prokka|PROKKA_01978
Description: ER07317_3A_prokka|PROKKA_01978
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_01995
Name: ER07317_3A_prokka|PROKKA_01995
Description: ER07317_3A_prokka|PROKKA_01995
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02046
Name: ER07317_3A_prokka|PROKKA_02046
Description: ER07317_3A_prokka|PROKKA_02046
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02172
Name: ER07317_3A_prokka|PROKKA_02172
Description: ER07317_3A_prokka|PROKKA_02172
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02186
Name: ER07317_3A_prokka|PROKKA_02186
Description: ER07317_3A_prokka|PROKKA_02186
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02217
Name: ER07317_3A_prokka|PROKKA_02217
Description: ER07317_3A_prokka|PROKKA_02217
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02302
Name: ER07317_3A_prokka|PROKKA_02302
Description: ER07317_3A_prokka|PROKKA_02302
Number of features: 0
Seq('MEQLPQVGFMKSFVLFWKNYVNFKGDQDVVNIGIWHYGI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02374
Name: ER07317_3A_prokka|PROKKA_02374
Description: ER07317_3A_prokka|PROKKA_02374
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02438
Name: ER07317_3A_prokka|PROKKA_02438
Description: ER07317_3A_prokka|PROKKA_02438
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02568
Name: ER07317_3A_prokka|PROKKA_02568
Description: ER07317_3A_prokka|PROKKA_02568
Number of features: 0
Seq('MKSMKKIADELNVTKMTVYNNAKKANVKFQKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02571
Name: ER07317_3A_prokka|PROKKA_02571
Description: ER07317_3A_prokka|PROKKA_02571
Number of features: 0
Seq('MKFGNYKIDSFYLIMIIGFLATSLFFPFMLLSIFVLLIIGLEKDDKEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02574
Name: ER07317_3A_prokka|PROKKA_02574
Description: ER07317_3A_prokka|PROKKA_02574
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02581
Name: ER07317_3A_prokka|PROKKA_02581
Description: ER07317_3A_prokka|PROKKA_02581
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02619
Name: ER07317_3A_prokka|PROKKA_02619
Description: ER07317_3A_prokka|PROKKA_02619
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02704
Name: ER07317_3A_prokka|PROKKA_02704
Description: ER07317_3A_prokka|PROKKA_02704
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02705
Name: ER07317_3A_prokka|PROKKA_02705
Description: ER07317_3A_prokka|PROKKA_02705
Number of features: 0
Seq('MQDTIQIDNKTIEWLVVQRGFEIPLLILLLKKKV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02706
Name: ER07317_3A_prokka|PROKKA_02706
Description: ER07317_3A_prokka|PROKKA_02706
Number of features: 0
Seq('MKFTIKVVLTDPYKYSVTGNKNTAISDQVSVVNSGTADTPLIVEARAIKPSSYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02707
Name: ER07317_3A_prokka|PROKKA_02707
Description: ER07317_3A_prokka|PROKKA_02707
Number of features: 0
Seq('MITKNDEDYFMVGDDEVTKEVKDYMPPVYHSEFRDFKGVTKN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02711
Name: ER07317_3A_prokka|PROKKA_02711
Description: ER07317_3A_prokka|PROKKA_02711
Number of features: 0
Seq('MSHFGISTYIDGEGEDGGSSGTIQWWIKLTVIAV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02712
Name: ER07317_3A_prokka|PROKKA_02712
Description: ER07317_3A_prokka|PROKKA_02712
Number of features: 0
Seq('MNGITINSYGGVVALTSDYNRIIIDSYASANIESREAPIYLSPKPKINLV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02725
Name: ER07317_3A_prokka|PROKKA_02725
Description: ER07317_3A_prokka|PROKKA_02725
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02728
Name: ER07317_3A_prokka|PROKKA_02728
Description: ER07317_3A_prokka|PROKKA_02728
Number of features: 0
Seq('MNLKEVDINIEEWEMVEIPFYTEEELTYRLKNDLPITKSEFEEQESKNEFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02731
Name: ER07317_3A_prokka|PROKKA_02731
Description: ER07317_3A_prokka|PROKKA_02731
Number of features: 0
Seq('MPTQYSMERELFEIKETSITHSDGHTSISKTPKVTGKGQQYFVNKFLGEKQTS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07317_3A_prokka|PROKKA_02732
Name: ER07317_3A_prokka|PROKKA_02732
Description: ER07317_3A_prokka|PROKKA_02732
Number of features: 0
Seq('MQAQNKKSHLLYYDEEGNRRPVNIQYKRWLRLNDRPAFY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00001
Name: ER07419_3A_prokka|PROKKA_00001
Description: ER07419_3A_prokka|PROKKA_00001
Number of features: 0
Seq('MAMNEIALFKGVRIQPYQKYIDFMFASVLAFIFLVYRIYICY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00028
Name: ER07419_3A_prokka|PROKKA_00028
Description: ER07419_3A_prokka|PROKKA_00028
Number of features: 0
Seq('MMVKQILRLLFLLAMYELGKYVTEQVYIMMTANNDVEAASDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00032
Name: ER07419_3A_prokka|PROKKA_00032
Description: ER07419_3A_prokka|PROKKA_00032
Number of features: 0
Seq('MYKKAQAFDEILEGLPNAMQDALKEDIYLDEAVGIMVSQVVYKYEEEQEND', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00034
Name: ER07419_3A_prokka|PROKKA_00034
Description: ER07419_3A_prokka|PROKKA_00034
Number of features: 0
Seq('MSIISNRKVDMNETQTMLNNLRITHTATLKL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00059
Name: ER07419_3A_prokka|PROKKA_00059
Description: ER07419_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00143
Name: ER07419_3A_prokka|PROKKA_00143
Description: ER07419_3A_prokka|PROKKA_00143
Number of features: 0
Seq('MKKEEAEEEAVVEENVVLLTEIRDLLREKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00155
Name: ER07419_3A_prokka|PROKKA_00155
Description: ER07419_3A_prokka|PROKKA_00155
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00181
Name: ER07419_3A_prokka|PROKKA_00181
Description: ER07419_3A_prokka|PROKKA_00181
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00185
Name: ER07419_3A_prokka|PROKKA_00185
Description: ER07419_3A_prokka|PROKKA_00185
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00322
Name: ER07419_3A_prokka|PROKKA_00322
Description: ER07419_3A_prokka|PROKKA_00322
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00323
Name: ER07419_3A_prokka|PROKKA_00323
Description: ER07419_3A_prokka|PROKKA_00323
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00385
Name: ER07419_3A_prokka|PROKKA_00385
Description: ER07419_3A_prokka|PROKKA_00385
Number of features: 0
Seq('MLKYFPSDYKKPDEKISDTERKLNSKEFYNIKRKDKQTIIHILLIMM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00393
Name: ER07419_3A_prokka|PROKKA_00393
Description: ER07419_3A_prokka|PROKKA_00393
Number of features: 0
Seq('MEMLKDLKKGQCIFSDFYGRVGKMVVHCPFEEMTEAFRTQEDSASSKAEEKFAM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00394
Name: ER07419_3A_prokka|PROKKA_00394
Description: ER07419_3A_prokka|PROKKA_00394
Number of features: 0
Seq('MLLIGKFLEKFGSRRDVQTTIFIDEGWLLVLQDKVKKLVSV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00426
Name: ER07419_3A_prokka|PROKKA_00426
Description: ER07419_3A_prokka|PROKKA_00426
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00445
Name: ER07419_3A_prokka|PROKKA_00445
Description: ER07419_3A_prokka|PROKKA_00445
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00594
Name: ER07419_3A_prokka|PROKKA_00594
Description: ER07419_3A_prokka|PROKKA_00594
Number of features: 0
Seq('MNLKAPYAGLRDNLLLTKTGEVWAYYRVRSESISTANYDAKEESKKRMRLFFRVD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00598
Name: ER07419_3A_prokka|PROKKA_00598
Description: ER07419_3A_prokka|PROKKA_00598
Number of features: 0
Seq('MTLAKEIQSKFNDSYVKENTVKGRPKIYADLCLLCMSLSEAGHGRNATS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00599
Name: ER07419_3A_prokka|PROKKA_00599
Description: ER07419_3A_prokka|PROKKA_00599
Number of features: 0
Seq('MDYYTADRLYRYTNSSNLSEPILNYVASRINWGDKVH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00644
Name: ER07419_3A_prokka|PROKKA_00644
Description: ER07419_3A_prokka|PROKKA_00644
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00721
Name: ER07419_3A_prokka|PROKKA_00721
Description: ER07419_3A_prokka|PROKKA_00721
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00766
Name: ER07419_3A_prokka|PROKKA_00766
Description: ER07419_3A_prokka|PROKKA_00766
Number of features: 0
Seq('MNSIIELTDYYSSNNYAPLKLVISKGKGVKVWDTDGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00829
Name: ER07419_3A_prokka|PROKKA_00829
Description: ER07419_3A_prokka|PROKKA_00829
Number of features: 0
Seq('MSLNKEQRRITAEELQAHFEASTLSVQMIAEKLNVTTEDVEKVLAMTAPLGIF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00890
Name: ER07419_3A_prokka|PROKKA_00890
Description: ER07419_3A_prokka|PROKKA_00890
Number of features: 0
Seq('MEDEPYETLGEGLSLPPFLENKREYIESEVRPFNTKRQHG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00950
Name: ER07419_3A_prokka|PROKKA_00950
Description: ER07419_3A_prokka|PROKKA_00950
Number of features: 0
Seq('MKGAMAWPFLRLYILTLMFFSANAILNVFIPLRGHDLGATNTVIGIVMGHTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_00996
Name: ER07419_3A_prokka|PROKKA_00996
Description: ER07419_3A_prokka|PROKKA_00996
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01169
Name: ER07419_3A_prokka|PROKKA_01169
Description: ER07419_3A_prokka|PROKKA_01169
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01256
Name: ER07419_3A_prokka|PROKKA_01256
Description: ER07419_3A_prokka|PROKKA_01256
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01275
Name: ER07419_3A_prokka|PROKKA_01275
Description: ER07419_3A_prokka|PROKKA_01275
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01323
Name: ER07419_3A_prokka|PROKKA_01323
Description: ER07419_3A_prokka|PROKKA_01323
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01331
Name: ER07419_3A_prokka|PROKKA_01331
Description: ER07419_3A_prokka|PROKKA_01331
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01342
Name: ER07419_3A_prokka|PROKKA_01342
Description: ER07419_3A_prokka|PROKKA_01342
Number of features: 0
Seq('MGVKIRELADDAVTLKEILKSTLSDTAERIVSNFGFDVNLDDKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01343
Name: ER07419_3A_prokka|PROKKA_01343
Description: ER07419_3A_prokka|PROKKA_01343
Number of features: 0
Seq('MNLKAPYAGLRDNLLLTKLAKFGRIIVFVLSLYQQQIMMQKKNQKSVCVIFRVD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01344
Name: ER07419_3A_prokka|PROKKA_01344
Description: ER07419_3A_prokka|PROKKA_01344
Number of features: 0
Seq('MKPLLPKSITMDRGKEFALFEQIEDELNCSIYFSDLGCPYQRGSLKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01345
Name: ER07419_3A_prokka|PROKKA_01345
Description: ER07419_3A_prokka|PROKKA_01345
Number of features: 0
Seq('MKKRKKRKELDYKTRLAIAKYLNDGLKHHSDF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01350
Name: ER07419_3A_prokka|PROKKA_01350
Description: ER07419_3A_prokka|PROKKA_01350
Number of features: 0
Seq('MVNKKDIAKKVIGKTPIGVKLKLAKVIIILCVVAFFYISSNCNVFVSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01398
Name: ER07419_3A_prokka|PROKKA_01398
Description: ER07419_3A_prokka|PROKKA_01398
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01429
Name: ER07419_3A_prokka|PROKKA_01429
Description: ER07419_3A_prokka|PROKKA_01429
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01456
Name: ER07419_3A_prokka|PROKKA_01456
Description: ER07419_3A_prokka|PROKKA_01456
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01578
Name: ER07419_3A_prokka|PROKKA_01578
Description: ER07419_3A_prokka|PROKKA_01578
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01627
Name: ER07419_3A_prokka|PROKKA_01627
Description: ER07419_3A_prokka|PROKKA_01627
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01629
Name: ER07419_3A_prokka|PROKKA_01629
Description: ER07419_3A_prokka|PROKKA_01629
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01649
Name: ER07419_3A_prokka|PROKKA_01649
Description: ER07419_3A_prokka|PROKKA_01649
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01651
Name: ER07419_3A_prokka|PROKKA_01651
Description: ER07419_3A_prokka|PROKKA_01651
Number of features: 0
Seq('MNLKEVDINIEEWEMVEIPFYTEEELTYRLKNDLPITKSEFEEQESKNEFL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01658
Name: ER07419_3A_prokka|PROKKA_01658
Description: ER07419_3A_prokka|PROKKA_01658
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01661
Name: ER07419_3A_prokka|PROKKA_01661
Description: ER07419_3A_prokka|PROKKA_01661
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01678
Name: ER07419_3A_prokka|PROKKA_01678
Description: ER07419_3A_prokka|PROKKA_01678
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01694
Name: ER07419_3A_prokka|PROKKA_01694
Description: ER07419_3A_prokka|PROKKA_01694
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01698
Name: ER07419_3A_prokka|PROKKA_01698
Description: ER07419_3A_prokka|PROKKA_01698
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01770
Name: ER07419_3A_prokka|PROKKA_01770
Description: ER07419_3A_prokka|PROKKA_01770
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01823
Name: ER07419_3A_prokka|PROKKA_01823
Description: ER07419_3A_prokka|PROKKA_01823
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_01921
Name: ER07419_3A_prokka|PROKKA_01921
Description: ER07419_3A_prokka|PROKKA_01921
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02032
Name: ER07419_3A_prokka|PROKKA_02032
Description: ER07419_3A_prokka|PROKKA_02032
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02071
Name: ER07419_3A_prokka|PROKKA_02071
Description: ER07419_3A_prokka|PROKKA_02071
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02072
Name: ER07419_3A_prokka|PROKKA_02072
Description: ER07419_3A_prokka|PROKKA_02072
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02103
Name: ER07419_3A_prokka|PROKKA_02103
Description: ER07419_3A_prokka|PROKKA_02103
Number of features: 0
Seq('MRQVQCIICDAKVFIDERTTESKRLKNNPIRTFMCDDCKSRLDTPKQRAQHYPLD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02124
Name: ER07419_3A_prokka|PROKKA_02124
Description: ER07419_3A_prokka|PROKKA_02124
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02132
Name: ER07419_3A_prokka|PROKKA_02132
Description: ER07419_3A_prokka|PROKKA_02132
Number of features: 0
Seq('MSNIYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYGE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02152
Name: ER07419_3A_prokka|PROKKA_02152
Description: ER07419_3A_prokka|PROKKA_02152
Number of features: 0
Seq('MMWLVIVIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFEG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02210
Name: ER07419_3A_prokka|PROKKA_02210
Description: ER07419_3A_prokka|PROKKA_02210
Number of features: 0
Seq('MMVKQILRLLFLLAMYELGKYVTEQVYIMMTANNDVEAASDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02226
Name: ER07419_3A_prokka|PROKKA_02226
Description: ER07419_3A_prokka|PROKKA_02226
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02262
Name: ER07419_3A_prokka|PROKKA_02262
Description: ER07419_3A_prokka|PROKKA_02262
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02299
Name: ER07419_3A_prokka|PROKKA_02299
Description: ER07419_3A_prokka|PROKKA_02299
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02371
Name: ER07419_3A_prokka|PROKKA_02371
Description: ER07419_3A_prokka|PROKKA_02371
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02405
Name: ER07419_3A_prokka|PROKKA_02405
Description: ER07419_3A_prokka|PROKKA_02405
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02563
Name: ER07419_3A_prokka|PROKKA_02563
Description: ER07419_3A_prokka|PROKKA_02563
Number of features: 0
Seq('MNVDMAIEMYDGNHRVLKVDAPIVEGSFIAAVKLSIGGSIDDALAEIKQSF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02607
Name: ER07419_3A_prokka|PROKKA_02607
Description: ER07419_3A_prokka|PROKKA_02607
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02643
Name: ER07419_3A_prokka|PROKKA_02643
Description: ER07419_3A_prokka|PROKKA_02643
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02771
Name: ER07419_3A_prokka|PROKKA_02771
Description: ER07419_3A_prokka|PROKKA_02771
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02808
Name: ER07419_3A_prokka|PROKKA_02808
Description: ER07419_3A_prokka|PROKKA_02808
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02885
Name: ER07419_3A_prokka|PROKKA_02885
Description: ER07419_3A_prokka|PROKKA_02885
Number of features: 0
Seq('MYYIAIDIGGTQIKSAVIDKQLNMFDYQQISTPDNKSELITDKVYEIVTGYMKQY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02907
Name: ER07419_3A_prokka|PROKKA_02907
Description: ER07419_3A_prokka|PROKKA_02907
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02966
Name: ER07419_3A_prokka|PROKKA_02966
Description: ER07419_3A_prokka|PROKKA_02966
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07419_3A_prokka|PROKKA_02985
Name: ER07419_3A_prokka|PROKKA_02985
Description: ER07419_3A_prokka|PROKKA_02985
Number of features: 0
Seq('MNHIRNQLFDMTIYRTYLVMNYGTVDEKEIKAKGKDRIDNILKQDFQKKTR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00029
Name: ER07462_3A_prokka|PROKKA_00029
Description: ER07462_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00038
Name: ER07462_3A_prokka|PROKKA_00038
Description: ER07462_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00059
Name: ER07462_3A_prokka|PROKKA_00059
Description: ER07462_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00147
Name: ER07462_3A_prokka|PROKKA_00147
Description: ER07462_3A_prokka|PROKKA_00147
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00246
Name: ER07462_3A_prokka|PROKKA_00246
Description: ER07462_3A_prokka|PROKKA_00246
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00299
Name: ER07462_3A_prokka|PROKKA_00299
Description: ER07462_3A_prokka|PROKKA_00299
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00397
Name: ER07462_3A_prokka|PROKKA_00397
Description: ER07462_3A_prokka|PROKKA_00397
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00435
Name: ER07462_3A_prokka|PROKKA_00435
Description: ER07462_3A_prokka|PROKKA_00435
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00565
Name: ER07462_3A_prokka|PROKKA_00565
Description: ER07462_3A_prokka|PROKKA_00565
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00601
Name: ER07462_3A_prokka|PROKKA_00601
Description: ER07462_3A_prokka|PROKKA_00601
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00819
Name: ER07462_3A_prokka|PROKKA_00819
Description: ER07462_3A_prokka|PROKKA_00819
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00863
Name: ER07462_3A_prokka|PROKKA_00863
Description: ER07462_3A_prokka|PROKKA_00863
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_00971
Name: ER07462_3A_prokka|PROKKA_00971
Description: ER07462_3A_prokka|PROKKA_00971
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01010
Name: ER07462_3A_prokka|PROKKA_01010
Description: ER07462_3A_prokka|PROKKA_01010
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01090
Name: ER07462_3A_prokka|PROKKA_01090
Description: ER07462_3A_prokka|PROKKA_01090
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01103
Name: ER07462_3A_prokka|PROKKA_01103
Description: ER07462_3A_prokka|PROKKA_01103
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01104
Name: ER07462_3A_prokka|PROKKA_01104
Description: ER07462_3A_prokka|PROKKA_01104
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01239
Name: ER07462_3A_prokka|PROKKA_01239
Description: ER07462_3A_prokka|PROKKA_01239
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01243
Name: ER07462_3A_prokka|PROKKA_01243
Description: ER07462_3A_prokka|PROKKA_01243
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01247
Name: ER07462_3A_prokka|PROKKA_01247
Description: ER07462_3A_prokka|PROKKA_01247
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01249
Name: ER07462_3A_prokka|PROKKA_01249
Description: ER07462_3A_prokka|PROKKA_01249
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01273
Name: ER07462_3A_prokka|PROKKA_01273
Description: ER07462_3A_prokka|PROKKA_01273
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01368
Name: ER07462_3A_prokka|PROKKA_01368
Description: ER07462_3A_prokka|PROKKA_01368
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01381
Name: ER07462_3A_prokka|PROKKA_01381
Description: ER07462_3A_prokka|PROKKA_01381
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01430
Name: ER07462_3A_prokka|PROKKA_01430
Description: ER07462_3A_prokka|PROKKA_01430
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01438
Name: ER07462_3A_prokka|PROKKA_01438
Description: ER07462_3A_prokka|PROKKA_01438
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01458
Name: ER07462_3A_prokka|PROKKA_01458
Description: ER07462_3A_prokka|PROKKA_01458
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01486
Name: ER07462_3A_prokka|PROKKA_01486
Description: ER07462_3A_prokka|PROKKA_01486
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01513
Name: ER07462_3A_prokka|PROKKA_01513
Description: ER07462_3A_prokka|PROKKA_01513
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01550
Name: ER07462_3A_prokka|PROKKA_01550
Description: ER07462_3A_prokka|PROKKA_01550
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01620
Name: ER07462_3A_prokka|PROKKA_01620
Description: ER07462_3A_prokka|PROKKA_01620
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01788
Name: ER07462_3A_prokka|PROKKA_01788
Description: ER07462_3A_prokka|PROKKA_01788
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01795
Name: ER07462_3A_prokka|PROKKA_01795
Description: ER07462_3A_prokka|PROKKA_01795
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01814
Name: ER07462_3A_prokka|PROKKA_01814
Description: ER07462_3A_prokka|PROKKA_01814
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01849
Name: ER07462_3A_prokka|PROKKA_01849
Description: ER07462_3A_prokka|PROKKA_01849
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01901
Name: ER07462_3A_prokka|PROKKA_01901
Description: ER07462_3A_prokka|PROKKA_01901
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01903
Name: ER07462_3A_prokka|PROKKA_01903
Description: ER07462_3A_prokka|PROKKA_01903
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01904
Name: ER07462_3A_prokka|PROKKA_01904
Description: ER07462_3A_prokka|PROKKA_01904
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01934
Name: ER07462_3A_prokka|PROKKA_01934
Description: ER07462_3A_prokka|PROKKA_01934
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01940
Name: ER07462_3A_prokka|PROKKA_01940
Description: ER07462_3A_prokka|PROKKA_01940
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWHELDYWLNKRKSENEQIDIDRVLKFIEELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_01950
Name: ER07462_3A_prokka|PROKKA_01950
Description: ER07462_3A_prokka|PROKKA_01950
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02040
Name: ER07462_3A_prokka|PROKKA_02040
Description: ER07462_3A_prokka|PROKKA_02040
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02044
Name: ER07462_3A_prokka|PROKKA_02044
Description: ER07462_3A_prokka|PROKKA_02044
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02060
Name: ER07462_3A_prokka|PROKKA_02060
Description: ER07462_3A_prokka|PROKKA_02060
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02080
Name: ER07462_3A_prokka|PROKKA_02080
Description: ER07462_3A_prokka|PROKKA_02080
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02110
Name: ER07462_3A_prokka|PROKKA_02110
Description: ER07462_3A_prokka|PROKKA_02110
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02112
Name: ER07462_3A_prokka|PROKKA_02112
Description: ER07462_3A_prokka|PROKKA_02112
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02162
Name: ER07462_3A_prokka|PROKKA_02162
Description: ER07462_3A_prokka|PROKKA_02162
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02282
Name: ER07462_3A_prokka|PROKKA_02282
Description: ER07462_3A_prokka|PROKKA_02282
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02307
Name: ER07462_3A_prokka|PROKKA_02307
Description: ER07462_3A_prokka|PROKKA_02307
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02338
Name: ER07462_3A_prokka|PROKKA_02338
Description: ER07462_3A_prokka|PROKKA_02338
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02493
Name: ER07462_3A_prokka|PROKKA_02493
Description: ER07462_3A_prokka|PROKKA_02493
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02705
Name: ER07462_3A_prokka|PROKKA_02705
Description: ER07462_3A_prokka|PROKKA_02705
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02792
Name: ER07462_3A_prokka|PROKKA_02792
Description: ER07462_3A_prokka|PROKKA_02792
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07462_3A_prokka|PROKKA_02822
Name: ER07462_3A_prokka|PROKKA_02822
Description: ER07462_3A_prokka|PROKKA_02822
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00001
Name: ER07465_3A_prokka|PROKKA_00001
Description: ER07465_3A_prokka|PROKKA_00001
Number of features: 0
Seq('MSYENTCDVICVHEDKVNNALSFLEDDKSKKLLNILEKICDEKKLKIILS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00005
Name: ER07465_3A_prokka|PROKKA_00005
Description: ER07465_3A_prokka|PROKKA_00005
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00032
Name: ER07465_3A_prokka|PROKKA_00032
Description: ER07465_3A_prokka|PROKKA_00032
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00072
Name: ER07465_3A_prokka|PROKKA_00072
Description: ER07465_3A_prokka|PROKKA_00072
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00081
Name: ER07465_3A_prokka|PROKKA_00081
Description: ER07465_3A_prokka|PROKKA_00081
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00102
Name: ER07465_3A_prokka|PROKKA_00102
Description: ER07465_3A_prokka|PROKKA_00102
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00193
Name: ER07465_3A_prokka|PROKKA_00193
Description: ER07465_3A_prokka|PROKKA_00193
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00240
Name: ER07465_3A_prokka|PROKKA_00240
Description: ER07465_3A_prokka|PROKKA_00240
Number of features: 0
Seq('MKGALIDDLKIQNLRGERTINDAAKYNSKEKTGASPYEGIRTCL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00294
Name: ER07465_3A_prokka|PROKKA_00294
Description: ER07465_3A_prokka|PROKKA_00294
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00347
Name: ER07465_3A_prokka|PROKKA_00347
Description: ER07465_3A_prokka|PROKKA_00347
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00446
Name: ER07465_3A_prokka|PROKKA_00446
Description: ER07465_3A_prokka|PROKKA_00446
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00487
Name: ER07465_3A_prokka|PROKKA_00487
Description: ER07465_3A_prokka|PROKKA_00487
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00619
Name: ER07465_3A_prokka|PROKKA_00619
Description: ER07465_3A_prokka|PROKKA_00619
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00647
Name: ER07465_3A_prokka|PROKKA_00647
Description: ER07465_3A_prokka|PROKKA_00647
Number of features: 0
Seq('MALSMLLTLNPQNIIGFIGWLVMTAGFFLLNMSSIIDKKIYVLSKTNTVEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00656
Name: ER07465_3A_prokka|PROKKA_00656
Description: ER07465_3A_prokka|PROKKA_00656
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00714
Name: ER07465_3A_prokka|PROKKA_00714
Description: ER07465_3A_prokka|PROKKA_00714
Number of features: 0
Seq('MPKIILVSHSKEIASGTKSLLKQMAGDVDIIPIGDYQMVQLELHLISSKKF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00763
Name: ER07465_3A_prokka|PROKKA_00763
Description: ER07465_3A_prokka|PROKKA_00763
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00875
Name: ER07465_3A_prokka|PROKKA_00875
Description: ER07465_3A_prokka|PROKKA_00875
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_00919
Name: ER07465_3A_prokka|PROKKA_00919
Description: ER07465_3A_prokka|PROKKA_00919
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01027
Name: ER07465_3A_prokka|PROKKA_01027
Description: ER07465_3A_prokka|PROKKA_01027
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01066
Name: ER07465_3A_prokka|PROKKA_01066
Description: ER07465_3A_prokka|PROKKA_01066
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01147
Name: ER07465_3A_prokka|PROKKA_01147
Description: ER07465_3A_prokka|PROKKA_01147
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01160
Name: ER07465_3A_prokka|PROKKA_01160
Description: ER07465_3A_prokka|PROKKA_01160
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01161
Name: ER07465_3A_prokka|PROKKA_01161
Description: ER07465_3A_prokka|PROKKA_01161
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01299
Name: ER07465_3A_prokka|PROKKA_01299
Description: ER07465_3A_prokka|PROKKA_01299
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01303
Name: ER07465_3A_prokka|PROKKA_01303
Description: ER07465_3A_prokka|PROKKA_01303
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01307
Name: ER07465_3A_prokka|PROKKA_01307
Description: ER07465_3A_prokka|PROKKA_01307
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01309
Name: ER07465_3A_prokka|PROKKA_01309
Description: ER07465_3A_prokka|PROKKA_01309
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01333
Name: ER07465_3A_prokka|PROKKA_01333
Description: ER07465_3A_prokka|PROKKA_01333
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01427
Name: ER07465_3A_prokka|PROKKA_01427
Description: ER07465_3A_prokka|PROKKA_01427
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01439
Name: ER07465_3A_prokka|PROKKA_01439
Description: ER07465_3A_prokka|PROKKA_01439
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01488
Name: ER07465_3A_prokka|PROKKA_01488
Description: ER07465_3A_prokka|PROKKA_01488
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01498
Name: ER07465_3A_prokka|PROKKA_01498
Description: ER07465_3A_prokka|PROKKA_01498
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01518
Name: ER07465_3A_prokka|PROKKA_01518
Description: ER07465_3A_prokka|PROKKA_01518
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01547
Name: ER07465_3A_prokka|PROKKA_01547
Description: ER07465_3A_prokka|PROKKA_01547
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01574
Name: ER07465_3A_prokka|PROKKA_01574
Description: ER07465_3A_prokka|PROKKA_01574
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01611
Name: ER07465_3A_prokka|PROKKA_01611
Description: ER07465_3A_prokka|PROKKA_01611
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01681
Name: ER07465_3A_prokka|PROKKA_01681
Description: ER07465_3A_prokka|PROKKA_01681
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01849
Name: ER07465_3A_prokka|PROKKA_01849
Description: ER07465_3A_prokka|PROKKA_01849
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01857
Name: ER07465_3A_prokka|PROKKA_01857
Description: ER07465_3A_prokka|PROKKA_01857
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01877
Name: ER07465_3A_prokka|PROKKA_01877
Description: ER07465_3A_prokka|PROKKA_01877
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01912
Name: ER07465_3A_prokka|PROKKA_01912
Description: ER07465_3A_prokka|PROKKA_01912
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_01963
Name: ER07465_3A_prokka|PROKKA_01963
Description: ER07465_3A_prokka|PROKKA_01963
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02035
Name: ER07465_3A_prokka|PROKKA_02035
Description: ER07465_3A_prokka|PROKKA_02035
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02039
Name: ER07465_3A_prokka|PROKKA_02039
Description: ER07465_3A_prokka|PROKKA_02039
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02055
Name: ER07465_3A_prokka|PROKKA_02055
Description: ER07465_3A_prokka|PROKKA_02055
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02075
Name: ER07465_3A_prokka|PROKKA_02075
Description: ER07465_3A_prokka|PROKKA_02075
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02105
Name: ER07465_3A_prokka|PROKKA_02105
Description: ER07465_3A_prokka|PROKKA_02105
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02107
Name: ER07465_3A_prokka|PROKKA_02107
Description: ER07465_3A_prokka|PROKKA_02107
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02157
Name: ER07465_3A_prokka|PROKKA_02157
Description: ER07465_3A_prokka|PROKKA_02157
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02279
Name: ER07465_3A_prokka|PROKKA_02279
Description: ER07465_3A_prokka|PROKKA_02279
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02303
Name: ER07465_3A_prokka|PROKKA_02303
Description: ER07465_3A_prokka|PROKKA_02303
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02334
Name: ER07465_3A_prokka|PROKKA_02334
Description: ER07465_3A_prokka|PROKKA_02334
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02492
Name: ER07465_3A_prokka|PROKKA_02492
Description: ER07465_3A_prokka|PROKKA_02492
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02519
Name: ER07465_3A_prokka|PROKKA_02519
Description: ER07465_3A_prokka|PROKKA_02519
Number of features: 0
Seq('MSKIFVTGATGLIGIKLVQRLKEEGMRLLVLLHLRMVNKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02704
Name: ER07465_3A_prokka|PROKKA_02704
Description: ER07465_3A_prokka|PROKKA_02704
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07465_3A_prokka|PROKKA_02793
Name: ER07465_3A_prokka|PROKKA_02793
Description: ER07465_3A_prokka|PROKKA_02793
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00030
Name: ER07473_3A_prokka|PROKKA_00030
Description: ER07473_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00061
Name: ER07473_3A_prokka|PROKKA_00061
Description: ER07473_3A_prokka|PROKKA_00061
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00070
Name: ER07473_3A_prokka|PROKKA_00070
Description: ER07473_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00091
Name: ER07473_3A_prokka|PROKKA_00091
Description: ER07473_3A_prokka|PROKKA_00091
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00181
Name: ER07473_3A_prokka|PROKKA_00181
Description: ER07473_3A_prokka|PROKKA_00181
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00283
Name: ER07473_3A_prokka|PROKKA_00283
Description: ER07473_3A_prokka|PROKKA_00283
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00335
Name: ER07473_3A_prokka|PROKKA_00335
Description: ER07473_3A_prokka|PROKKA_00335
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00434
Name: ER07473_3A_prokka|PROKKA_00434
Description: ER07473_3A_prokka|PROKKA_00434
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00473
Name: ER07473_3A_prokka|PROKKA_00473
Description: ER07473_3A_prokka|PROKKA_00473
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00601
Name: ER07473_3A_prokka|PROKKA_00601
Description: ER07473_3A_prokka|PROKKA_00601
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00637
Name: ER07473_3A_prokka|PROKKA_00637
Description: ER07473_3A_prokka|PROKKA_00637
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00858
Name: ER07473_3A_prokka|PROKKA_00858
Description: ER07473_3A_prokka|PROKKA_00858
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00884
Name: ER07473_3A_prokka|PROKKA_00884
Description: ER07473_3A_prokka|PROKKA_00884
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_00994
Name: ER07473_3A_prokka|PROKKA_00994
Description: ER07473_3A_prokka|PROKKA_00994
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01033
Name: ER07473_3A_prokka|PROKKA_01033
Description: ER07473_3A_prokka|PROKKA_01033
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01113
Name: ER07473_3A_prokka|PROKKA_01113
Description: ER07473_3A_prokka|PROKKA_01113
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01126
Name: ER07473_3A_prokka|PROKKA_01126
Description: ER07473_3A_prokka|PROKKA_01126
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01127
Name: ER07473_3A_prokka|PROKKA_01127
Description: ER07473_3A_prokka|PROKKA_01127
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01262
Name: ER07473_3A_prokka|PROKKA_01262
Description: ER07473_3A_prokka|PROKKA_01262
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01266
Name: ER07473_3A_prokka|PROKKA_01266
Description: ER07473_3A_prokka|PROKKA_01266
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01270
Name: ER07473_3A_prokka|PROKKA_01270
Description: ER07473_3A_prokka|PROKKA_01270
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01272
Name: ER07473_3A_prokka|PROKKA_01272
Description: ER07473_3A_prokka|PROKKA_01272
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01296
Name: ER07473_3A_prokka|PROKKA_01296
Description: ER07473_3A_prokka|PROKKA_01296
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01391
Name: ER07473_3A_prokka|PROKKA_01391
Description: ER07473_3A_prokka|PROKKA_01391
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01403
Name: ER07473_3A_prokka|PROKKA_01403
Description: ER07473_3A_prokka|PROKKA_01403
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01451
Name: ER07473_3A_prokka|PROKKA_01451
Description: ER07473_3A_prokka|PROKKA_01451
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01459
Name: ER07473_3A_prokka|PROKKA_01459
Description: ER07473_3A_prokka|PROKKA_01459
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01479
Name: ER07473_3A_prokka|PROKKA_01479
Description: ER07473_3A_prokka|PROKKA_01479
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01507
Name: ER07473_3A_prokka|PROKKA_01507
Description: ER07473_3A_prokka|PROKKA_01507
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01509
Name: ER07473_3A_prokka|PROKKA_01509
Description: ER07473_3A_prokka|PROKKA_01509
Number of features: 0
Seq('MTQFLGALLLTGVLGYIPYKYLTMIGLVSEKKQGYQYSCIIDFFY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01535
Name: ER07473_3A_prokka|PROKKA_01535
Description: ER07473_3A_prokka|PROKKA_01535
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01572
Name: ER07473_3A_prokka|PROKKA_01572
Description: ER07473_3A_prokka|PROKKA_01572
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01642
Name: ER07473_3A_prokka|PROKKA_01642
Description: ER07473_3A_prokka|PROKKA_01642
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01809
Name: ER07473_3A_prokka|PROKKA_01809
Description: ER07473_3A_prokka|PROKKA_01809
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01817
Name: ER07473_3A_prokka|PROKKA_01817
Description: ER07473_3A_prokka|PROKKA_01817
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01837
Name: ER07473_3A_prokka|PROKKA_01837
Description: ER07473_3A_prokka|PROKKA_01837
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01872
Name: ER07473_3A_prokka|PROKKA_01872
Description: ER07473_3A_prokka|PROKKA_01872
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01925
Name: ER07473_3A_prokka|PROKKA_01925
Description: ER07473_3A_prokka|PROKKA_01925
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_01997
Name: ER07473_3A_prokka|PROKKA_01997
Description: ER07473_3A_prokka|PROKKA_01997
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02001
Name: ER07473_3A_prokka|PROKKA_02001
Description: ER07473_3A_prokka|PROKKA_02001
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02017
Name: ER07473_3A_prokka|PROKKA_02017
Description: ER07473_3A_prokka|PROKKA_02017
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02037
Name: ER07473_3A_prokka|PROKKA_02037
Description: ER07473_3A_prokka|PROKKA_02037
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02068
Name: ER07473_3A_prokka|PROKKA_02068
Description: ER07473_3A_prokka|PROKKA_02068
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02070
Name: ER07473_3A_prokka|PROKKA_02070
Description: ER07473_3A_prokka|PROKKA_02070
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02119
Name: ER07473_3A_prokka|PROKKA_02119
Description: ER07473_3A_prokka|PROKKA_02119
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02242
Name: ER07473_3A_prokka|PROKKA_02242
Description: ER07473_3A_prokka|PROKKA_02242
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02266
Name: ER07473_3A_prokka|PROKKA_02266
Description: ER07473_3A_prokka|PROKKA_02266
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02297
Name: ER07473_3A_prokka|PROKKA_02297
Description: ER07473_3A_prokka|PROKKA_02297
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02455
Name: ER07473_3A_prokka|PROKKA_02455
Description: ER07473_3A_prokka|PROKKA_02455
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02501
Name: ER07473_3A_prokka|PROKKA_02501
Description: ER07473_3A_prokka|PROKKA_02501
Number of features: 0
Seq('MKGAMAWPFLRLYILTLMFFSANAILNVFIPLRGHDLGATNTVIGIVMGHTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02668
Name: ER07473_3A_prokka|PROKKA_02668
Description: ER07473_3A_prokka|PROKKA_02668
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07473_3A_prokka|PROKKA_02756
Name: ER07473_3A_prokka|PROKKA_02756
Description: ER07473_3A_prokka|PROKKA_02756
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00059
Name: ER07478_3A_prokka|PROKKA_00059
Description: ER07478_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00076
Name: ER07478_3A_prokka|PROKKA_00076
Description: ER07478_3A_prokka|PROKKA_00076
Number of features: 0
Seq('MIAFEFIKNGVEISTETNIAQPKFKYGANKFEFNQTVQKVQFDLKFYYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00089
Name: ER07478_3A_prokka|PROKKA_00089
Description: ER07478_3A_prokka|PROKKA_00089
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00090
Name: ER07478_3A_prokka|PROKKA_00090
Description: ER07478_3A_prokka|PROKKA_00090
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00105
Name: ER07478_3A_prokka|PROKKA_00105
Description: ER07478_3A_prokka|PROKKA_00105
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00210
Name: ER07478_3A_prokka|PROKKA_00210
Description: ER07478_3A_prokka|PROKKA_00210
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00249
Name: ER07478_3A_prokka|PROKKA_00249
Description: ER07478_3A_prokka|PROKKA_00249
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00250
Name: ER07478_3A_prokka|PROKKA_00250
Description: ER07478_3A_prokka|PROKKA_00250
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00302
Name: ER07478_3A_prokka|PROKKA_00302
Description: ER07478_3A_prokka|PROKKA_00302
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00308
Name: ER07478_3A_prokka|PROKKA_00308
Description: ER07478_3A_prokka|PROKKA_00308
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00309
Name: ER07478_3A_prokka|PROKKA_00309
Description: ER07478_3A_prokka|PROKKA_00309
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00333
Name: ER07478_3A_prokka|PROKKA_00333
Description: ER07478_3A_prokka|PROKKA_00333
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00363
Name: ER07478_3A_prokka|PROKKA_00363
Description: ER07478_3A_prokka|PROKKA_00363
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00364
Name: ER07478_3A_prokka|PROKKA_00364
Description: ER07478_3A_prokka|PROKKA_00364
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00400
Name: ER07478_3A_prokka|PROKKA_00400
Description: ER07478_3A_prokka|PROKKA_00400
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00412
Name: ER07478_3A_prokka|PROKKA_00412
Description: ER07478_3A_prokka|PROKKA_00412
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00413
Name: ER07478_3A_prokka|PROKKA_00413
Description: ER07478_3A_prokka|PROKKA_00413
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00549
Name: ER07478_3A_prokka|PROKKA_00549
Description: ER07478_3A_prokka|PROKKA_00549
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00553
Name: ER07478_3A_prokka|PROKKA_00553
Description: ER07478_3A_prokka|PROKKA_00553
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00577
Name: ER07478_3A_prokka|PROKKA_00577
Description: ER07478_3A_prokka|PROKKA_00577
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00671
Name: ER07478_3A_prokka|PROKKA_00671
Description: ER07478_3A_prokka|PROKKA_00671
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00683
Name: ER07478_3A_prokka|PROKKA_00683
Description: ER07478_3A_prokka|PROKKA_00683
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00730
Name: ER07478_3A_prokka|PROKKA_00730
Description: ER07478_3A_prokka|PROKKA_00730
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00738
Name: ER07478_3A_prokka|PROKKA_00738
Description: ER07478_3A_prokka|PROKKA_00738
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00757
Name: ER07478_3A_prokka|PROKKA_00757
Description: ER07478_3A_prokka|PROKKA_00757
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00772
Name: ER07478_3A_prokka|PROKKA_00772
Description: ER07478_3A_prokka|PROKKA_00772
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00780
Name: ER07478_3A_prokka|PROKKA_00780
Description: ER07478_3A_prokka|PROKKA_00780
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00785
Name: ER07478_3A_prokka|PROKKA_00785
Description: ER07478_3A_prokka|PROKKA_00785
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00812
Name: ER07478_3A_prokka|PROKKA_00812
Description: ER07478_3A_prokka|PROKKA_00812
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00815
Name: ER07478_3A_prokka|PROKKA_00815
Description: ER07478_3A_prokka|PROKKA_00815
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00850
Name: ER07478_3A_prokka|PROKKA_00850
Description: ER07478_3A_prokka|PROKKA_00850
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_00924
Name: ER07478_3A_prokka|PROKKA_00924
Description: ER07478_3A_prokka|PROKKA_00924
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01093
Name: ER07478_3A_prokka|PROKKA_01093
Description: ER07478_3A_prokka|PROKKA_01093
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01107
Name: ER07478_3A_prokka|PROKKA_01107
Description: ER07478_3A_prokka|PROKKA_01107
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01149
Name: ER07478_3A_prokka|PROKKA_01149
Description: ER07478_3A_prokka|PROKKA_01149
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01201
Name: ER07478_3A_prokka|PROKKA_01201
Description: ER07478_3A_prokka|PROKKA_01201
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01203
Name: ER07478_3A_prokka|PROKKA_01203
Description: ER07478_3A_prokka|PROKKA_01203
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01204
Name: ER07478_3A_prokka|PROKKA_01204
Description: ER07478_3A_prokka|PROKKA_01204
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01234
Name: ER07478_3A_prokka|PROKKA_01234
Description: ER07478_3A_prokka|PROKKA_01234
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01256
Name: ER07478_3A_prokka|PROKKA_01256
Description: ER07478_3A_prokka|PROKKA_01256
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01261
Name: ER07478_3A_prokka|PROKKA_01261
Description: ER07478_3A_prokka|PROKKA_01261
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01337
Name: ER07478_3A_prokka|PROKKA_01337
Description: ER07478_3A_prokka|PROKKA_01337
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01341
Name: ER07478_3A_prokka|PROKKA_01341
Description: ER07478_3A_prokka|PROKKA_01341
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01357
Name: ER07478_3A_prokka|PROKKA_01357
Description: ER07478_3A_prokka|PROKKA_01357
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01375
Name: ER07478_3A_prokka|PROKKA_01375
Description: ER07478_3A_prokka|PROKKA_01375
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01402
Name: ER07478_3A_prokka|PROKKA_01402
Description: ER07478_3A_prokka|PROKKA_01402
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01404
Name: ER07478_3A_prokka|PROKKA_01404
Description: ER07478_3A_prokka|PROKKA_01404
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01456
Name: ER07478_3A_prokka|PROKKA_01456
Description: ER07478_3A_prokka|PROKKA_01456
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01564
Name: ER07478_3A_prokka|PROKKA_01564
Description: ER07478_3A_prokka|PROKKA_01564
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01583
Name: ER07478_3A_prokka|PROKKA_01583
Description: ER07478_3A_prokka|PROKKA_01583
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01596
Name: ER07478_3A_prokka|PROKKA_01596
Description: ER07478_3A_prokka|PROKKA_01596
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01628
Name: ER07478_3A_prokka|PROKKA_01628
Description: ER07478_3A_prokka|PROKKA_01628
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01773
Name: ER07478_3A_prokka|PROKKA_01773
Description: ER07478_3A_prokka|PROKKA_01773
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01782
Name: ER07478_3A_prokka|PROKKA_01782
Description: ER07478_3A_prokka|PROKKA_01782
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01846
Name: ER07478_3A_prokka|PROKKA_01846
Description: ER07478_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01954
Name: ER07478_3A_prokka|PROKKA_01954
Description: ER07478_3A_prokka|PROKKA_01954
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_01992
Name: ER07478_3A_prokka|PROKKA_01992
Description: ER07478_3A_prokka|PROKKA_01992
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02076
Name: ER07478_3A_prokka|PROKKA_02076
Description: ER07478_3A_prokka|PROKKA_02076
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02115
Name: ER07478_3A_prokka|PROKKA_02115
Description: ER07478_3A_prokka|PROKKA_02115
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02118
Name: ER07478_3A_prokka|PROKKA_02118
Description: ER07478_3A_prokka|PROKKA_02118
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02122
Name: ER07478_3A_prokka|PROKKA_02122
Description: ER07478_3A_prokka|PROKKA_02122
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02143
Name: ER07478_3A_prokka|PROKKA_02143
Description: ER07478_3A_prokka|PROKKA_02143
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02161
Name: ER07478_3A_prokka|PROKKA_02161
Description: ER07478_3A_prokka|PROKKA_02161
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02328
Name: ER07478_3A_prokka|PROKKA_02328
Description: ER07478_3A_prokka|PROKKA_02328
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02452
Name: ER07478_3A_prokka|PROKKA_02452
Description: ER07478_3A_prokka|PROKKA_02452
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02469
Name: ER07478_3A_prokka|PROKKA_02469
Description: ER07478_3A_prokka|PROKKA_02469
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02635
Name: ER07478_3A_prokka|PROKKA_02635
Description: ER07478_3A_prokka|PROKKA_02635
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02864
Name: ER07478_3A_prokka|PROKKA_02864
Description: ER07478_3A_prokka|PROKKA_02864
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02895
Name: ER07478_3A_prokka|PROKKA_02895
Description: ER07478_3A_prokka|PROKKA_02895
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02899
Name: ER07478_3A_prokka|PROKKA_02899
Description: ER07478_3A_prokka|PROKKA_02899
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02915
Name: ER07478_3A_prokka|PROKKA_02915
Description: ER07478_3A_prokka|PROKKA_02915
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07478_3A_prokka|PROKKA_02928
Name: ER07478_3A_prokka|PROKKA_02928
Description: ER07478_3A_prokka|PROKKA_02928
Number of features: 0
Seq('MTPNLQLYNKAYEMLQGYGFPVISRKEMQQEIPYPFFCNKNAGVKQK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00027
Name: ER07542_3A_prokka|PROKKA_00027
Description: ER07542_3A_prokka|PROKKA_00027
Number of features: 0
Seq('MAYQSEYALENEVLQQLEELNYERVNIHNIKLEINEYLKELGVLKNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00033
Name: ER07542_3A_prokka|PROKKA_00033
Description: ER07542_3A_prokka|PROKKA_00033
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00038
Name: ER07542_3A_prokka|PROKKA_00038
Description: ER07542_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MKEMKRKSVGCYVRVSTISQDIDKFSINGQITQIKEYCQQGNYELLY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00041
Name: ER07542_3A_prokka|PROKKA_00041
Description: ER07542_3A_prokka|PROKKA_00041
Number of features: 0
Seq('MDMENKKTEWKALYDISKESEMGVAERVSEYG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00043
Name: ER07542_3A_prokka|PROKKA_00043
Description: ER07542_3A_prokka|PROKKA_00043
Number of features: 0
Seq('MSKIMNLITYDKLQRIVLYWGFYNNNGPYIFKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00073
Name: ER07542_3A_prokka|PROKKA_00073
Description: ER07542_3A_prokka|PROKKA_00073
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00093
Name: ER07542_3A_prokka|PROKKA_00093
Description: ER07542_3A_prokka|PROKKA_00093
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00256
Name: ER07542_3A_prokka|PROKKA_00256
Description: ER07542_3A_prokka|PROKKA_00256
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00382
Name: ER07542_3A_prokka|PROKKA_00382
Description: ER07542_3A_prokka|PROKKA_00382
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00400
Name: ER07542_3A_prokka|PROKKA_00400
Description: ER07542_3A_prokka|PROKKA_00400
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00428
Name: ER07542_3A_prokka|PROKKA_00428
Description: ER07542_3A_prokka|PROKKA_00428
Number of features: 0
Seq('MMFNQINNKNELEESYESEKKRIENELHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00570
Name: ER07542_3A_prokka|PROKKA_00570
Description: ER07542_3A_prokka|PROKKA_00570
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00798
Name: ER07542_3A_prokka|PROKKA_00798
Description: ER07542_3A_prokka|PROKKA_00798
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00825
Name: ER07542_3A_prokka|PROKKA_00825
Description: ER07542_3A_prokka|PROKKA_00825
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00931
Name: ER07542_3A_prokka|PROKKA_00931
Description: ER07542_3A_prokka|PROKKA_00931
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_00971
Name: ER07542_3A_prokka|PROKKA_00971
Description: ER07542_3A_prokka|PROKKA_00971
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01053
Name: ER07542_3A_prokka|PROKKA_01053
Description: ER07542_3A_prokka|PROKKA_01053
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01065
Name: ER07542_3A_prokka|PROKKA_01065
Description: ER07542_3A_prokka|PROKKA_01065
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01066
Name: ER07542_3A_prokka|PROKKA_01066
Description: ER07542_3A_prokka|PROKKA_01066
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01202
Name: ER07542_3A_prokka|PROKKA_01202
Description: ER07542_3A_prokka|PROKKA_01202
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01206
Name: ER07542_3A_prokka|PROKKA_01206
Description: ER07542_3A_prokka|PROKKA_01206
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01230
Name: ER07542_3A_prokka|PROKKA_01230
Description: ER07542_3A_prokka|PROKKA_01230
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01334
Name: ER07542_3A_prokka|PROKKA_01334
Description: ER07542_3A_prokka|PROKKA_01334
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01381
Name: ER07542_3A_prokka|PROKKA_01381
Description: ER07542_3A_prokka|PROKKA_01381
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01389
Name: ER07542_3A_prokka|PROKKA_01389
Description: ER07542_3A_prokka|PROKKA_01389
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01408
Name: ER07542_3A_prokka|PROKKA_01408
Description: ER07542_3A_prokka|PROKKA_01408
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01427
Name: ER07542_3A_prokka|PROKKA_01427
Description: ER07542_3A_prokka|PROKKA_01427
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01435
Name: ER07542_3A_prokka|PROKKA_01435
Description: ER07542_3A_prokka|PROKKA_01435
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01440
Name: ER07542_3A_prokka|PROKKA_01440
Description: ER07542_3A_prokka|PROKKA_01440
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01443
Name: ER07542_3A_prokka|PROKKA_01443
Description: ER07542_3A_prokka|PROKKA_01443
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01470
Name: ER07542_3A_prokka|PROKKA_01470
Description: ER07542_3A_prokka|PROKKA_01470
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01473
Name: ER07542_3A_prokka|PROKKA_01473
Description: ER07542_3A_prokka|PROKKA_01473
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01508
Name: ER07542_3A_prokka|PROKKA_01508
Description: ER07542_3A_prokka|PROKKA_01508
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01580
Name: ER07542_3A_prokka|PROKKA_01580
Description: ER07542_3A_prokka|PROKKA_01580
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01749
Name: ER07542_3A_prokka|PROKKA_01749
Description: ER07542_3A_prokka|PROKKA_01749
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01765
Name: ER07542_3A_prokka|PROKKA_01765
Description: ER07542_3A_prokka|PROKKA_01765
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01807
Name: ER07542_3A_prokka|PROKKA_01807
Description: ER07542_3A_prokka|PROKKA_01807
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01859
Name: ER07542_3A_prokka|PROKKA_01859
Description: ER07542_3A_prokka|PROKKA_01859
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01933
Name: ER07542_3A_prokka|PROKKA_01933
Description: ER07542_3A_prokka|PROKKA_01933
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01937
Name: ER07542_3A_prokka|PROKKA_01937
Description: ER07542_3A_prokka|PROKKA_01937
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01953
Name: ER07542_3A_prokka|PROKKA_01953
Description: ER07542_3A_prokka|PROKKA_01953
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01971
Name: ER07542_3A_prokka|PROKKA_01971
Description: ER07542_3A_prokka|PROKKA_01971
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01996
Name: ER07542_3A_prokka|PROKKA_01996
Description: ER07542_3A_prokka|PROKKA_01996
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_01998
Name: ER07542_3A_prokka|PROKKA_01998
Description: ER07542_3A_prokka|PROKKA_01998
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_02048
Name: ER07542_3A_prokka|PROKKA_02048
Description: ER07542_3A_prokka|PROKKA_02048
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_02173
Name: ER07542_3A_prokka|PROKKA_02173
Description: ER07542_3A_prokka|PROKKA_02173
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_02186
Name: ER07542_3A_prokka|PROKKA_02186
Description: ER07542_3A_prokka|PROKKA_02186
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_02217
Name: ER07542_3A_prokka|PROKKA_02217
Description: ER07542_3A_prokka|PROKKA_02217
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_02370
Name: ER07542_3A_prokka|PROKKA_02370
Description: ER07542_3A_prokka|PROKKA_02370
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_02434
Name: ER07542_3A_prokka|PROKKA_02434
Description: ER07542_3A_prokka|PROKKA_02434
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_02541
Name: ER07542_3A_prokka|PROKKA_02541
Description: ER07542_3A_prokka|PROKKA_02541
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_02579
Name: ER07542_3A_prokka|PROKKA_02579
Description: ER07542_3A_prokka|PROKKA_02579
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_02665
Name: ER07542_3A_prokka|PROKKA_02665
Description: ER07542_3A_prokka|PROKKA_02665
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_02677
Name: ER07542_3A_prokka|PROKKA_02677
Description: ER07542_3A_prokka|PROKKA_02677
Number of features: 0
Seq('MTFSLLTKVAMSGLILTGAIGTAGLVSVPVANVEAKAAEFNPKVDKLLKFEVSKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_02687
Name: ER07542_3A_prokka|PROKKA_02687
Description: ER07542_3A_prokka|PROKKA_02687
Number of features: 0
Seq('MNTKILTGMTGSSLERKINNFINDNQIEVIDIKFSSSVFYFGVMIIYK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07542_3A_prokka|PROKKA_02691
Name: ER07542_3A_prokka|PROKKA_02691
Description: ER07542_3A_prokka|PROKKA_02691
Number of features: 0
Seq('MQYNTTRSITENQDNKTLKDMTKSGKQRPWREKKIDNVRFCCKVKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00056
Name: ER07730_3A_prokka|PROKKA_00056
Description: ER07730_3A_prokka|PROKKA_00056
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00074
Name: ER07730_3A_prokka|PROKKA_00074
Description: ER07730_3A_prokka|PROKKA_00074
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00240
Name: ER07730_3A_prokka|PROKKA_00240
Description: ER07730_3A_prokka|PROKKA_00240
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00364
Name: ER07730_3A_prokka|PROKKA_00364
Description: ER07730_3A_prokka|PROKKA_00364
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00381
Name: ER07730_3A_prokka|PROKKA_00381
Description: ER07730_3A_prokka|PROKKA_00381
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00548
Name: ER07730_3A_prokka|PROKKA_00548
Description: ER07730_3A_prokka|PROKKA_00548
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00777
Name: ER07730_3A_prokka|PROKKA_00777
Description: ER07730_3A_prokka|PROKKA_00777
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00808
Name: ER07730_3A_prokka|PROKKA_00808
Description: ER07730_3A_prokka|PROKKA_00808
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00812
Name: ER07730_3A_prokka|PROKKA_00812
Description: ER07730_3A_prokka|PROKKA_00812
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00828
Name: ER07730_3A_prokka|PROKKA_00828
Description: ER07730_3A_prokka|PROKKA_00828
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00859
Name: ER07730_3A_prokka|PROKKA_00859
Description: ER07730_3A_prokka|PROKKA_00859
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00860
Name: ER07730_3A_prokka|PROKKA_00860
Description: ER07730_3A_prokka|PROKKA_00860
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00876
Name: ER07730_3A_prokka|PROKKA_00876
Description: ER07730_3A_prokka|PROKKA_00876
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_00981
Name: ER07730_3A_prokka|PROKKA_00981
Description: ER07730_3A_prokka|PROKKA_00981
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01020
Name: ER07730_3A_prokka|PROKKA_01020
Description: ER07730_3A_prokka|PROKKA_01020
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01021
Name: ER07730_3A_prokka|PROKKA_01021
Description: ER07730_3A_prokka|PROKKA_01021
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01103
Name: ER07730_3A_prokka|PROKKA_01103
Description: ER07730_3A_prokka|PROKKA_01103
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01115
Name: ER07730_3A_prokka|PROKKA_01115
Description: ER07730_3A_prokka|PROKKA_01115
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01116
Name: ER07730_3A_prokka|PROKKA_01116
Description: ER07730_3A_prokka|PROKKA_01116
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01252
Name: ER07730_3A_prokka|PROKKA_01252
Description: ER07730_3A_prokka|PROKKA_01252
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01256
Name: ER07730_3A_prokka|PROKKA_01256
Description: ER07730_3A_prokka|PROKKA_01256
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01280
Name: ER07730_3A_prokka|PROKKA_01280
Description: ER07730_3A_prokka|PROKKA_01280
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01373
Name: ER07730_3A_prokka|PROKKA_01373
Description: ER07730_3A_prokka|PROKKA_01373
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01385
Name: ER07730_3A_prokka|PROKKA_01385
Description: ER07730_3A_prokka|PROKKA_01385
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01432
Name: ER07730_3A_prokka|PROKKA_01432
Description: ER07730_3A_prokka|PROKKA_01432
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01440
Name: ER07730_3A_prokka|PROKKA_01440
Description: ER07730_3A_prokka|PROKKA_01440
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01459
Name: ER07730_3A_prokka|PROKKA_01459
Description: ER07730_3A_prokka|PROKKA_01459
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01478
Name: ER07730_3A_prokka|PROKKA_01478
Description: ER07730_3A_prokka|PROKKA_01478
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01486
Name: ER07730_3A_prokka|PROKKA_01486
Description: ER07730_3A_prokka|PROKKA_01486
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01491
Name: ER07730_3A_prokka|PROKKA_01491
Description: ER07730_3A_prokka|PROKKA_01491
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01518
Name: ER07730_3A_prokka|PROKKA_01518
Description: ER07730_3A_prokka|PROKKA_01518
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01521
Name: ER07730_3A_prokka|PROKKA_01521
Description: ER07730_3A_prokka|PROKKA_01521
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01556
Name: ER07730_3A_prokka|PROKKA_01556
Description: ER07730_3A_prokka|PROKKA_01556
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01629
Name: ER07730_3A_prokka|PROKKA_01629
Description: ER07730_3A_prokka|PROKKA_01629
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01798
Name: ER07730_3A_prokka|PROKKA_01798
Description: ER07730_3A_prokka|PROKKA_01798
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01812
Name: ER07730_3A_prokka|PROKKA_01812
Description: ER07730_3A_prokka|PROKKA_01812
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01854
Name: ER07730_3A_prokka|PROKKA_01854
Description: ER07730_3A_prokka|PROKKA_01854
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01906
Name: ER07730_3A_prokka|PROKKA_01906
Description: ER07730_3A_prokka|PROKKA_01906
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01978
Name: ER07730_3A_prokka|PROKKA_01978
Description: ER07730_3A_prokka|PROKKA_01978
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01982
Name: ER07730_3A_prokka|PROKKA_01982
Description: ER07730_3A_prokka|PROKKA_01982
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_01998
Name: ER07730_3A_prokka|PROKKA_01998
Description: ER07730_3A_prokka|PROKKA_01998
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02016
Name: ER07730_3A_prokka|PROKKA_02016
Description: ER07730_3A_prokka|PROKKA_02016
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02022
Name: ER07730_3A_prokka|PROKKA_02022
Description: ER07730_3A_prokka|PROKKA_02022
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02027
Name: ER07730_3A_prokka|PROKKA_02027
Description: ER07730_3A_prokka|PROKKA_02027
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02043
Name: ER07730_3A_prokka|PROKKA_02043
Description: ER07730_3A_prokka|PROKKA_02043
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02045
Name: ER07730_3A_prokka|PROKKA_02045
Description: ER07730_3A_prokka|PROKKA_02045
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02095
Name: ER07730_3A_prokka|PROKKA_02095
Description: ER07730_3A_prokka|PROKKA_02095
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02221
Name: ER07730_3A_prokka|PROKKA_02221
Description: ER07730_3A_prokka|PROKKA_02221
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02234
Name: ER07730_3A_prokka|PROKKA_02234
Description: ER07730_3A_prokka|PROKKA_02234
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02265
Name: ER07730_3A_prokka|PROKKA_02265
Description: ER07730_3A_prokka|PROKKA_02265
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02409
Name: ER07730_3A_prokka|PROKKA_02409
Description: ER07730_3A_prokka|PROKKA_02409
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02418
Name: ER07730_3A_prokka|PROKKA_02418
Description: ER07730_3A_prokka|PROKKA_02418
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02483
Name: ER07730_3A_prokka|PROKKA_02483
Description: ER07730_3A_prokka|PROKKA_02483
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02592
Name: ER07730_3A_prokka|PROKKA_02592
Description: ER07730_3A_prokka|PROKKA_02592
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02630
Name: ER07730_3A_prokka|PROKKA_02630
Description: ER07730_3A_prokka|PROKKA_02630
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07730_3A_prokka|PROKKA_02714
Name: ER07730_3A_prokka|PROKKA_02714
Description: ER07730_3A_prokka|PROKKA_02714
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00010
Name: ER07747_3A_prokka|PROKKA_00010
Description: ER07747_3A_prokka|PROKKA_00010
Number of features: 0
Seq('MILSKTANKILKELKNKEKYFSNLCIENRDVNSSKLTFARC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00014
Name: ER07747_3A_prokka|PROKKA_00014
Description: ER07747_3A_prokka|PROKKA_00014
Number of features: 0
Seq('MNKETLIDLIDMMIGLTEIERKRLSEMEMRKVEIRYKMALTEKTDEMIG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00072
Name: ER07747_3A_prokka|PROKKA_00072
Description: ER07747_3A_prokka|PROKKA_00072
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00081
Name: ER07747_3A_prokka|PROKKA_00081
Description: ER07747_3A_prokka|PROKKA_00081
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00158
Name: ER07747_3A_prokka|PROKKA_00158
Description: ER07747_3A_prokka|PROKKA_00158
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00257
Name: ER07747_3A_prokka|PROKKA_00257
Description: ER07747_3A_prokka|PROKKA_00257
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00310
Name: ER07747_3A_prokka|PROKKA_00310
Description: ER07747_3A_prokka|PROKKA_00310
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00408
Name: ER07747_3A_prokka|PROKKA_00408
Description: ER07747_3A_prokka|PROKKA_00408
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00446
Name: ER07747_3A_prokka|PROKKA_00446
Description: ER07747_3A_prokka|PROKKA_00446
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00576
Name: ER07747_3A_prokka|PROKKA_00576
Description: ER07747_3A_prokka|PROKKA_00576
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00612
Name: ER07747_3A_prokka|PROKKA_00612
Description: ER07747_3A_prokka|PROKKA_00612
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00830
Name: ER07747_3A_prokka|PROKKA_00830
Description: ER07747_3A_prokka|PROKKA_00830
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00874
Name: ER07747_3A_prokka|PROKKA_00874
Description: ER07747_3A_prokka|PROKKA_00874
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_00982
Name: ER07747_3A_prokka|PROKKA_00982
Description: ER07747_3A_prokka|PROKKA_00982
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01021
Name: ER07747_3A_prokka|PROKKA_01021
Description: ER07747_3A_prokka|PROKKA_01021
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01101
Name: ER07747_3A_prokka|PROKKA_01101
Description: ER07747_3A_prokka|PROKKA_01101
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01114
Name: ER07747_3A_prokka|PROKKA_01114
Description: ER07747_3A_prokka|PROKKA_01114
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01115
Name: ER07747_3A_prokka|PROKKA_01115
Description: ER07747_3A_prokka|PROKKA_01115
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01250
Name: ER07747_3A_prokka|PROKKA_01250
Description: ER07747_3A_prokka|PROKKA_01250
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01254
Name: ER07747_3A_prokka|PROKKA_01254
Description: ER07747_3A_prokka|PROKKA_01254
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01258
Name: ER07747_3A_prokka|PROKKA_01258
Description: ER07747_3A_prokka|PROKKA_01258
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01260
Name: ER07747_3A_prokka|PROKKA_01260
Description: ER07747_3A_prokka|PROKKA_01260
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01284
Name: ER07747_3A_prokka|PROKKA_01284
Description: ER07747_3A_prokka|PROKKA_01284
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01380
Name: ER07747_3A_prokka|PROKKA_01380
Description: ER07747_3A_prokka|PROKKA_01380
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01393
Name: ER07747_3A_prokka|PROKKA_01393
Description: ER07747_3A_prokka|PROKKA_01393
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01445
Name: ER07747_3A_prokka|PROKKA_01445
Description: ER07747_3A_prokka|PROKKA_01445
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01453
Name: ER07747_3A_prokka|PROKKA_01453
Description: ER07747_3A_prokka|PROKKA_01453
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01473
Name: ER07747_3A_prokka|PROKKA_01473
Description: ER07747_3A_prokka|PROKKA_01473
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01501
Name: ER07747_3A_prokka|PROKKA_01501
Description: ER07747_3A_prokka|PROKKA_01501
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01528
Name: ER07747_3A_prokka|PROKKA_01528
Description: ER07747_3A_prokka|PROKKA_01528
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01565
Name: ER07747_3A_prokka|PROKKA_01565
Description: ER07747_3A_prokka|PROKKA_01565
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01636
Name: ER07747_3A_prokka|PROKKA_01636
Description: ER07747_3A_prokka|PROKKA_01636
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01801
Name: ER07747_3A_prokka|PROKKA_01801
Description: ER07747_3A_prokka|PROKKA_01801
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01808
Name: ER07747_3A_prokka|PROKKA_01808
Description: ER07747_3A_prokka|PROKKA_01808
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01827
Name: ER07747_3A_prokka|PROKKA_01827
Description: ER07747_3A_prokka|PROKKA_01827
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01862
Name: ER07747_3A_prokka|PROKKA_01862
Description: ER07747_3A_prokka|PROKKA_01862
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01914
Name: ER07747_3A_prokka|PROKKA_01914
Description: ER07747_3A_prokka|PROKKA_01914
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01916
Name: ER07747_3A_prokka|PROKKA_01916
Description: ER07747_3A_prokka|PROKKA_01916
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01917
Name: ER07747_3A_prokka|PROKKA_01917
Description: ER07747_3A_prokka|PROKKA_01917
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01947
Name: ER07747_3A_prokka|PROKKA_01947
Description: ER07747_3A_prokka|PROKKA_01947
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01969
Name: ER07747_3A_prokka|PROKKA_01969
Description: ER07747_3A_prokka|PROKKA_01969
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_01974
Name: ER07747_3A_prokka|PROKKA_01974
Description: ER07747_3A_prokka|PROKKA_01974
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02048
Name: ER07747_3A_prokka|PROKKA_02048
Description: ER07747_3A_prokka|PROKKA_02048
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02052
Name: ER07747_3A_prokka|PROKKA_02052
Description: ER07747_3A_prokka|PROKKA_02052
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02068
Name: ER07747_3A_prokka|PROKKA_02068
Description: ER07747_3A_prokka|PROKKA_02068
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02084
Name: ER07747_3A_prokka|PROKKA_02084
Description: ER07747_3A_prokka|PROKKA_02084
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02094
Name: ER07747_3A_prokka|PROKKA_02094
Description: ER07747_3A_prokka|PROKKA_02094
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02113
Name: ER07747_3A_prokka|PROKKA_02113
Description: ER07747_3A_prokka|PROKKA_02113
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02115
Name: ER07747_3A_prokka|PROKKA_02115
Description: ER07747_3A_prokka|PROKKA_02115
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02164
Name: ER07747_3A_prokka|PROKKA_02164
Description: ER07747_3A_prokka|PROKKA_02164
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02284
Name: ER07747_3A_prokka|PROKKA_02284
Description: ER07747_3A_prokka|PROKKA_02284
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02308
Name: ER07747_3A_prokka|PROKKA_02308
Description: ER07747_3A_prokka|PROKKA_02308
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02339
Name: ER07747_3A_prokka|PROKKA_02339
Description: ER07747_3A_prokka|PROKKA_02339
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02495
Name: ER07747_3A_prokka|PROKKA_02495
Description: ER07747_3A_prokka|PROKKA_02495
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02704
Name: ER07747_3A_prokka|PROKKA_02704
Description: ER07747_3A_prokka|PROKKA_02704
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02791
Name: ER07747_3A_prokka|PROKKA_02791
Description: ER07747_3A_prokka|PROKKA_02791
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07747_3A_prokka|PROKKA_02821
Name: ER07747_3A_prokka|PROKKA_02821
Description: ER07747_3A_prokka|PROKKA_02821
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00031
Name: ER07787_3A_prokka|PROKKA_00031
Description: ER07787_3A_prokka|PROKKA_00031
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00040
Name: ER07787_3A_prokka|PROKKA_00040
Description: ER07787_3A_prokka|PROKKA_00040
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00129
Name: ER07787_3A_prokka|PROKKA_00129
Description: ER07787_3A_prokka|PROKKA_00129
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00230
Name: ER07787_3A_prokka|PROKKA_00230
Description: ER07787_3A_prokka|PROKKA_00230
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00282
Name: ER07787_3A_prokka|PROKKA_00282
Description: ER07787_3A_prokka|PROKKA_00282
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00380
Name: ER07787_3A_prokka|PROKKA_00380
Description: ER07787_3A_prokka|PROKKA_00380
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00417
Name: ER07787_3A_prokka|PROKKA_00417
Description: ER07787_3A_prokka|PROKKA_00417
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00547
Name: ER07787_3A_prokka|PROKKA_00547
Description: ER07787_3A_prokka|PROKKA_00547
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00583
Name: ER07787_3A_prokka|PROKKA_00583
Description: ER07787_3A_prokka|PROKKA_00583
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00784
Name: ER07787_3A_prokka|PROKKA_00784
Description: ER07787_3A_prokka|PROKKA_00784
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00799
Name: ER07787_3A_prokka|PROKKA_00799
Description: ER07787_3A_prokka|PROKKA_00799
Number of features: 0
Seq('MKMYLAYICLVSLLTILLLAISNMYVAFSVYAWLITLGCNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00815
Name: ER07787_3A_prokka|PROKKA_00815
Description: ER07787_3A_prokka|PROKKA_00815
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00816
Name: ER07787_3A_prokka|PROKKA_00816
Description: ER07787_3A_prokka|PROKKA_00816
Number of features: 0
Seq('MTEQMYLLLFLLSLPLLLFIGRKTHFYCLDKKNGCR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00837
Name: ER07787_3A_prokka|PROKKA_00837
Description: ER07787_3A_prokka|PROKKA_00837
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00945
Name: ER07787_3A_prokka|PROKKA_00945
Description: ER07787_3A_prokka|PROKKA_00945
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00984
Name: ER07787_3A_prokka|PROKKA_00984
Description: ER07787_3A_prokka|PROKKA_00984
Number of features: 0
Seq('MKRDTYQSYLFNNSEEPVHNGLRIIVYKEEEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_00985
Name: ER07787_3A_prokka|PROKKA_00985
Description: ER07787_3A_prokka|PROKKA_00985
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01039
Name: ER07787_3A_prokka|PROKKA_01039
Description: ER07787_3A_prokka|PROKKA_01039
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01045
Name: ER07787_3A_prokka|PROKKA_01045
Description: ER07787_3A_prokka|PROKKA_01045
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01046
Name: ER07787_3A_prokka|PROKKA_01046
Description: ER07787_3A_prokka|PROKKA_01046
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFMYYKECFFKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01052
Name: ER07787_3A_prokka|PROKKA_01052
Description: ER07787_3A_prokka|PROKKA_01052
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRNAMHAVKVEKILKSPFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01056
Name: ER07787_3A_prokka|PROKKA_01056
Description: ER07787_3A_prokka|PROKKA_01056
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01072
Name: ER07787_3A_prokka|PROKKA_01072
Description: ER07787_3A_prokka|PROKKA_01072
Number of features: 0
Seq('MMWFIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01135
Name: ER07787_3A_prokka|PROKKA_01135
Description: ER07787_3A_prokka|PROKKA_01135
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01147
Name: ER07787_3A_prokka|PROKKA_01147
Description: ER07787_3A_prokka|PROKKA_01147
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01148
Name: ER07787_3A_prokka|PROKKA_01148
Description: ER07787_3A_prokka|PROKKA_01148
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01284
Name: ER07787_3A_prokka|PROKKA_01284
Description: ER07787_3A_prokka|PROKKA_01284
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01288
Name: ER07787_3A_prokka|PROKKA_01288
Description: ER07787_3A_prokka|PROKKA_01288
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01292
Name: ER07787_3A_prokka|PROKKA_01292
Description: ER07787_3A_prokka|PROKKA_01292
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01294
Name: ER07787_3A_prokka|PROKKA_01294
Description: ER07787_3A_prokka|PROKKA_01294
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01318
Name: ER07787_3A_prokka|PROKKA_01318
Description: ER07787_3A_prokka|PROKKA_01318
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01413
Name: ER07787_3A_prokka|PROKKA_01413
Description: ER07787_3A_prokka|PROKKA_01413
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01425
Name: ER07787_3A_prokka|PROKKA_01425
Description: ER07787_3A_prokka|PROKKA_01425
Number of features: 0
Seq('MLTQSEMIVVFVLVETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01472
Name: ER07787_3A_prokka|PROKKA_01472
Description: ER07787_3A_prokka|PROKKA_01472
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01480
Name: ER07787_3A_prokka|PROKKA_01480
Description: ER07787_3A_prokka|PROKKA_01480
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01501
Name: ER07787_3A_prokka|PROKKA_01501
Description: ER07787_3A_prokka|PROKKA_01501
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01521
Name: ER07787_3A_prokka|PROKKA_01521
Description: ER07787_3A_prokka|PROKKA_01521
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01531
Name: ER07787_3A_prokka|PROKKA_01531
Description: ER07787_3A_prokka|PROKKA_01531
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01557
Name: ER07787_3A_prokka|PROKKA_01557
Description: ER07787_3A_prokka|PROKKA_01557
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01594
Name: ER07787_3A_prokka|PROKKA_01594
Description: ER07787_3A_prokka|PROKKA_01594
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01665
Name: ER07787_3A_prokka|PROKKA_01665
Description: ER07787_3A_prokka|PROKKA_01665
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01837
Name: ER07787_3A_prokka|PROKKA_01837
Description: ER07787_3A_prokka|PROKKA_01837
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01856
Name: ER07787_3A_prokka|PROKKA_01856
Description: ER07787_3A_prokka|PROKKA_01856
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01891
Name: ER07787_3A_prokka|PROKKA_01891
Description: ER07787_3A_prokka|PROKKA_01891
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_01942
Name: ER07787_3A_prokka|PROKKA_01942
Description: ER07787_3A_prokka|PROKKA_01942
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02014
Name: ER07787_3A_prokka|PROKKA_02014
Description: ER07787_3A_prokka|PROKKA_02014
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02024
Name: ER07787_3A_prokka|PROKKA_02024
Description: ER07787_3A_prokka|PROKKA_02024
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02035
Name: ER07787_3A_prokka|PROKKA_02035
Description: ER07787_3A_prokka|PROKKA_02035
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02053
Name: ER07787_3A_prokka|PROKKA_02053
Description: ER07787_3A_prokka|PROKKA_02053
Number of features: 0
Seq('MITKEFLKTKLECSDVYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAVVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02057
Name: ER07787_3A_prokka|PROKKA_02057
Description: ER07787_3A_prokka|PROKKA_02057
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02063
Name: ER07787_3A_prokka|PROKKA_02063
Description: ER07787_3A_prokka|PROKKA_02063
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02066
Name: ER07787_3A_prokka|PROKKA_02066
Description: ER07787_3A_prokka|PROKKA_02066
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERSNNPELLRAVAELLKKVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02073
Name: ER07787_3A_prokka|PROKKA_02073
Description: ER07787_3A_prokka|PROKKA_02073
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02075
Name: ER07787_3A_prokka|PROKKA_02075
Description: ER07787_3A_prokka|PROKKA_02075
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02094
Name: ER07787_3A_prokka|PROKKA_02094
Description: ER07787_3A_prokka|PROKKA_02094
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02096
Name: ER07787_3A_prokka|PROKKA_02096
Description: ER07787_3A_prokka|PROKKA_02096
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02145
Name: ER07787_3A_prokka|PROKKA_02145
Description: ER07787_3A_prokka|PROKKA_02145
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02264
Name: ER07787_3A_prokka|PROKKA_02264
Description: ER07787_3A_prokka|PROKKA_02264
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02288
Name: ER07787_3A_prokka|PROKKA_02288
Description: ER07787_3A_prokka|PROKKA_02288
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02319
Name: ER07787_3A_prokka|PROKKA_02319
Description: ER07787_3A_prokka|PROKKA_02319
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02474
Name: ER07787_3A_prokka|PROKKA_02474
Description: ER07787_3A_prokka|PROKKA_02474
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02681
Name: ER07787_3A_prokka|PROKKA_02681
Description: ER07787_3A_prokka|PROKKA_02681
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07787_3A_prokka|PROKKA_02768
Name: ER07787_3A_prokka|PROKKA_02768
Description: ER07787_3A_prokka|PROKKA_02768
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00017
Name: ER07874_3A_prokka|PROKKA_00017
Description: ER07874_3A_prokka|PROKKA_00017
Number of features: 0
Seq('MNILIVYAHPEPQSFNSKLKDIAQTVLKENGNNCRCI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00032
Name: ER07874_3A_prokka|PROKKA_00032
Description: ER07874_3A_prokka|PROKKA_00032
Number of features: 0
Seq('MSTKKKIKITLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00038
Name: ER07874_3A_prokka|PROKKA_00038
Description: ER07874_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MSTKKKIKITLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00059
Name: ER07874_3A_prokka|PROKKA_00059
Description: ER07874_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00068
Name: ER07874_3A_prokka|PROKKA_00068
Description: ER07874_3A_prokka|PROKKA_00068
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00113
Name: ER07874_3A_prokka|PROKKA_00113
Description: ER07874_3A_prokka|PROKKA_00113
Number of features: 0
Seq('MDNVKAIFLDMDGTILHENNQASTYIERERI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00177
Name: ER07874_3A_prokka|PROKKA_00177
Description: ER07874_3A_prokka|PROKKA_00177
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00227
Name: ER07874_3A_prokka|PROKKA_00227
Description: ER07874_3A_prokka|PROKKA_00227
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00229
Name: ER07874_3A_prokka|PROKKA_00229
Description: ER07874_3A_prokka|PROKKA_00229
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00303
Name: ER07874_3A_prokka|PROKKA_00303
Description: ER07874_3A_prokka|PROKKA_00303
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00355
Name: ER07874_3A_prokka|PROKKA_00355
Description: ER07874_3A_prokka|PROKKA_00355
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00397
Name: ER07874_3A_prokka|PROKKA_00397
Description: ER07874_3A_prokka|PROKKA_00397
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00411
Name: ER07874_3A_prokka|PROKKA_00411
Description: ER07874_3A_prokka|PROKKA_00411
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00451
Name: ER07874_3A_prokka|PROKKA_00451
Description: ER07874_3A_prokka|PROKKA_00451
Number of features: 0
Seq('MIVHRITGDGPIDIMVGPMWSVNKWEVLNGIDAELARRNSYQGLRYKSKVKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00581
Name: ER07874_3A_prokka|PROKKA_00581
Description: ER07874_3A_prokka|PROKKA_00581
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00654
Name: ER07874_3A_prokka|PROKKA_00654
Description: ER07874_3A_prokka|PROKKA_00654
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00689
Name: ER07874_3A_prokka|PROKKA_00689
Description: ER07874_3A_prokka|PROKKA_00689
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00692
Name: ER07874_3A_prokka|PROKKA_00692
Description: ER07874_3A_prokka|PROKKA_00692
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00719
Name: ER07874_3A_prokka|PROKKA_00719
Description: ER07874_3A_prokka|PROKKA_00719
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKSGASQKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00725
Name: ER07874_3A_prokka|PROKKA_00725
Description: ER07874_3A_prokka|PROKKA_00725
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00733
Name: ER07874_3A_prokka|PROKKA_00733
Description: ER07874_3A_prokka|PROKKA_00733
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00739
Name: ER07874_3A_prokka|PROKKA_00739
Description: ER07874_3A_prokka|PROKKA_00739
Number of features: 0
Seq('MTIKELEEKFNISRYFVVKHDRDWETGEIIDTCIVLDEYADHINIEVEEVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00753
Name: ER07874_3A_prokka|PROKKA_00753
Description: ER07874_3A_prokka|PROKKA_00753
Number of features: 0
Seq('MMIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDAEAPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00772
Name: ER07874_3A_prokka|PROKKA_00772
Description: ER07874_3A_prokka|PROKKA_00772
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00780
Name: ER07874_3A_prokka|PROKKA_00780
Description: ER07874_3A_prokka|PROKKA_00780
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00827
Name: ER07874_3A_prokka|PROKKA_00827
Description: ER07874_3A_prokka|PROKKA_00827
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00839
Name: ER07874_3A_prokka|PROKKA_00839
Description: ER07874_3A_prokka|PROKKA_00839
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00932
Name: ER07874_3A_prokka|PROKKA_00932
Description: ER07874_3A_prokka|PROKKA_00932
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00956
Name: ER07874_3A_prokka|PROKKA_00956
Description: ER07874_3A_prokka|PROKKA_00956
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_00960
Name: ER07874_3A_prokka|PROKKA_00960
Description: ER07874_3A_prokka|PROKKA_00960
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01096
Name: ER07874_3A_prokka|PROKKA_01096
Description: ER07874_3A_prokka|PROKKA_01096
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01097
Name: ER07874_3A_prokka|PROKKA_01097
Description: ER07874_3A_prokka|PROKKA_01097
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01109
Name: ER07874_3A_prokka|PROKKA_01109
Description: ER07874_3A_prokka|PROKKA_01109
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01166
Name: ER07874_3A_prokka|PROKKA_01166
Description: ER07874_3A_prokka|PROKKA_01166
Number of features: 0
Seq('MANPAEEIKVKKDNMTITVTKKAFDSYYSLVGYKEVKSRRTTSDKSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01189
Name: ER07874_3A_prokka|PROKKA_01189
Description: ER07874_3A_prokka|PROKKA_01189
Number of features: 0
Seq('MVTKEFLKTKLECSDMYAQKLIDEAQGDENRLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01193
Name: ER07874_3A_prokka|PROKKA_01193
Description: ER07874_3A_prokka|PROKKA_01193
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRNAMHAVKVEKILKSPFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01199
Name: ER07874_3A_prokka|PROKKA_01199
Description: ER07874_3A_prokka|PROKKA_01199
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFMYYKECFFKE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01200
Name: ER07874_3A_prokka|PROKKA_01200
Description: ER07874_3A_prokka|PROKKA_01200
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01206
Name: ER07874_3A_prokka|PROKKA_01206
Description: ER07874_3A_prokka|PROKKA_01206
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNYLPELPSLDTTL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01260
Name: ER07874_3A_prokka|PROKKA_01260
Description: ER07874_3A_prokka|PROKKA_01260
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01261
Name: ER07874_3A_prokka|PROKKA_01261
Description: ER07874_3A_prokka|PROKKA_01261
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01278
Name: ER07874_3A_prokka|PROKKA_01278
Description: ER07874_3A_prokka|PROKKA_01278
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01301
Name: ER07874_3A_prokka|PROKKA_01301
Description: ER07874_3A_prokka|PROKKA_01301
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01406
Name: ER07874_3A_prokka|PROKKA_01406
Description: ER07874_3A_prokka|PROKKA_01406
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01421
Name: ER07874_3A_prokka|PROKKA_01421
Description: ER07874_3A_prokka|PROKKA_01421
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01422
Name: ER07874_3A_prokka|PROKKA_01422
Description: ER07874_3A_prokka|PROKKA_01422
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01453
Name: ER07874_3A_prokka|PROKKA_01453
Description: ER07874_3A_prokka|PROKKA_01453
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01469
Name: ER07874_3A_prokka|PROKKA_01469
Description: ER07874_3A_prokka|PROKKA_01469
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01473
Name: ER07874_3A_prokka|PROKKA_01473
Description: ER07874_3A_prokka|PROKKA_01473
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01504
Name: ER07874_3A_prokka|PROKKA_01504
Description: ER07874_3A_prokka|PROKKA_01504
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01734
Name: ER07874_3A_prokka|PROKKA_01734
Description: ER07874_3A_prokka|PROKKA_01734
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01901
Name: ER07874_3A_prokka|PROKKA_01901
Description: ER07874_3A_prokka|PROKKA_01901
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_01918
Name: ER07874_3A_prokka|PROKKA_01918
Description: ER07874_3A_prokka|PROKKA_01918
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02042
Name: ER07874_3A_prokka|PROKKA_02042
Description: ER07874_3A_prokka|PROKKA_02042
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02208
Name: ER07874_3A_prokka|PROKKA_02208
Description: ER07874_3A_prokka|PROKKA_02208
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02227
Name: ER07874_3A_prokka|PROKKA_02227
Description: ER07874_3A_prokka|PROKKA_02227
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02302
Name: ER07874_3A_prokka|PROKKA_02302
Description: ER07874_3A_prokka|PROKKA_02302
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02386
Name: ER07874_3A_prokka|PROKKA_02386
Description: ER07874_3A_prokka|PROKKA_02386
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02424
Name: ER07874_3A_prokka|PROKKA_02424
Description: ER07874_3A_prokka|PROKKA_02424
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02531
Name: ER07874_3A_prokka|PROKKA_02531
Description: ER07874_3A_prokka|PROKKA_02531
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02595
Name: ER07874_3A_prokka|PROKKA_02595
Description: ER07874_3A_prokka|PROKKA_02595
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02604
Name: ER07874_3A_prokka|PROKKA_02604
Description: ER07874_3A_prokka|PROKKA_02604
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02749
Name: ER07874_3A_prokka|PROKKA_02749
Description: ER07874_3A_prokka|PROKKA_02749
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02781
Name: ER07874_3A_prokka|PROKKA_02781
Description: ER07874_3A_prokka|PROKKA_02781
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02794
Name: ER07874_3A_prokka|PROKKA_02794
Description: ER07874_3A_prokka|PROKKA_02794
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02819
Name: ER07874_3A_prokka|PROKKA_02819
Description: ER07874_3A_prokka|PROKKA_02819
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASQKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02826
Name: ER07874_3A_prokka|PROKKA_02826
Description: ER07874_3A_prokka|PROKKA_02826
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02834
Name: ER07874_3A_prokka|PROKKA_02834
Description: ER07874_3A_prokka|PROKKA_02834
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07874_3A_prokka|PROKKA_02840
Name: ER07874_3A_prokka|PROKKA_02840
Description: ER07874_3A_prokka|PROKKA_02840
Number of features: 0
Seq('MTIKELEEKFNISRYFVVKHDRDWETGEIIDTCIVLDEYADHINIEVEEVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_00030
Name: ER07993_3A_prokka|PROKKA_00030
Description: ER07993_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_00039
Name: ER07993_3A_prokka|PROKKA_00039
Description: ER07993_3A_prokka|PROKKA_00039
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_00212
Name: ER07993_3A_prokka|PROKKA_00212
Description: ER07993_3A_prokka|PROKKA_00212
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_00336
Name: ER07993_3A_prokka|PROKKA_00336
Description: ER07993_3A_prokka|PROKKA_00336
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_00353
Name: ER07993_3A_prokka|PROKKA_00353
Description: ER07993_3A_prokka|PROKKA_00353
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_00519
Name: ER07993_3A_prokka|PROKKA_00519
Description: ER07993_3A_prokka|PROKKA_00519
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_00724
Name: ER07993_3A_prokka|PROKKA_00724
Description: ER07993_3A_prokka|PROKKA_00724
Number of features: 0
Seq('MKNYLTYIGTISFITLAVALVANVFIAFALYILASAYGIKLLEVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_00768
Name: ER07993_3A_prokka|PROKKA_00768
Description: ER07993_3A_prokka|PROKKA_00768
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_00795
Name: ER07993_3A_prokka|PROKKA_00795
Description: ER07993_3A_prokka|PROKKA_00795
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_00901
Name: ER07993_3A_prokka|PROKKA_00901
Description: ER07993_3A_prokka|PROKKA_00901
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_00941
Name: ER07993_3A_prokka|PROKKA_00941
Description: ER07993_3A_prokka|PROKKA_00941
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01023
Name: ER07993_3A_prokka|PROKKA_01023
Description: ER07993_3A_prokka|PROKKA_01023
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01035
Name: ER07993_3A_prokka|PROKKA_01035
Description: ER07993_3A_prokka|PROKKA_01035
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01036
Name: ER07993_3A_prokka|PROKKA_01036
Description: ER07993_3A_prokka|PROKKA_01036
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01171
Name: ER07993_3A_prokka|PROKKA_01171
Description: ER07993_3A_prokka|PROKKA_01171
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFRFDKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01175
Name: ER07993_3A_prokka|PROKKA_01175
Description: ER07993_3A_prokka|PROKKA_01175
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01199
Name: ER07993_3A_prokka|PROKKA_01199
Description: ER07993_3A_prokka|PROKKA_01199
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01304
Name: ER07993_3A_prokka|PROKKA_01304
Description: ER07993_3A_prokka|PROKKA_01304
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01371
Name: ER07993_3A_prokka|PROKKA_01371
Description: ER07993_3A_prokka|PROKKA_01371
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01374
Name: ER07993_3A_prokka|PROKKA_01374
Description: ER07993_3A_prokka|PROKKA_01374
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01409
Name: ER07993_3A_prokka|PROKKA_01409
Description: ER07993_3A_prokka|PROKKA_01409
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01481
Name: ER07993_3A_prokka|PROKKA_01481
Description: ER07993_3A_prokka|PROKKA_01481
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01644
Name: ER07993_3A_prokka|PROKKA_01644
Description: ER07993_3A_prokka|PROKKA_01644
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01659
Name: ER07993_3A_prokka|PROKKA_01659
Description: ER07993_3A_prokka|PROKKA_01659
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01701
Name: ER07993_3A_prokka|PROKKA_01701
Description: ER07993_3A_prokka|PROKKA_01701
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01753
Name: ER07993_3A_prokka|PROKKA_01753
Description: ER07993_3A_prokka|PROKKA_01753
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01825
Name: ER07993_3A_prokka|PROKKA_01825
Description: ER07993_3A_prokka|PROKKA_01825
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01829
Name: ER07993_3A_prokka|PROKKA_01829
Description: ER07993_3A_prokka|PROKKA_01829
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01846
Name: ER07993_3A_prokka|PROKKA_01846
Description: ER07993_3A_prokka|PROKKA_01846
Number of features: 0
Seq('MRIFIYDLIVLLFAFLISIYIIDDGVIINALGIFGMYKIIDSFSENIIKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01847
Name: ER07993_3A_prokka|PROKKA_01847
Description: ER07993_3A_prokka|PROKKA_01847
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01851
Name: ER07993_3A_prokka|PROKKA_01851
Description: ER07993_3A_prokka|PROKKA_01851
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSENEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01865
Name: ER07993_3A_prokka|PROKKA_01865
Description: ER07993_3A_prokka|PROKKA_01865
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01869
Name: ER07993_3A_prokka|PROKKA_01869
Description: ER07993_3A_prokka|PROKKA_01869
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRNAMHAVKVEKILKSPFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01875
Name: ER07993_3A_prokka|PROKKA_01875
Description: ER07993_3A_prokka|PROKKA_01875
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01900
Name: ER07993_3A_prokka|PROKKA_01900
Description: ER07993_3A_prokka|PROKKA_01900
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01902
Name: ER07993_3A_prokka|PROKKA_01902
Description: ER07993_3A_prokka|PROKKA_01902
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_01952
Name: ER07993_3A_prokka|PROKKA_01952
Description: ER07993_3A_prokka|PROKKA_01952
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_02076
Name: ER07993_3A_prokka|PROKKA_02076
Description: ER07993_3A_prokka|PROKKA_02076
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_02089
Name: ER07993_3A_prokka|PROKKA_02089
Description: ER07993_3A_prokka|PROKKA_02089
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_02120
Name: ER07993_3A_prokka|PROKKA_02120
Description: ER07993_3A_prokka|PROKKA_02120
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_02275
Name: ER07993_3A_prokka|PROKKA_02275
Description: ER07993_3A_prokka|PROKKA_02275
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_02340
Name: ER07993_3A_prokka|PROKKA_02340
Description: ER07993_3A_prokka|PROKKA_02340
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_02450
Name: ER07993_3A_prokka|PROKKA_02450
Description: ER07993_3A_prokka|PROKKA_02450
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_02488
Name: ER07993_3A_prokka|PROKKA_02488
Description: ER07993_3A_prokka|PROKKA_02488
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_02572
Name: ER07993_3A_prokka|PROKKA_02572
Description: ER07993_3A_prokka|PROKKA_02572
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER07993_3A_prokka|PROKKA_02594
Name: ER07993_3A_prokka|PROKKA_02594
Description: ER07993_3A_prokka|PROKKA_02594
Number of features: 0
Seq('MQTILTEFEETHALYMRRKNMKQYNIFNQSFK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00029
Name: ER08039_3A_prokka|PROKKA_00029
Description: ER08039_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00038
Name: ER08039_3A_prokka|PROKKA_00038
Description: ER08039_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00117
Name: ER08039_3A_prokka|PROKKA_00117
Description: ER08039_3A_prokka|PROKKA_00117
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00215
Name: ER08039_3A_prokka|PROKKA_00215
Description: ER08039_3A_prokka|PROKKA_00215
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00267
Name: ER08039_3A_prokka|PROKKA_00267
Description: ER08039_3A_prokka|PROKKA_00267
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00366
Name: ER08039_3A_prokka|PROKKA_00366
Description: ER08039_3A_prokka|PROKKA_00366
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00405
Name: ER08039_3A_prokka|PROKKA_00405
Description: ER08039_3A_prokka|PROKKA_00405
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00535
Name: ER08039_3A_prokka|PROKKA_00535
Description: ER08039_3A_prokka|PROKKA_00535
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00571
Name: ER08039_3A_prokka|PROKKA_00571
Description: ER08039_3A_prokka|PROKKA_00571
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00789
Name: ER08039_3A_prokka|PROKKA_00789
Description: ER08039_3A_prokka|PROKKA_00789
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00833
Name: ER08039_3A_prokka|PROKKA_00833
Description: ER08039_3A_prokka|PROKKA_00833
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00942
Name: ER08039_3A_prokka|PROKKA_00942
Description: ER08039_3A_prokka|PROKKA_00942
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_00981
Name: ER08039_3A_prokka|PROKKA_00981
Description: ER08039_3A_prokka|PROKKA_00981
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01061
Name: ER08039_3A_prokka|PROKKA_01061
Description: ER08039_3A_prokka|PROKKA_01061
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01074
Name: ER08039_3A_prokka|PROKKA_01074
Description: ER08039_3A_prokka|PROKKA_01074
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01075
Name: ER08039_3A_prokka|PROKKA_01075
Description: ER08039_3A_prokka|PROKKA_01075
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01211
Name: ER08039_3A_prokka|PROKKA_01211
Description: ER08039_3A_prokka|PROKKA_01211
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01215
Name: ER08039_3A_prokka|PROKKA_01215
Description: ER08039_3A_prokka|PROKKA_01215
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01219
Name: ER08039_3A_prokka|PROKKA_01219
Description: ER08039_3A_prokka|PROKKA_01219
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01221
Name: ER08039_3A_prokka|PROKKA_01221
Description: ER08039_3A_prokka|PROKKA_01221
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01245
Name: ER08039_3A_prokka|PROKKA_01245
Description: ER08039_3A_prokka|PROKKA_01245
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01339
Name: ER08039_3A_prokka|PROKKA_01339
Description: ER08039_3A_prokka|PROKKA_01339
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01351
Name: ER08039_3A_prokka|PROKKA_01351
Description: ER08039_3A_prokka|PROKKA_01351
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01400
Name: ER08039_3A_prokka|PROKKA_01400
Description: ER08039_3A_prokka|PROKKA_01400
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01408
Name: ER08039_3A_prokka|PROKKA_01408
Description: ER08039_3A_prokka|PROKKA_01408
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01428
Name: ER08039_3A_prokka|PROKKA_01428
Description: ER08039_3A_prokka|PROKKA_01428
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01456
Name: ER08039_3A_prokka|PROKKA_01456
Description: ER08039_3A_prokka|PROKKA_01456
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01483
Name: ER08039_3A_prokka|PROKKA_01483
Description: ER08039_3A_prokka|PROKKA_01483
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01520
Name: ER08039_3A_prokka|PROKKA_01520
Description: ER08039_3A_prokka|PROKKA_01520
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01590
Name: ER08039_3A_prokka|PROKKA_01590
Description: ER08039_3A_prokka|PROKKA_01590
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01756
Name: ER08039_3A_prokka|PROKKA_01756
Description: ER08039_3A_prokka|PROKKA_01756
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01763
Name: ER08039_3A_prokka|PROKKA_01763
Description: ER08039_3A_prokka|PROKKA_01763
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01782
Name: ER08039_3A_prokka|PROKKA_01782
Description: ER08039_3A_prokka|PROKKA_01782
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01817
Name: ER08039_3A_prokka|PROKKA_01817
Description: ER08039_3A_prokka|PROKKA_01817
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01869
Name: ER08039_3A_prokka|PROKKA_01869
Description: ER08039_3A_prokka|PROKKA_01869
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01941
Name: ER08039_3A_prokka|PROKKA_01941
Description: ER08039_3A_prokka|PROKKA_01941
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01946
Name: ER08039_3A_prokka|PROKKA_01946
Description: ER08039_3A_prokka|PROKKA_01946
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01962
Name: ER08039_3A_prokka|PROKKA_01962
Description: ER08039_3A_prokka|PROKKA_01962
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_01982
Name: ER08039_3A_prokka|PROKKA_01982
Description: ER08039_3A_prokka|PROKKA_01982
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_02011
Name: ER08039_3A_prokka|PROKKA_02011
Description: ER08039_3A_prokka|PROKKA_02011
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_02013
Name: ER08039_3A_prokka|PROKKA_02013
Description: ER08039_3A_prokka|PROKKA_02013
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_02062
Name: ER08039_3A_prokka|PROKKA_02062
Description: ER08039_3A_prokka|PROKKA_02062
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_02182
Name: ER08039_3A_prokka|PROKKA_02182
Description: ER08039_3A_prokka|PROKKA_02182
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_02206
Name: ER08039_3A_prokka|PROKKA_02206
Description: ER08039_3A_prokka|PROKKA_02206
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_02237
Name: ER08039_3A_prokka|PROKKA_02237
Description: ER08039_3A_prokka|PROKKA_02237
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_02392
Name: ER08039_3A_prokka|PROKKA_02392
Description: ER08039_3A_prokka|PROKKA_02392
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_02601
Name: ER08039_3A_prokka|PROKKA_02601
Description: ER08039_3A_prokka|PROKKA_02601
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08039_3A_prokka|PROKKA_02688
Name: ER08039_3A_prokka|PROKKA_02688
Description: ER08039_3A_prokka|PROKKA_02688
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00016
Name: ER08085_3A_prokka|PROKKA_00016
Description: ER08085_3A_prokka|PROKKA_00016
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00068
Name: ER08085_3A_prokka|PROKKA_00068
Description: ER08085_3A_prokka|PROKKA_00068
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPYHRRTYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00071
Name: ER08085_3A_prokka|PROKKA_00071
Description: ER08085_3A_prokka|PROKKA_00071
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00075
Name: ER08085_3A_prokka|PROKKA_00075
Description: ER08085_3A_prokka|PROKKA_00075
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00096
Name: ER08085_3A_prokka|PROKKA_00096
Description: ER08085_3A_prokka|PROKKA_00096
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00114
Name: ER08085_3A_prokka|PROKKA_00114
Description: ER08085_3A_prokka|PROKKA_00114
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00280
Name: ER08085_3A_prokka|PROKKA_00280
Description: ER08085_3A_prokka|PROKKA_00280
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00404
Name: ER08085_3A_prokka|PROKKA_00404
Description: ER08085_3A_prokka|PROKKA_00404
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00421
Name: ER08085_3A_prokka|PROKKA_00421
Description: ER08085_3A_prokka|PROKKA_00421
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00588
Name: ER08085_3A_prokka|PROKKA_00588
Description: ER08085_3A_prokka|PROKKA_00588
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00818
Name: ER08085_3A_prokka|PROKKA_00818
Description: ER08085_3A_prokka|PROKKA_00818
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00841
Name: ER08085_3A_prokka|PROKKA_00841
Description: ER08085_3A_prokka|PROKKA_00841
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00842
Name: ER08085_3A_prokka|PROKKA_00842
Description: ER08085_3A_prokka|PROKKA_00842
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00865
Name: ER08085_3A_prokka|PROKKA_00865
Description: ER08085_3A_prokka|PROKKA_00865
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00896
Name: ER08085_3A_prokka|PROKKA_00896
Description: ER08085_3A_prokka|PROKKA_00896
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00897
Name: ER08085_3A_prokka|PROKKA_00897
Description: ER08085_3A_prokka|PROKKA_00897
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_00912
Name: ER08085_3A_prokka|PROKKA_00912
Description: ER08085_3A_prokka|PROKKA_00912
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01017
Name: ER08085_3A_prokka|PROKKA_01017
Description: ER08085_3A_prokka|PROKKA_01017
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01056
Name: ER08085_3A_prokka|PROKKA_01056
Description: ER08085_3A_prokka|PROKKA_01056
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01057
Name: ER08085_3A_prokka|PROKKA_01057
Description: ER08085_3A_prokka|PROKKA_01057
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01106
Name: ER08085_3A_prokka|PROKKA_01106
Description: ER08085_3A_prokka|PROKKA_01106
Number of features: 0
Seq('MNQVPNDKLTVKESWTAGEISYSKETVDKIENSIKIRFLS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01114
Name: ER08085_3A_prokka|PROKKA_01114
Description: ER08085_3A_prokka|PROKKA_01114
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENEQHL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01115
Name: ER08085_3A_prokka|PROKKA_01115
Description: ER08085_3A_prokka|PROKKA_01115
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01138
Name: ER08085_3A_prokka|PROKKA_01138
Description: ER08085_3A_prokka|PROKKA_01138
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01204
Name: ER08085_3A_prokka|PROKKA_01204
Description: ER08085_3A_prokka|PROKKA_01204
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01216
Name: ER08085_3A_prokka|PROKKA_01216
Description: ER08085_3A_prokka|PROKKA_01216
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01217
Name: ER08085_3A_prokka|PROKKA_01217
Description: ER08085_3A_prokka|PROKKA_01217
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01353
Name: ER08085_3A_prokka|PROKKA_01353
Description: ER08085_3A_prokka|PROKKA_01353
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01357
Name: ER08085_3A_prokka|PROKKA_01357
Description: ER08085_3A_prokka|PROKKA_01357
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01381
Name: ER08085_3A_prokka|PROKKA_01381
Description: ER08085_3A_prokka|PROKKA_01381
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01474
Name: ER08085_3A_prokka|PROKKA_01474
Description: ER08085_3A_prokka|PROKKA_01474
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01486
Name: ER08085_3A_prokka|PROKKA_01486
Description: ER08085_3A_prokka|PROKKA_01486
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01533
Name: ER08085_3A_prokka|PROKKA_01533
Description: ER08085_3A_prokka|PROKKA_01533
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01541
Name: ER08085_3A_prokka|PROKKA_01541
Description: ER08085_3A_prokka|PROKKA_01541
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01560
Name: ER08085_3A_prokka|PROKKA_01560
Description: ER08085_3A_prokka|PROKKA_01560
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01575
Name: ER08085_3A_prokka|PROKKA_01575
Description: ER08085_3A_prokka|PROKKA_01575
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01583
Name: ER08085_3A_prokka|PROKKA_01583
Description: ER08085_3A_prokka|PROKKA_01583
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01588
Name: ER08085_3A_prokka|PROKKA_01588
Description: ER08085_3A_prokka|PROKKA_01588
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01615
Name: ER08085_3A_prokka|PROKKA_01615
Description: ER08085_3A_prokka|PROKKA_01615
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01618
Name: ER08085_3A_prokka|PROKKA_01618
Description: ER08085_3A_prokka|PROKKA_01618
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01653
Name: ER08085_3A_prokka|PROKKA_01653
Description: ER08085_3A_prokka|PROKKA_01653
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01727
Name: ER08085_3A_prokka|PROKKA_01727
Description: ER08085_3A_prokka|PROKKA_01727
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01885
Name: ER08085_3A_prokka|PROKKA_01885
Description: ER08085_3A_prokka|PROKKA_01885
Number of features: 0
Seq('MDFIKRKRMPIESFTHQFEEITYLSDDLQVKALMMTPHHEVNRIVVYL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01897
Name: ER08085_3A_prokka|PROKKA_01897
Description: ER08085_3A_prokka|PROKKA_01897
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01911
Name: ER08085_3A_prokka|PROKKA_01911
Description: ER08085_3A_prokka|PROKKA_01911
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_01953
Name: ER08085_3A_prokka|PROKKA_01953
Description: ER08085_3A_prokka|PROKKA_01953
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02005
Name: ER08085_3A_prokka|PROKKA_02005
Description: ER08085_3A_prokka|PROKKA_02005
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02079
Name: ER08085_3A_prokka|PROKKA_02079
Description: ER08085_3A_prokka|PROKKA_02079
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02083
Name: ER08085_3A_prokka|PROKKA_02083
Description: ER08085_3A_prokka|PROKKA_02083
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02099
Name: ER08085_3A_prokka|PROKKA_02099
Description: ER08085_3A_prokka|PROKKA_02099
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02117
Name: ER08085_3A_prokka|PROKKA_02117
Description: ER08085_3A_prokka|PROKKA_02117
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02143
Name: ER08085_3A_prokka|PROKKA_02143
Description: ER08085_3A_prokka|PROKKA_02143
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02145
Name: ER08085_3A_prokka|PROKKA_02145
Description: ER08085_3A_prokka|PROKKA_02145
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02198
Name: ER08085_3A_prokka|PROKKA_02198
Description: ER08085_3A_prokka|PROKKA_02198
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02306
Name: ER08085_3A_prokka|PROKKA_02306
Description: ER08085_3A_prokka|PROKKA_02306
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02325
Name: ER08085_3A_prokka|PROKKA_02325
Description: ER08085_3A_prokka|PROKKA_02325
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02338
Name: ER08085_3A_prokka|PROKKA_02338
Description: ER08085_3A_prokka|PROKKA_02338
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02370
Name: ER08085_3A_prokka|PROKKA_02370
Description: ER08085_3A_prokka|PROKKA_02370
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02517
Name: ER08085_3A_prokka|PROKKA_02517
Description: ER08085_3A_prokka|PROKKA_02517
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02526
Name: ER08085_3A_prokka|PROKKA_02526
Description: ER08085_3A_prokka|PROKKA_02526
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02590
Name: ER08085_3A_prokka|PROKKA_02590
Description: ER08085_3A_prokka|PROKKA_02590
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02698
Name: ER08085_3A_prokka|PROKKA_02698
Description: ER08085_3A_prokka|PROKKA_02698
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02736
Name: ER08085_3A_prokka|PROKKA_02736
Description: ER08085_3A_prokka|PROKKA_02736
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08085_3A_prokka|PROKKA_02820
Name: ER08085_3A_prokka|PROKKA_02820
Description: ER08085_3A_prokka|PROKKA_02820
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00029
Name: ER08181_3A_prokka|PROKKA_00029
Description: ER08181_3A_prokka|PROKKA_00029
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00038
Name: ER08181_3A_prokka|PROKKA_00038
Description: ER08181_3A_prokka|PROKKA_00038
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00059
Name: ER08181_3A_prokka|PROKKA_00059
Description: ER08181_3A_prokka|PROKKA_00059
Number of features: 0
Seq('MNNWIKVAQISVTVINEVIDIMKEKQNGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00150
Name: ER08181_3A_prokka|PROKKA_00150
Description: ER08181_3A_prokka|PROKKA_00150
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00248
Name: ER08181_3A_prokka|PROKKA_00248
Description: ER08181_3A_prokka|PROKKA_00248
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00301
Name: ER08181_3A_prokka|PROKKA_00301
Description: ER08181_3A_prokka|PROKKA_00301
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00399
Name: ER08181_3A_prokka|PROKKA_00399
Description: ER08181_3A_prokka|PROKKA_00399
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00437
Name: ER08181_3A_prokka|PROKKA_00437
Description: ER08181_3A_prokka|PROKKA_00437
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00567
Name: ER08181_3A_prokka|PROKKA_00567
Description: ER08181_3A_prokka|PROKKA_00567
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00603
Name: ER08181_3A_prokka|PROKKA_00603
Description: ER08181_3A_prokka|PROKKA_00603
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00822
Name: ER08181_3A_prokka|PROKKA_00822
Description: ER08181_3A_prokka|PROKKA_00822
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00866
Name: ER08181_3A_prokka|PROKKA_00866
Description: ER08181_3A_prokka|PROKKA_00866
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_00974
Name: ER08181_3A_prokka|PROKKA_00974
Description: ER08181_3A_prokka|PROKKA_00974
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01013
Name: ER08181_3A_prokka|PROKKA_01013
Description: ER08181_3A_prokka|PROKKA_01013
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01093
Name: ER08181_3A_prokka|PROKKA_01093
Description: ER08181_3A_prokka|PROKKA_01093
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01106
Name: ER08181_3A_prokka|PROKKA_01106
Description: ER08181_3A_prokka|PROKKA_01106
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01107
Name: ER08181_3A_prokka|PROKKA_01107
Description: ER08181_3A_prokka|PROKKA_01107
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01242
Name: ER08181_3A_prokka|PROKKA_01242
Description: ER08181_3A_prokka|PROKKA_01242
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01246
Name: ER08181_3A_prokka|PROKKA_01246
Description: ER08181_3A_prokka|PROKKA_01246
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01250
Name: ER08181_3A_prokka|PROKKA_01250
Description: ER08181_3A_prokka|PROKKA_01250
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01252
Name: ER08181_3A_prokka|PROKKA_01252
Description: ER08181_3A_prokka|PROKKA_01252
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01276
Name: ER08181_3A_prokka|PROKKA_01276
Description: ER08181_3A_prokka|PROKKA_01276
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01371
Name: ER08181_3A_prokka|PROKKA_01371
Description: ER08181_3A_prokka|PROKKA_01371
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01383
Name: ER08181_3A_prokka|PROKKA_01383
Description: ER08181_3A_prokka|PROKKA_01383
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01432
Name: ER08181_3A_prokka|PROKKA_01432
Description: ER08181_3A_prokka|PROKKA_01432
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01440
Name: ER08181_3A_prokka|PROKKA_01440
Description: ER08181_3A_prokka|PROKKA_01440
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01488
Name: ER08181_3A_prokka|PROKKA_01488
Description: ER08181_3A_prokka|PROKKA_01488
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01515
Name: ER08181_3A_prokka|PROKKA_01515
Description: ER08181_3A_prokka|PROKKA_01515
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01552
Name: ER08181_3A_prokka|PROKKA_01552
Description: ER08181_3A_prokka|PROKKA_01552
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01623
Name: ER08181_3A_prokka|PROKKA_01623
Description: ER08181_3A_prokka|PROKKA_01623
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01789
Name: ER08181_3A_prokka|PROKKA_01789
Description: ER08181_3A_prokka|PROKKA_01789
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01796
Name: ER08181_3A_prokka|PROKKA_01796
Description: ER08181_3A_prokka|PROKKA_01796
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01816
Name: ER08181_3A_prokka|PROKKA_01816
Description: ER08181_3A_prokka|PROKKA_01816
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01851
Name: ER08181_3A_prokka|PROKKA_01851
Description: ER08181_3A_prokka|PROKKA_01851
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01903
Name: ER08181_3A_prokka|PROKKA_01903
Description: ER08181_3A_prokka|PROKKA_01903
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01975
Name: ER08181_3A_prokka|PROKKA_01975
Description: ER08181_3A_prokka|PROKKA_01975
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01979
Name: ER08181_3A_prokka|PROKKA_01979
Description: ER08181_3A_prokka|PROKKA_01979
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_01995
Name: ER08181_3A_prokka|PROKKA_01995
Description: ER08181_3A_prokka|PROKKA_01995
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02013
Name: ER08181_3A_prokka|PROKKA_02013
Description: ER08181_3A_prokka|PROKKA_02013
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02019
Name: ER08181_3A_prokka|PROKKA_02019
Description: ER08181_3A_prokka|PROKKA_02019
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02024
Name: ER08181_3A_prokka|PROKKA_02024
Description: ER08181_3A_prokka|PROKKA_02024
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02045
Name: ER08181_3A_prokka|PROKKA_02045
Description: ER08181_3A_prokka|PROKKA_02045
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02047
Name: ER08181_3A_prokka|PROKKA_02047
Description: ER08181_3A_prokka|PROKKA_02047
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02096
Name: ER08181_3A_prokka|PROKKA_02096
Description: ER08181_3A_prokka|PROKKA_02096
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02216
Name: ER08181_3A_prokka|PROKKA_02216
Description: ER08181_3A_prokka|PROKKA_02216
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02240
Name: ER08181_3A_prokka|PROKKA_02240
Description: ER08181_3A_prokka|PROKKA_02240
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02271
Name: ER08181_3A_prokka|PROKKA_02271
Description: ER08181_3A_prokka|PROKKA_02271
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02427
Name: ER08181_3A_prokka|PROKKA_02427
Description: ER08181_3A_prokka|PROKKA_02427
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02638
Name: ER08181_3A_prokka|PROKKA_02638
Description: ER08181_3A_prokka|PROKKA_02638
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02723
Name: ER08181_3A_prokka|PROKKA_02723
Description: ER08181_3A_prokka|PROKKA_02723
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08181_3A_prokka|PROKKA_02753
Name: ER08181_3A_prokka|PROKKA_02753
Description: ER08181_3A_prokka|PROKKA_02753
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00070
Name: ER08264_3A_prokka|PROKKA_00070
Description: ER08264_3A_prokka|PROKKA_00070
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00079
Name: ER08264_3A_prokka|PROKKA_00079
Description: ER08264_3A_prokka|PROKKA_00079
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00093
Name: ER08264_3A_prokka|PROKKA_00093
Description: ER08264_3A_prokka|PROKKA_00093
Number of features: 0
Seq('MKMLFFLYFFFLKLYNHFLTQPLIGDQMIVTQEQLKDIMK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00150
Name: ER08264_3A_prokka|PROKKA_00150
Description: ER08264_3A_prokka|PROKKA_00150
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00247
Name: ER08264_3A_prokka|PROKKA_00247
Description: ER08264_3A_prokka|PROKKA_00247
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00351
Name: ER08264_3A_prokka|PROKKA_00351
Description: ER08264_3A_prokka|PROKKA_00351
Number of features: 0
Seq('MNFDKVNQLLDKYKDNNGGYESFEKVSKKDRKAFADAVNALGEPLSKMAVITE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00384
Name: ER08264_3A_prokka|PROKKA_00384
Description: ER08264_3A_prokka|PROKKA_00384
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAQMMTLAKLISHF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00402
Name: ER08264_3A_prokka|PROKKA_00402
Description: ER08264_3A_prokka|PROKKA_00402
Number of features: 0
Seq('MKLYLVYVTLTSFLTILLLAISNMYVAFSVYGMMATYGFNLTGGLENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00428
Name: ER08264_3A_prokka|PROKKA_00428
Description: ER08264_3A_prokka|PROKKA_00428
Number of features: 0
Seq('MVSEEKGSITLSKEAAIIFATAKFKPFHNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00592
Name: ER08264_3A_prokka|PROKKA_00592
Description: ER08264_3A_prokka|PROKKA_00592
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00820
Name: ER08264_3A_prokka|PROKKA_00820
Description: ER08264_3A_prokka|PROKKA_00820
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00840
Name: ER08264_3A_prokka|PROKKA_00840
Description: ER08264_3A_prokka|PROKKA_00840
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00845
Name: ER08264_3A_prokka|PROKKA_00845
Description: ER08264_3A_prokka|PROKKA_00845
Number of features: 0
Seq('MSNIYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIGTFIFYKEYFYGVDD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00856
Name: ER08264_3A_prokka|PROKKA_00856
Description: ER08264_3A_prokka|PROKKA_00856
Number of features: 0
Seq('MVITKQNIKEILHCRDVYAQKMIDFANGDQEKLKKLIDDKLKEKEERPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00871
Name: ER08264_3A_prokka|PROKKA_00871
Description: ER08264_3A_prokka|PROKKA_00871
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00877
Name: ER08264_3A_prokka|PROKKA_00877
Description: ER08264_3A_prokka|PROKKA_00877
Number of features: 0
Seq('MSNTDKYLRDIASELKGIRKELQKQNATVFVDTKVDGEKLKVLTNEPLF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_00914
Name: ER08264_3A_prokka|PROKKA_00914
Description: ER08264_3A_prokka|PROKKA_00914
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01023
Name: ER08264_3A_prokka|PROKKA_01023
Description: ER08264_3A_prokka|PROKKA_01023
Number of features: 0
Seq('MRQFIKRIVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01062
Name: ER08264_3A_prokka|PROKKA_01062
Description: ER08264_3A_prokka|PROKKA_01062
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01142
Name: ER08264_3A_prokka|PROKKA_01142
Description: ER08264_3A_prokka|PROKKA_01142
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01156
Name: ER08264_3A_prokka|PROKKA_01156
Description: ER08264_3A_prokka|PROKKA_01156
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01157
Name: ER08264_3A_prokka|PROKKA_01157
Description: ER08264_3A_prokka|PROKKA_01157
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01292
Name: ER08264_3A_prokka|PROKKA_01292
Description: ER08264_3A_prokka|PROKKA_01292
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01296
Name: ER08264_3A_prokka|PROKKA_01296
Description: ER08264_3A_prokka|PROKKA_01296
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01299
Name: ER08264_3A_prokka|PROKKA_01299
Description: ER08264_3A_prokka|PROKKA_01299
Number of features: 0
Seq('MYFAQLDGEITNKQSQELLDKEYKKAIELENKNKEQKLEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01302
Name: ER08264_3A_prokka|PROKKA_01302
Description: ER08264_3A_prokka|PROKKA_01302
Number of features: 0
Seq('MSIQQLDGYISIEDFFKHMDELSKKEELEKEINQSKSKYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01324
Name: ER08264_3A_prokka|PROKKA_01324
Description: ER08264_3A_prokka|PROKKA_01324
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01430
Name: ER08264_3A_prokka|PROKKA_01430
Description: ER08264_3A_prokka|PROKKA_01430
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01495
Name: ER08264_3A_prokka|PROKKA_01495
Description: ER08264_3A_prokka|PROKKA_01495
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01532
Name: ER08264_3A_prokka|PROKKA_01532
Description: ER08264_3A_prokka|PROKKA_01532
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01603
Name: ER08264_3A_prokka|PROKKA_01603
Description: ER08264_3A_prokka|PROKKA_01603
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKEKEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01789
Name: ER08264_3A_prokka|PROKKA_01789
Description: ER08264_3A_prokka|PROKKA_01789
Number of features: 0
Seq('MAKLDLNSLDDEHVKFLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01830
Name: ER08264_3A_prokka|PROKKA_01830
Description: ER08264_3A_prokka|PROKKA_01830
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01881
Name: ER08264_3A_prokka|PROKKA_01881
Description: ER08264_3A_prokka|PROKKA_01881
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01960
Name: ER08264_3A_prokka|PROKKA_01960
Description: ER08264_3A_prokka|PROKKA_01960
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01964
Name: ER08264_3A_prokka|PROKKA_01964
Description: ER08264_3A_prokka|PROKKA_01964
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_01980
Name: ER08264_3A_prokka|PROKKA_01980
Description: ER08264_3A_prokka|PROKKA_01980
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02001
Name: ER08264_3A_prokka|PROKKA_02001
Description: ER08264_3A_prokka|PROKKA_02001
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02009
Name: ER08264_3A_prokka|PROKKA_02009
Description: ER08264_3A_prokka|PROKKA_02009
Number of features: 0
Seq('MKITNCKIKRETVIYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02025
Name: ER08264_3A_prokka|PROKKA_02025
Description: ER08264_3A_prokka|PROKKA_02025
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02027
Name: ER08264_3A_prokka|PROKKA_02027
Description: ER08264_3A_prokka|PROKKA_02027
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02077
Name: ER08264_3A_prokka|PROKKA_02077
Description: ER08264_3A_prokka|PROKKA_02077
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02192
Name: ER08264_3A_prokka|PROKKA_02192
Description: ER08264_3A_prokka|PROKKA_02192
Number of features: 0
Seq('MTYIHFSIIILITGIITHMTMYFVPFECRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02211
Name: ER08264_3A_prokka|PROKKA_02211
Description: ER08264_3A_prokka|PROKKA_02211
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02242
Name: ER08264_3A_prokka|PROKKA_02242
Description: ER08264_3A_prokka|PROKKA_02242
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02394
Name: ER08264_3A_prokka|PROKKA_02394
Description: ER08264_3A_prokka|PROKKA_02394
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02458
Name: ER08264_3A_prokka|PROKKA_02458
Description: ER08264_3A_prokka|PROKKA_02458
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02540
Name: ER08264_3A_prokka|PROKKA_02540
Description: ER08264_3A_prokka|PROKKA_02540
Number of features: 0
Seq('MKIAVIGAGVTGLAAAARIASQGHEVTIFEKIIM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02604
Name: ER08264_3A_prokka|PROKKA_02604
Description: ER08264_3A_prokka|PROKKA_02604
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02664
Name: ER08264_3A_prokka|PROKKA_02664
Description: ER08264_3A_prokka|PROKKA_02664
Number of features: 0
Seq('MAIYIFCTILVLVAVGALLTNRIRDKKDKRLDILSSVLLLISSISLLLYGVIIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02682
Name: ER08264_3A_prokka|PROKKA_02682
Description: ER08264_3A_prokka|PROKKA_02682
Number of features: 0
Seq('MIFSQNLFRRPTPARLTRIEKSLLQAHFRSVNYCQYNFVEHRTLIYVPA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08264_3A_prokka|PROKKA_02688
Name: ER08264_3A_prokka|PROKKA_02688
Description: ER08264_3A_prokka|PROKKA_02688
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00030
Name: ER08267_3A_prokka|PROKKA_00030
Description: ER08267_3A_prokka|PROKKA_00030
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00062
Name: ER08267_3A_prokka|PROKKA_00062
Description: ER08267_3A_prokka|PROKKA_00062
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00071
Name: ER08267_3A_prokka|PROKKA_00071
Description: ER08267_3A_prokka|PROKKA_00071
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00151
Name: ER08267_3A_prokka|PROKKA_00151
Description: ER08267_3A_prokka|PROKKA_00151
Number of features: 0
Seq('MSGYNLGYYVIKIYNKKTGKQISSKRIPIQRG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00250
Name: ER08267_3A_prokka|PROKKA_00250
Description: ER08267_3A_prokka|PROKKA_00250
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00305
Name: ER08267_3A_prokka|PROKKA_00305
Description: ER08267_3A_prokka|PROKKA_00305
Number of features: 0
Seq('MIFEEKLNEMYNEIANKISSMIPVEWEKVYTMAYIDDGGGEVFFNYTKQR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00403
Name: ER08267_3A_prokka|PROKKA_00403
Description: ER08267_3A_prokka|PROKKA_00403
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFAIAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00443
Name: ER08267_3A_prokka|PROKKA_00443
Description: ER08267_3A_prokka|PROKKA_00443
Number of features: 0
Seq('MGIAPEVVMWRDVGDIDGVVCGEILAHVYSVEPENLM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00572
Name: ER08267_3A_prokka|PROKKA_00572
Description: ER08267_3A_prokka|PROKKA_00572
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00608
Name: ER08267_3A_prokka|PROKKA_00608
Description: ER08267_3A_prokka|PROKKA_00608
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00718
Name: ER08267_3A_prokka|PROKKA_00718
Description: ER08267_3A_prokka|PROKKA_00718
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGGKVLMSRAS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00831
Name: ER08267_3A_prokka|PROKKA_00831
Description: ER08267_3A_prokka|PROKKA_00831
Number of features: 0
Seq('MKEKLLGTIIWSIATFYYSRMMEIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00866
Name: ER08267_3A_prokka|PROKKA_00866
Description: ER08267_3A_prokka|PROKKA_00866
Number of features: 0
Seq('MNLKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00870
Name: ER08267_3A_prokka|PROKKA_00870
Description: ER08267_3A_prokka|PROKKA_00870
Number of features: 0
Seq('MLQKFRIAKEKSKLKLNLLKHANSNLETRNNPELLRAVAELLKEINR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00876
Name: ER08267_3A_prokka|PROKKA_00876
Description: ER08267_3A_prokka|PROKKA_00876
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00898
Name: ER08267_3A_prokka|PROKKA_00898
Description: ER08267_3A_prokka|PROKKA_00898
Number of features: 0
Seq('MMWLIIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_00943
Name: ER08267_3A_prokka|PROKKA_00943
Description: ER08267_3A_prokka|PROKKA_00943
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01052
Name: ER08267_3A_prokka|PROKKA_01052
Description: ER08267_3A_prokka|PROKKA_01052
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01091
Name: ER08267_3A_prokka|PROKKA_01091
Description: ER08267_3A_prokka|PROKKA_01091
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01172
Name: ER08267_3A_prokka|PROKKA_01172
Description: ER08267_3A_prokka|PROKKA_01172
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01185
Name: ER08267_3A_prokka|PROKKA_01185
Description: ER08267_3A_prokka|PROKKA_01185
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01186
Name: ER08267_3A_prokka|PROKKA_01186
Description: ER08267_3A_prokka|PROKKA_01186
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01321
Name: ER08267_3A_prokka|PROKKA_01321
Description: ER08267_3A_prokka|PROKKA_01321
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01325
Name: ER08267_3A_prokka|PROKKA_01325
Description: ER08267_3A_prokka|PROKKA_01325
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01329
Name: ER08267_3A_prokka|PROKKA_01329
Description: ER08267_3A_prokka|PROKKA_01329
Number of features: 0
Seq('MENNDSNEVAYLLKDGKFTKVYVNQDSVSFVPG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01331
Name: ER08267_3A_prokka|PROKKA_01331
Description: ER08267_3A_prokka|PROKKA_01331
Number of features: 0
Seq('MLDSQLDGNVTAKELSESFKELVEEFESIEKAKKNSNSKDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01355
Name: ER08267_3A_prokka|PROKKA_01355
Description: ER08267_3A_prokka|PROKKA_01355
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01449
Name: ER08267_3A_prokka|PROKKA_01449
Description: ER08267_3A_prokka|PROKKA_01449
Number of features: 0
Seq('MGPNTEDDEKSAYNNVQVWDGPQQREIGFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01461
Name: ER08267_3A_prokka|PROKKA_01461
Description: ER08267_3A_prokka|PROKKA_01461
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01505
Name: ER08267_3A_prokka|PROKKA_01505
Description: ER08267_3A_prokka|PROKKA_01505
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01513
Name: ER08267_3A_prokka|PROKKA_01513
Description: ER08267_3A_prokka|PROKKA_01513
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01532
Name: ER08267_3A_prokka|PROKKA_01532
Description: ER08267_3A_prokka|PROKKA_01532
Number of features: 0
Seq('MKMKLNELEKDSKAKEGLKPSPGLKEADIFYFVFVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01534
Name: ER08267_3A_prokka|PROKKA_01534
Description: ER08267_3A_prokka|PROKKA_01534
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01562
Name: ER08267_3A_prokka|PROKKA_01562
Description: ER08267_3A_prokka|PROKKA_01562
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01589
Name: ER08267_3A_prokka|PROKKA_01589
Description: ER08267_3A_prokka|PROKKA_01589
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01627
Name: ER08267_3A_prokka|PROKKA_01627
Description: ER08267_3A_prokka|PROKKA_01627
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01698
Name: ER08267_3A_prokka|PROKKA_01698
Description: ER08267_3A_prokka|PROKKA_01698
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01824
Name: ER08267_3A_prokka|PROKKA_01824
Description: ER08267_3A_prokka|PROKKA_01824
Number of features: 0
Seq('MIVHRITGDGPIDIMVGPMWSVNKWEVLNGIDAELARRNSYQGLRYKSKVKQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01863
Name: ER08267_3A_prokka|PROKKA_01863
Description: ER08267_3A_prokka|PROKKA_01863
Number of features: 0
Seq('MKFKAIVAITLSLSLLTACGANQHKENSSKSNDTNKKTQQTDNTTQSNTEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01871
Name: ER08267_3A_prokka|PROKKA_01871
Description: ER08267_3A_prokka|PROKKA_01871
Number of features: 0
Seq('MTRERRSFSSEFKLQMVRLYKNGKPRNEIIREYDFTPSTFVNGGYKM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01890
Name: ER08267_3A_prokka|PROKKA_01890
Description: ER08267_3A_prokka|PROKKA_01890
Number of features: 0
Seq('MEKVLDLDVQVKANNNSNDSAGDERITSHSLCTPGCAKTGSFNSFCC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01925
Name: ER08267_3A_prokka|PROKKA_01925
Description: ER08267_3A_prokka|PROKKA_01925
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_01977
Name: ER08267_3A_prokka|PROKKA_01977
Description: ER08267_3A_prokka|PROKKA_01977
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02049
Name: ER08267_3A_prokka|PROKKA_02049
Description: ER08267_3A_prokka|PROKKA_02049
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02053
Name: ER08267_3A_prokka|PROKKA_02053
Description: ER08267_3A_prokka|PROKKA_02053
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02069
Name: ER08267_3A_prokka|PROKKA_02069
Description: ER08267_3A_prokka|PROKKA_02069
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02089
Name: ER08267_3A_prokka|PROKKA_02089
Description: ER08267_3A_prokka|PROKKA_02089
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPLLYFTTAWSIAGFASIGTFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02119
Name: ER08267_3A_prokka|PROKKA_02119
Description: ER08267_3A_prokka|PROKKA_02119
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02121
Name: ER08267_3A_prokka|PROKKA_02121
Description: ER08267_3A_prokka|PROKKA_02121
Number of features: 0
Seq('MNTLFNLFFDFITGILKNIGNIAAYSTCDFIMDEVEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02171
Name: ER08267_3A_prokka|PROKKA_02171
Description: ER08267_3A_prokka|PROKKA_02171
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02293
Name: ER08267_3A_prokka|PROKKA_02293
Description: ER08267_3A_prokka|PROKKA_02293
Number of features: 0
Seq('MRYIHFSIITLITGIIMHITMYFVPFESRKMPLFMTIIFTI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02317
Name: ER08267_3A_prokka|PROKKA_02317
Description: ER08267_3A_prokka|PROKKA_02317
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02348
Name: ER08267_3A_prokka|PROKKA_02348
Description: ER08267_3A_prokka|PROKKA_02348
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02461
Name: ER08267_3A_prokka|PROKKA_02461
Description: ER08267_3A_prokka|PROKKA_02461
Number of features: 0
Seq('MKDVTIIGGGPSGLYASFYAGLRDMSVRLIDVQSELGVR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02504
Name: ER08267_3A_prokka|PROKKA_02504
Description: ER08267_3A_prokka|PROKKA_02504
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02527
Name: ER08267_3A_prokka|PROKKA_02527
Description: ER08267_3A_prokka|PROKKA_02527
Number of features: 0
Seq('MKIGTIADLHIDRHNKKTSEDYLEALVEIVKYKKLDILLIAGISQIIIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02552
Name: ER08267_3A_prokka|PROKKA_02552
Description: ER08267_3A_prokka|PROKKA_02552
Number of features: 0
Seq('MKGAMAWPFLRLYILTLMFFSANAILNVFIPLRGHDLGATNTVIGIVMGHTC', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02700
Name: ER08267_3A_prokka|PROKKA_02700
Description: ER08267_3A_prokka|PROKKA_02700
Number of features: 0
Seq('MSNKNKSYDYVIIGGGSAGSVLGNRLSEDKDKEVLVLEAGRSDYFWIYLSKCLLR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02718
Name: ER08267_3A_prokka|PROKKA_02718
Description: ER08267_3A_prokka|PROKKA_02718
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08267_3A_prokka|PROKKA_02805
Name: ER08267_3A_prokka|PROKKA_02805
Description: ER08267_3A_prokka|PROKKA_02805
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00015
Name: ER08505_3A_prokka|PROKKA_00015
Description: ER08505_3A_prokka|PROKKA_00015
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00017
Name: ER08505_3A_prokka|PROKKA_00017
Description: ER08505_3A_prokka|PROKKA_00017
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00018
Name: ER08505_3A_prokka|PROKKA_00018
Description: ER08505_3A_prokka|PROKKA_00018
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00032
Name: ER08505_3A_prokka|PROKKA_00032
Description: ER08505_3A_prokka|PROKKA_00032
Number of features: 0
Seq('MPVDDPLNAFIKLLIPTKTFLKILPMIGKFVFVYSIKRVIEFSPAALLAQLEKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00052
Name: ER08505_3A_prokka|PROKKA_00052
Description: ER08505_3A_prokka|PROKKA_00052
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00076
Name: ER08505_3A_prokka|PROKKA_00076
Description: ER08505_3A_prokka|PROKKA_00076
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00077
Name: ER08505_3A_prokka|PROKKA_00077
Description: ER08505_3A_prokka|PROKKA_00077
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00083
Name: ER08505_3A_prokka|PROKKA_00083
Description: ER08505_3A_prokka|PROKKA_00083
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00102
Name: ER08505_3A_prokka|PROKKA_00102
Description: ER08505_3A_prokka|PROKKA_00102
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00103
Name: ER08505_3A_prokka|PROKKA_00103
Description: ER08505_3A_prokka|PROKKA_00103
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00138
Name: ER08505_3A_prokka|PROKKA_00138
Description: ER08505_3A_prokka|PROKKA_00138
Number of features: 0
Seq('MKLFYIVFLIIIWLNIFLGNEIIHTLTVLITTLYIVNSRKGIKNDRVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00150
Name: ER08505_3A_prokka|PROKKA_00150
Description: ER08505_3A_prokka|PROKKA_00150
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00151
Name: ER08505_3A_prokka|PROKKA_00151
Description: ER08505_3A_prokka|PROKKA_00151
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00287
Name: ER08505_3A_prokka|PROKKA_00287
Description: ER08505_3A_prokka|PROKKA_00287
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKNKLFFHFYKNYEPV', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00291
Name: ER08505_3A_prokka|PROKKA_00291
Description: ER08505_3A_prokka|PROKKA_00291
Number of features: 0
Seq('MFKVNYSILSYYPEYNIAVSWQRLREGKTIKNKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00315
Name: ER08505_3A_prokka|PROKKA_00315
Description: ER08505_3A_prokka|PROKKA_00315
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00408
Name: ER08505_3A_prokka|PROKKA_00408
Description: ER08505_3A_prokka|PROKKA_00408
Number of features: 0
Seq('MGPNTEADEKSAYNNVQVGDGPQQREIVFPISTDNASWGGTTK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00420
Name: ER08505_3A_prokka|PROKKA_00420
Description: ER08505_3A_prokka|PROKKA_00420
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00467
Name: ER08505_3A_prokka|PROKKA_00467
Description: ER08505_3A_prokka|PROKKA_00467
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00475
Name: ER08505_3A_prokka|PROKKA_00475
Description: ER08505_3A_prokka|PROKKA_00475
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00494
Name: ER08505_3A_prokka|PROKKA_00494
Description: ER08505_3A_prokka|PROKKA_00494
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEVPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00509
Name: ER08505_3A_prokka|PROKKA_00509
Description: ER08505_3A_prokka|PROKKA_00509
Number of features: 0
Seq('MSDTYKSYLLAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00517
Name: ER08505_3A_prokka|PROKKA_00517
Description: ER08505_3A_prokka|PROKKA_00517
Number of features: 0
Seq('MKLLRRLFNKKHENLIDVWHGNQWLKVKESKLKKYKVVSDREGKKYLIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00522
Name: ER08505_3A_prokka|PROKKA_00522
Description: ER08505_3A_prokka|PROKKA_00522
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00549
Name: ER08505_3A_prokka|PROKKA_00549
Description: ER08505_3A_prokka|PROKKA_00549
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00552
Name: ER08505_3A_prokka|PROKKA_00552
Description: ER08505_3A_prokka|PROKKA_00552
Number of features: 0
Seq('MKTGEQISFHDIKHNNVWYIVKIVSKYWCDSD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00587
Name: ER08505_3A_prokka|PROKKA_00587
Description: ER08505_3A_prokka|PROKKA_00587
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00661
Name: ER08505_3A_prokka|PROKKA_00661
Description: ER08505_3A_prokka|PROKKA_00661
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00830
Name: ER08505_3A_prokka|PROKKA_00830
Description: ER08505_3A_prokka|PROKKA_00830
Number of features: 0
Seq('MVRLYENGKPRNEIIREYDLTPLTLGKWIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00844
Name: ER08505_3A_prokka|PROKKA_00844
Description: ER08505_3A_prokka|PROKKA_00844
Number of features: 0
Seq('MAKLDLNSLDDEHVKLLINELKYPETHIDVNE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00886
Name: ER08505_3A_prokka|PROKKA_00886
Description: ER08505_3A_prokka|PROKKA_00886
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_00938
Name: ER08505_3A_prokka|PROKKA_00938
Description: ER08505_3A_prokka|PROKKA_00938
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01010
Name: ER08505_3A_prokka|PROKKA_01010
Description: ER08505_3A_prokka|PROKKA_01010
Number of features: 0
Seq('MQDNKQGLQANPEYTIHYLSQEIMRLTQENAMLKAYIQENKENQQCAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01014
Name: ER08505_3A_prokka|PROKKA_01014
Description: ER08505_3A_prokka|PROKKA_01014
Number of features: 0
Seq('MMDLIENGKDANEVLKMPFHYVLSIYQNKNNDISEEKAEALIDAF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01017
Name: ER08505_3A_prokka|PROKKA_01017
Description: ER08505_3A_prokka|PROKKA_01017
Number of features: 0
Seq('MAIKHASAPKAYFNITGLGFAKLTKEGAELKYSDITKTRGL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01031
Name: ER08505_3A_prokka|PROKKA_01031
Description: ER08505_3A_prokka|PROKKA_01031
Number of features: 0
Seq('MIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01049
Name: ER08505_3A_prokka|PROKKA_01049
Description: ER08505_3A_prokka|PROKKA_01049
Number of features: 0
Seq('MSKTYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01055
Name: ER08505_3A_prokka|PROKKA_01055
Description: ER08505_3A_prokka|PROKKA_01055
Number of features: 0
Seq('MLQKFRIAKEKNKLKLKLLKHASYCLERNNNPELLRAVAELLKKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01060
Name: ER08505_3A_prokka|PROKKA_01060
Description: ER08505_3A_prokka|PROKKA_01060
Number of features: 0
Seq('MDFKEVDINIEEWEMVEIPFYTEEELTYRLNNGLPITKSELEEQESKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01076
Name: ER08505_3A_prokka|PROKKA_01076
Description: ER08505_3A_prokka|PROKKA_01076
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01078
Name: ER08505_3A_prokka|PROKKA_01078
Description: ER08505_3A_prokka|PROKKA_01078
Number of features: 0
Seq('MNTLVNMFFDFIIKLAKAIGIVGGVNACSSLFDEPKVPAELTNLYDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01131
Name: ER08505_3A_prokka|PROKKA_01131
Description: ER08505_3A_prokka|PROKKA_01131
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01239
Name: ER08505_3A_prokka|PROKKA_01239
Description: ER08505_3A_prokka|PROKKA_01239
Number of features: 0
Seq('MSKSNQKIASIEQLSNNEGIISALAFDQRGALKRMMAKHQTEEPTVLKLNN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01258
Name: ER08505_3A_prokka|PROKKA_01258
Description: ER08505_3A_prokka|PROKKA_01258
Number of features: 0
Seq('MVGDHIIPWSKGGKTERGNLQMLYKHHNSLKSNY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01271
Name: ER08505_3A_prokka|PROKKA_01271
Description: ER08505_3A_prokka|PROKKA_01271
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01303
Name: ER08505_3A_prokka|PROKKA_01303
Description: ER08505_3A_prokka|PROKKA_01303
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDLEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01448
Name: ER08505_3A_prokka|PROKKA_01448
Description: ER08505_3A_prokka|PROKKA_01448
Number of features: 0
Seq('MARLNITFSPQAFEDYKYFQQNNKKNGEED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01457
Name: ER08505_3A_prokka|PROKKA_01457
Description: ER08505_3A_prokka|PROKKA_01457
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01521
Name: ER08505_3A_prokka|PROKKA_01521
Description: ER08505_3A_prokka|PROKKA_01521
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01629
Name: ER08505_3A_prokka|PROKKA_01629
Description: ER08505_3A_prokka|PROKKA_01629
Number of features: 0
Seq('MPYPIKNYQIETRDFSEMNHTKISGYLYNRKYCSYTE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01667
Name: ER08505_3A_prokka|PROKKA_01667
Description: ER08505_3A_prokka|PROKKA_01667
Number of features: 0
Seq('MMKKLAVILTLVGGLYYAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01752
Name: ER08505_3A_prokka|PROKKA_01752
Description: ER08505_3A_prokka|PROKKA_01752
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01793
Name: ER08505_3A_prokka|PROKKA_01793
Description: ER08505_3A_prokka|PROKKA_01793
Number of features: 0
Seq('MKRIWTLIGRTLTMNNEQIEAFVEVLVPIIEERINKGN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01796
Name: ER08505_3A_prokka|PROKKA_01796
Description: ER08505_3A_prokka|PROKKA_01796
Number of features: 0
Seq('MHKYIKITQLVITILSEIIIWMKESERKEVSYE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01800
Name: ER08505_3A_prokka|PROKKA_01800
Description: ER08505_3A_prokka|PROKKA_01800
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01821
Name: ER08505_3A_prokka|PROKKA_01821
Description: ER08505_3A_prokka|PROKKA_01821
Number of features: 0
Seq('MNNWIKVAQISVTIISQAIIIMKEIQDEVK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_01839
Name: ER08505_3A_prokka|PROKKA_01839
Description: ER08505_3A_prokka|PROKKA_01839
Number of features: 0
Seq('MQSIFSFMLEVIHLKTVLVSSYKNNLLIEVTLIKTEYTYNKSDSDISFR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02006
Name: ER08505_3A_prokka|PROKKA_02006
Description: ER08505_3A_prokka|PROKKA_02006
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02130
Name: ER08505_3A_prokka|PROKKA_02130
Description: ER08505_3A_prokka|PROKKA_02130
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAKW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02147
Name: ER08505_3A_prokka|PROKKA_02147
Description: ER08505_3A_prokka|PROKKA_02147
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPLKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02313
Name: ER08505_3A_prokka|PROKKA_02313
Description: ER08505_3A_prokka|PROKKA_02313
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02542
Name: ER08505_3A_prokka|PROKKA_02542
Description: ER08505_3A_prokka|PROKKA_02542
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02573
Name: ER08505_3A_prokka|PROKKA_02573
Description: ER08505_3A_prokka|PROKKA_02573
Number of features: 0
Seq('MNRLRIIKIALLIVILAEEIRSAKKIKKFTPEDSKGFPDITKDSIKEPK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02577
Name: ER08505_3A_prokka|PROKKA_02577
Description: ER08505_3A_prokka|PROKKA_02577
Number of features: 0
Seq('MVTKEFLKIKLECSDMYAQKLIDEAQGDENKLYDLFIQKLAERHTRPAIVEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02593
Name: ER08505_3A_prokka|PROKKA_02593
Description: ER08505_3A_prokka|PROKKA_02593
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02610
Name: ER08505_3A_prokka|PROKKA_02610
Description: ER08505_3A_prokka|PROKKA_02610
Number of features: 0
Seq('MPVDDPLNAFIKLLIPTKTFLKILPMIGKFVFVYSIKRVIEFSPAALLAQLEKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02613
Name: ER08505_3A_prokka|PROKKA_02613
Description: ER08505_3A_prokka|PROKKA_02613
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKER', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02627
Name: ER08505_3A_prokka|PROKKA_02627
Description: ER08505_3A_prokka|PROKKA_02627
Number of features: 0
Seq('MNIDGLDALLNQFHDMKTNIDDDVDDILQENAKEYVVRAKLKAREVMNKGY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02629
Name: ER08505_3A_prokka|PROKKA_02629
Description: ER08505_3A_prokka|PROKKA_02629
Number of features: 0
Seq('MTDLLKDVLMNLTPSVKTNDYDFEEDDTNITQLVDDTTNQELIHTSVTISYKTF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02630
Name: ER08505_3A_prokka|PROKKA_02630
Description: ER08505_3A_prokka|PROKKA_02630
Number of features: 0
Seq('MLTKMLFLTEYGLSHEADTDTEDTMDGSYNTGGSVESTMSGTAKMFYGFDDFAD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02631
Name: ER08505_3A_prokka|PROKKA_02631
Description: ER08505_3A_prokka|PROKKA_02631
Number of features: 0
Seq('MNVEINGKSLELSFGFKFLREIDNRLGLKVEQASIGQGVSMLL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02641
Name: ER08505_3A_prokka|PROKKA_02641
Description: ER08505_3A_prokka|PROKKA_02641
Number of features: 0
Seq('MDIELTKKDGTVIKLSEYGFIVNDIVIDSMQSTQSIKTKKI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02671
Name: ER08505_3A_prokka|PROKKA_02671
Description: ER08505_3A_prokka|PROKKA_02671
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02693
Name: ER08505_3A_prokka|PROKKA_02693
Description: ER08505_3A_prokka|PROKKA_02693
Number of features: 0
Seq('MAKRGKKNGKQSTSRTAKLASKVLRDKRSGKKAKSLAGSVLAQS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02698
Name: ER08505_3A_prokka|PROKKA_02698
Description: ER08505_3A_prokka|PROKKA_02698
Number of features: 0
Seq('MKITNCKIKKETIVYEVLTSGNQPFTYELPKDLSSHNARKYLEFISQKIDGDKLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02753
Name: ER08505_3A_prokka|PROKKA_02753
Description: ER08505_3A_prokka|PROKKA_02753
Number of features: 0
Seq('MMWLVIAIILLVILLFGVMLQAEQLKGDVKVKEREIEILRSRLRHFED', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02773
Name: ER08505_3A_prokka|PROKKA_02773
Description: ER08505_3A_prokka|PROKKA_02773
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02774
Name: ER08505_3A_prokka|PROKKA_02774
Description: ER08505_3A_prokka|PROKKA_02774
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02778
Name: ER08505_3A_prokka|PROKKA_02778
Description: ER08505_3A_prokka|PROKKA_02778
Number of features: 0
Seq('MLNLKELREEKGITRYQLAKLTELQNSTIRSIETEVKNPGFLTVKKNMRCTTS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02780
Name: ER08505_3A_prokka|PROKKA_02780
Description: ER08505_3A_prokka|PROKKA_02780
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02784
Name: ER08505_3A_prokka|PROKKA_02784
Description: ER08505_3A_prokka|PROKKA_02784
Number of features: 0
Seq('MFRSATEVYDTTSAMGRLFVTLVGAMAEWERTTIQERTAMGRRASARKGFS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02790
Name: ER08505_3A_prokka|PROKKA_02790
Description: ER08505_3A_prokka|PROKKA_02790
Number of features: 0
Seq('MMIKQILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDFAKLAISLI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02820
Name: ER08505_3A_prokka|PROKKA_02820
Description: ER08505_3A_prokka|PROKKA_02820
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02824
Name: ER08505_3A_prokka|PROKKA_02824
Description: ER08505_3A_prokka|PROKKA_02824
Number of features: 0
Seq('MEFAQPIYNSADKFKTEEDYKAEKLLAPYKKAKTLERQVYELNKIQDKLPEN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02835
Name: ER08505_3A_prokka|PROKKA_02835
Description: ER08505_3A_prokka|PROKKA_02835
Number of features: 0
Seq('MDAFDKYYLFDHDGNKMFSVTPHFKDGRHLVVE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02844
Name: ER08505_3A_prokka|PROKKA_02844
Description: ER08505_3A_prokka|PROKKA_02844
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02845
Name: ER08505_3A_prokka|PROKKA_02845
Description: ER08505_3A_prokka|PROKKA_02845
Number of features: 0
Seq('MPPHIQQMLYEIQLKAGIPQKLMEMQGLINDETTKEEKKENE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02851
Name: ER08505_3A_prokka|PROKKA_02851
Description: ER08505_3A_prokka|PROKKA_02851
Number of features: 0
Seq('MQDLKKIHEIAVKIIELAEKEKWSEEELLTTIDLLHLQNKNTLSLTVDGKKII', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02903
Name: ER08505_3A_prokka|PROKKA_02903
Description: ER08505_3A_prokka|PROKKA_02903
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02904
Name: ER08505_3A_prokka|PROKKA_02904
Description: ER08505_3A_prokka|PROKKA_02904
Number of features: 0
Seq('MRRAHAKKPLTTKSCKVKEGYMRRAHAKKPLTTKGCKEEEGYMHRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02921
Name: ER08505_3A_prokka|PROKKA_02921
Description: ER08505_3A_prokka|PROKKA_02921
Number of features: 0
Seq('MVAKHVRLLPFYLQYSDEGYLTSIYLVEILIAPSESVT', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_02944
Name: ER08505_3A_prokka|PROKKA_02944
Description: ER08505_3A_prokka|PROKKA_02944
Number of features: 0
Seq('MRQFIKRTVKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_03049
Name: ER08505_3A_prokka|PROKKA_03049
Description: ER08505_3A_prokka|PROKKA_03049
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_03064
Name: ER08505_3A_prokka|PROKKA_03064
Description: ER08505_3A_prokka|PROKKA_03064
Number of features: 0
Seq('MTEQMYLILFLLSLPLLLFIGRKTHFYCLDKKNGRR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_03065
Name: ER08505_3A_prokka|PROKKA_03065
Description: ER08505_3A_prokka|PROKKA_03065
Number of features: 0
Seq('MLDIIKTLLEHQVLAVLIIPEVLKQLREWHLGYLDRKPNNKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_03082
Name: ER08505_3A_prokka|PROKKA_03082
Description: ER08505_3A_prokka|PROKKA_03082
Number of features: 0
Seq('MNVEINGKSLELSFGFKFLREIDNRLGLKVEQASIGQGVSCCL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_03091
Name: ER08505_3A_prokka|PROKKA_03091
Description: ER08505_3A_prokka|PROKKA_03091
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER08505_3A_prokka|PROKKA_03113
Name: ER08505_3A_prokka|PROKKA_03113
Description: ER08505_3A_prokka|PROKKA_03113
Number of features: 0
Seq('MKIKTFATFTHRQLDKQVNRFLKNDIHVLEIQTHSNWLYISAIVFYEDK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00003
Name: ER09113_3A_prokka|PROKKA_00003
Description: ER09113_3A_prokka|PROKKA_00003
Number of features: 0
Seq('MLAATNEAMNKADELTQERLGKHTQGLNIPGM', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00014
Name: ER09113_3A_prokka|PROKKA_00014
Description: ER09113_3A_prokka|PROKKA_00014
Number of features: 0
Seq('MIQAVIDRETLSMDMVSRDIIRANILKRLLPVINYY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00057
Name: ER09113_3A_prokka|PROKKA_00057
Description: ER09113_3A_prokka|PROKKA_00057
Number of features: 0
Seq('MEQYTIKFNQINHKLTDLRSLNIGHLYAYQFEKIALIGVMVLAKPHY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00093
Name: ER09113_3A_prokka|PROKKA_00093
Description: ER09113_3A_prokka|PROKKA_00093
Number of features: 0
Seq('MHFLKEGDLTIYFYIWNKKEYLTSDLFDLTESEKQEINHQVIDEIEEEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00094
Name: ER09113_3A_prokka|PROKKA_00094
Description: ER09113_3A_prokka|PROKKA_00094
Number of features: 0
Seq('MSNKKKIKVTLAMINVLLTAVELYLQWQLSKSENEL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00101
Name: ER09113_3A_prokka|PROKKA_00101
Description: ER09113_3A_prokka|PROKKA_00101
Number of features: 0
Seq('MLESREQLSVEEYETFFNRFDNQEFDFERELTQDPYSKVYLYSIEDHIRTYKIEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00110
Name: ER09113_3A_prokka|PROKKA_00110
Description: ER09113_3A_prokka|PROKKA_00110
Number of features: 0
Seq('MNNWIIVAQLSVTVINEIIDIMKEKQKGGK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00274
Name: ER09113_3A_prokka|PROKKA_00274
Description: ER09113_3A_prokka|PROKKA_00274
Number of features: 0
Seq('MVESMLTFMLGPLRQITDFYMEHLLVSNSIVIAGYFATGIFKKKKVVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00328
Name: ER09113_3A_prokka|PROKKA_00328
Description: ER09113_3A_prokka|PROKKA_00328
Number of features: 0
Seq('MEKIKKINKIFLSFEVIPFAMMILLAFPPSN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00413
Name: ER09113_3A_prokka|PROKKA_00413
Description: ER09113_3A_prokka|PROKKA_00413
Number of features: 0
Seq('MRQLMGDFGIDREFKAIKKASNSNMLLDAQMMTLAKLISHF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00432
Name: ER09113_3A_prokka|PROKKA_00432
Description: ER09113_3A_prokka|PROKKA_00432
Number of features: 0
Seq('MVPEEKGSITLSKEAAIIFATAKFKPFKNRIKNNPQKTNPFLKLHENKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00592
Name: ER09113_3A_prokka|PROKKA_00592
Description: ER09113_3A_prokka|PROKKA_00592
Number of features: 0
Seq('MIIYRQYHHEGAPVYEIITKTFQHVSIKCDDSFSDTEIFKLLSLLQDDIDHMKVS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00628
Name: ER09113_3A_prokka|PROKKA_00628
Description: ER09113_3A_prokka|PROKKA_00628
Number of features: 0
Seq('MKDSENLVFFGFEVLFVFYKMAYIYEALIKYGIVN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00718
Name: ER09113_3A_prokka|PROKKA_00718
Description: ER09113_3A_prokka|PROKKA_00718
Number of features: 0
Seq('MIYTVTFNPSIDYVIFTNDFKIDGLNRATATYKFAGEKVLMSHVF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00811
Name: ER09113_3A_prokka|PROKKA_00811
Description: ER09113_3A_prokka|PROKKA_00811
Number of features: 0
Seq('MEEREISDYELIFESSTLNWTNSMRIDIVNLRK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00812
Name: ER09113_3A_prokka|PROKKA_00812
Description: ER09113_3A_prokka|PROKKA_00812
Number of features: 0
Seq('MVRLYENGKPRNEILREYDLTPSTIGKWIKHHQNTGHSIIKITYQMKKKS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00848
Name: ER09113_3A_prokka|PROKKA_00848
Description: ER09113_3A_prokka|PROKKA_00848
Number of features: 0
Seq('MKENLLGTIIWSIATFYYSRMMKIMNLAILKIKIGGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00874
Name: ER09113_3A_prokka|PROKKA_00874
Description: ER09113_3A_prokka|PROKKA_00874
Number of features: 0
Seq('MKSKSKQPPNKYVEAFKPYLLTLLYLAIFITLYLIYGSGDTHNNFIYNEF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_00976
Name: ER09113_3A_prokka|PROKKA_00976
Description: ER09113_3A_prokka|PROKKA_00976
Number of features: 0
Seq('MRQFIKRIIKTILVGYVIKFIRNKLSGKSSHPTDNKHN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01015
Name: ER09113_3A_prokka|PROKKA_01015
Description: ER09113_3A_prokka|PROKKA_01015
Number of features: 0
Seq('MRRAHEKKPLTTKSCKVKEGYMRRAQAKRPLTTKSCKVKEGYMRRAHA', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01016
Name: ER09113_3A_prokka|PROKKA_01016
Description: ER09113_3A_prokka|PROKKA_01016
Number of features: 0
Seq('MSNENQNKKAAEKAKEVEEKLKDKKEEKTEDINQTKQDIQDTLN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01107
Name: ER09113_3A_prokka|PROKKA_01107
Description: ER09113_3A_prokka|PROKKA_01107
Number of features: 0
Seq('MEGLFNAIKDTVTAAINNDGAKLGTSIVSIVENGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01108
Name: ER09113_3A_prokka|PROKKA_01108
Description: ER09113_3A_prokka|PROKKA_01108
Number of features: 0
Seq('MTGLAEAIANTVQAAQQHDSVKLGTSIVDIVANGVGLLGKLFGF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01244
Name: ER09113_3A_prokka|PROKKA_01244
Description: ER09113_3A_prokka|PROKKA_01244
Number of features: 0
Seq('MTRELRKKLTLYLNIATLILFIINLTRKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01249
Name: ER09113_3A_prokka|PROKKA_01249
Description: ER09113_3A_prokka|PROKKA_01249
Number of features: 0
Seq('MAIFKYIEKKGYEGKYTILREYCKNKIQNETKKITFF', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01256
Name: ER09113_3A_prokka|PROKKA_01256
Description: ER09113_3A_prokka|PROKKA_01256
Number of features: 0
Seq('MSIQQLDGYISIEDFFKHMDELSKKEELEKEINQSKSKYQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01278
Name: ER09113_3A_prokka|PROKKA_01278
Description: ER09113_3A_prokka|PROKKA_01278
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERIEMKKYCPRLNKYTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01382
Name: ER09113_3A_prokka|PROKKA_01382
Description: ER09113_3A_prokka|PROKKA_01382
Number of features: 0
Seq('MLTQSEMIVVFVLDETINQGINLTAMKYPKSFDMDRVI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01428
Name: ER09113_3A_prokka|PROKKA_01428
Description: ER09113_3A_prokka|PROKKA_01428
Number of features: 0
Seq('MNKINDRDLTELSSYRVYQDINKDNDFTVNEKRFKQADVFEDLYREKL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01437
Name: ER09113_3A_prokka|PROKKA_01437
Description: ER09113_3A_prokka|PROKKA_01437
Number of features: 0
Seq('MLKLISPTFEDIKTWYQLKEYSKEDIAWYVDMEVIDKEEYAIITGEKYPENLES', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01445
Name: ER09113_3A_prokka|PROKKA_01445
Description: ER09113_3A_prokka|PROKKA_01445
Number of features: 0
Seq('MEQYGWTLTEVRKQPYVKLLEILNEENKEETEEKQSEQKVITGTDLRKLFGS', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01464
Name: ER09113_3A_prokka|PROKKA_01464
Description: ER09113_3A_prokka|PROKKA_01464
Number of features: 0
Seq('MVVKEILRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDFEKIRAEVSW', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01467
Name: ER09113_3A_prokka|PROKKA_01467
Description: ER09113_3A_prokka|PROKKA_01467
Number of features: 0
Seq('MNVIGLRQIFDELKRSYEGYKIVVIPIEVDFEIK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01481
Name: ER09113_3A_prokka|PROKKA_01481
Description: ER09113_3A_prokka|PROKKA_01481
Number of features: 0
Seq('MSDTYKSYLIAVLCFTVLAIVLMPLLYFTTAWSIAGFASIATFIYYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01491
Name: ER09113_3A_prokka|PROKKA_01491
Description: ER09113_3A_prokka|PROKKA_01491
Number of features: 0
Seq('MVDKNKKQETTRSNPLNKSFEKSGASEKLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01516
Name: ER09113_3A_prokka|PROKKA_01516
Description: ER09113_3A_prokka|PROKKA_01516
Number of features: 0
Seq('MNLGNVKETISIIYLIEIVSFLMYLSKFTTHDIFNDFLSLVKLKFLTFIN', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01519
Name: ER09113_3A_prokka|PROKKA_01519
Description: ER09113_3A_prokka|PROKKA_01519
Number of features: 0
Seq('MQNKVLRIIIIVMLVSVVLALLLTSIIPIL', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01556
Name: ER09113_3A_prokka|PROKKA_01556
Description: ER09113_3A_prokka|PROKKA_01556
Number of features: 0
Seq('MRVNVTLACTECGDRNYITTKNKRNNPERVEMKKFCSRENKQTLHRETK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01627
Name: ER09113_3A_prokka|PROKKA_01627
Description: ER09113_3A_prokka|PROKKA_01627
Number of features: 0
Seq('MSFMDKAKDAVEKFKNSDNEQVKNVKDKINEYTGSNNEEKKENEDKEK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01797
Name: ER09113_3A_prokka|PROKKA_01797
Description: ER09113_3A_prokka|PROKKA_01797
Number of features: 0
Seq('MKKKYILIIVSVILIGMIVIAYAHNKQKKRPLH', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01848
Name: ER09113_3A_prokka|PROKKA_01848
Description: ER09113_3A_prokka|PROKKA_01848
Number of features: 0
Seq('MSKDKDPKLNYHEEENSMVTDFEDLKELGKEMEQISDQNDQEKNSEEDSQ', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01899
Name: ER09113_3A_prokka|PROKKA_01899
Description: ER09113_3A_prokka|PROKKA_01899
Number of features: 0
Seq('MNEQQTIEQIKARLNKFIEDIDHVNPDEVRVEDIDEWIGLLDQLEEKVKLVSK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01971
Name: ER09113_3A_prokka|PROKKA_01971
Description: ER09113_3A_prokka|PROKKA_01971
Number of features: 0
Seq('MNDSNQGLQANPQYTIHYLSQEITRLTQENAMLKAYIQEQNEKSKSAEEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01981
Name: ER09113_3A_prokka|PROKKA_01981
Description: ER09113_3A_prokka|PROKKA_01981
Number of features: 0
Seq('MAMYEVKKSYTDLEKGQYLKSGKRVEMTVKRAEYVNKKLKEHGVILERVKEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01993
Name: ER09113_3A_prokka|PROKKA_01993
Description: ER09113_3A_prokka|PROKKA_01993
Number of features: 0
Seq('MRIFIYDLIVLLFAFLISIYIIDDGVIINALGIFGMYKIIDSFSENIIKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01994
Name: ER09113_3A_prokka|PROKKA_01994
Description: ER09113_3A_prokka|PROKKA_01994
Number of features: 0
Seq('MIKQIVRLLFLLAMYELGKYVTEQVYIMMTANDDVEAPSDYVFRAEVSE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_01999
Name: ER09113_3A_prokka|PROKKA_01999
Description: ER09113_3A_prokka|PROKKA_01999
Number of features: 0
Seq('MLEIIDQRDALLEEKYLNDDWWYELDYWLNKRKSENEQIDIDRVLKFIEELKR', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_02014
Name: ER09113_3A_prokka|PROKKA_02014
Description: ER09113_3A_prokka|PROKKA_02014
Number of features: 0
Seq('MSNIYKSYLVAVLCFTVLAIVLMPFLYFTTAWSIAGFASIATFIFYKEYFYEE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_02024
Name: ER09113_3A_prokka|PROKKA_02024
Description: ER09113_3A_prokka|PROKKA_02024
Number of features: 0
Seq('MKKAILTLSLIFITYYLTFKYMWIKELKY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_02026
Name: ER09113_3A_prokka|PROKKA_02026
Description: ER09113_3A_prokka|PROKKA_02026
Number of features: 0
Seq('MADKNKKQEATRSNPINKSFEKPGASENLKSTLSEKAKKKD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_02042
Name: ER09113_3A_prokka|PROKKA_02042
Description: ER09113_3A_prokka|PROKKA_02042
Number of features: 0
Seq('MSCLILRIFILIKEGVISMAQDIISTIGDLVKWIIDTVNKFTKK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_02044
Name: ER09113_3A_prokka|PROKKA_02044
Description: ER09113_3A_prokka|PROKKA_02044
Number of features: 0
Seq('MKKLLNKVIELLVDFFNSIGYRAAYINCDFLLDEAEVPKELTQLHE', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_02093
Name: ER09113_3A_prokka|PROKKA_02093
Description: ER09113_3A_prokka|PROKKA_02093
Number of features: 0
Seq('MKRPEKIQNVVKLLSSLGVNIKKTKSRLDIINTLPASNKVSHELK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_02224
Name: ER09113_3A_prokka|PROKKA_02224
Description: ER09113_3A_prokka|PROKKA_02224
Number of features: 0
Seq('MKVRPSVKPICEKCKVIKRKGKVMVICENPKHKQRQG', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_02255
Name: ER09113_3A_prokka|PROKKA_02255
Description: ER09113_3A_prokka|PROKKA_02255
Number of features: 0
Seq('MSLENQLAELKYDYVRLQGDIEKRESLNLDTSALVRQLKDIENEIRNVRAQMQD', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_02411
Name: ER09113_3A_prokka|PROKKA_02411
Description: ER09113_3A_prokka|PROKKA_02411
Number of features: 0
Seq('MKLDLQTARRNLNSPNIKTRKRALKIIKQHKRAK', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_02477
Name: ER09113_3A_prokka|PROKKA_02477
Description: ER09113_3A_prokka|PROKKA_02477
Number of features: 0
Seq('MSQTEYQIKPGNITSNSEETSSISKVSCEI', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_02637
Name: ER09113_3A_prokka|PROKKA_02637
Description: ER09113_3A_prokka|PROKKA_02637
Number of features: 0
Seq('MMKKLAVILTLVGGLYFAFKKYQERVNQAPNIEY', SingleLetterAlphabet())
seq is shorter than tile size
ID: ER09113_3A_prokka|PROKKA_02725
Name: ER09113_3A_prokka|PROKKA_02725
Description: ER09113_3A_prokka|PROKKA_02725
Number of features: 0
Seq('MVKRTYQPNKRKHSKVHGFRKRMSTKNGRKVLARRRRKGRKVLSA', SingleLetterAlphabet())

In [212]:
random.shuffle(all_candidate_tiles)
random.shuffle(cterm_candidate_tiles)

In [213]:
reset_attr(dbg, 'weight')
selected_tiles = set()

In [214]:
select_candidates(cterm_candidate_tiles + all_candidate_tiles, selected_tiles, dbg, tile_size, k, 0.95, 10, 5)
tiling_stats(selected_tiles, dbg)


Num tiles: 19694
Frac kmers covered: 0.24977808673820803
Max kmer coverage: 18
Weighted coverage: 0.6933145538829829
C-term coverage: 0.34748841287736437

In [217]:
select_candidates(cterm_candidate_tiles + all_candidate_tiles, selected_tiles, dbg, tile_size, k, 0.95, 10, 0.5)
tiling_stats(selected_tiles, dbg)


Num tiles: 21147
Frac kmers covered: 0.268160015958901
Max kmer coverage: 18
Weighted coverage: 0.69452159382103
C-term coverage: 0.3675936364775147

In [221]:
select_candidates(cterm_candidate_tiles + all_candidate_tiles, selected_tiles, dbg, tile_size, k, 0.75, 10, 0.2)
tiling_stats(selected_tiles, dbg)


Num tiles: 28873
Frac kmers covered: 0.3447411498497619
Max kmer coverage: 18
Weighted coverage: 0.8176050915462628
C-term coverage: 0.40517349367405736

In [222]:
select_candidates(cterm_candidate_tiles + all_candidate_tiles, selected_tiles, dbg, tile_size, k, 0.55, 10, 0.2)
tiling_stats(selected_tiles, dbg)


Num tiles: 37504
Frac kmers covered: 0.39998211921919374
Max kmer coverage: 18
Weighted coverage: 0.9025078902247209
C-term coverage: 0.43949642991356636

In [223]:
select_candidates(cterm_candidate_tiles + all_candidate_tiles, selected_tiles, dbg, tile_size, k, 0.35, 10, 0.2)
tiling_stats(selected_tiles, dbg)


Num tiles: 46405
Frac kmers covered: 0.43511906988313936
Max kmer coverage: 18
Weighted coverage: 0.9449829896582483
C-term coverage: 0.4716898409119379

In [ ]:


In [ ]:
def is_good(tile):
    # predicate on whether to accept tile
    pass

def update(tile):
    # update correct accumulators on the graph
    pass

def predicate_tile_selection(selected_tiles, candidates, is_good, update):
    for tile in tqdm(candidates):
        if tile not in selected_tiles and is_good(tile):
            selected_tiles.add(tile)
            update(tile)

In [ ]:


In [ ]:


In [ ]:


In [ ]:


In [256]:
for candidate in all_candidates:
    covered_weight = sum_attr(dbg, gen_kmers(candidate, k), 'weight')
    max_weight = max_attr(dbg, gen_kmers(candidate, k), 'weight')
    p1 = tile_size - covered_weight > 0.95 * tile_size
    p2 = max_weight < 20
    if p1 and p2:
        tiles.add(candidate)
        for kmer in gen_kmers(candidate, k):
            incr_attr(dbg, kmer, 'weight')

In [148]:
# reset_attr(dbg, 'weight')

In [257]:
graph_sum_attr(dbg, 'weight') / len(dbg)


Out[257]:
0.7599766014082088

In [258]:
graph_num_pos_attr(dbg, 'weight') / len(dbg)


Out[258]:
0.65231777924977308

In [259]:
len(tiles)


Out[259]:
21091

In [260]:
graph_max_attr(dbg, 'weight')


Out[260]:
82

In [261]:
_ = plt.hist([v['weight'] for v in dbg.node.values()], bins=range(90))



In [262]:
all_candidates = list(set(all_candidates) - set(tiles))

In [263]:
random.shuffle(all_candidates)

In [264]:
for candidate in all_candidates:
    covered_weight = sum_attr(dbg, gen_kmers(candidate, k), 'weight')
    p1 = tile_size - covered_weight > 0.65 * tile_size
    p2 = max_weight < 20
    if p1 and p2:
        tiles.add(candidate)
        for kmer in gen_kmers(candidate, k):
            incr_attr(dbg, kmer, 'weight')

In [265]:
graph_sum_attr(dbg, 'weight') / len(dbg)


Out[265]:
0.9841032175363705

In [266]:
graph_num_pos_attr(dbg, 'weight') / len(dbg)


Out[266]:
0.81204460145727531

In [267]:
len(tiles)


Out[267]:
27311

In [268]:
_ = plt.hist([v['weight'] for v in dbg.node.values()], bins=range(90))



In [269]:
all_candidates = list(set(all_candidates) - set(tiles))

In [270]:
random.shuffle(all_candidates)

In [271]:
for candidate in all_candidates:
    covered_weight = sum_attr(dbg, gen_kmers(candidate, k), 'weight')
    p1 = tile_size - covered_weight > 0.4 * tile_size
    p2 = max_weight < 20
    if p1 and p2:
        tiles.add(candidate)
        for kmer in gen_kmers(candidate, k):
            incr_attr(dbg, kmer, 'weight')

In [272]:
graph_sum_attr(dbg, 'weight') / len(dbg)


Out[272]:
1.1661790682269817

In [273]:
graph_num_pos_attr(dbg, 'weight') / len(dbg)


Out[273]:
0.89154691371654282

In [274]:
len(tiles)


Out[274]:
32364

In [275]:
_ = plt.hist([v['weight'] for v in dbg.node.values()], bins=range(90), log=True)


Compare the new tiles with the "simple tiles"


In [276]:
for tile in tiles:
    for kmer in gen_kmers(tile, k):
        incr_attr(dbg, kmer, 'coverage_dbg')

In [277]:
for sr in SeqIO.parse(simple_tiles_file, 'fasta'):
    s = str(sr.seq)
    for kmer in gen_kmers(s, k):
        if dbg.has_node(kmer):
            incr_attr(dbg, kmer, 'coverage_simple')

In [279]:
multiplicity = []
cov_dbg = []
cov_simple = []
for node in dbg.nodes():
    multiplicity.append(dbg.node[node]['multiplicity'])
    cov_dbg.append(dbg.node[node].get('coverage_dbg', 0))
    cov_simple.append(dbg.node[node].get('coverage_simple', 0))
multiplicity = np.asarray(multiplicity)
cov_dbg = np.asarray(cov_dbg)
cov_simple = np.asarray(cov_simple)

In [280]:
(cov_dbg > 0).sum() / len(cov_dbg)


Out[280]:
0.89154691371654282

In [281]:
(cov_simple > 0).sum() / len(cov_simple)


Out[281]:
0.95462881185446868

In [285]:
fig, ax = plt.subplots()
ax.hist(cov_dbg, bins=range(100), normed=True, log=True)
ax.hist(cov_simple, bins=range(100), normed=True, log=True)


Out[285]:
(array([  4.53711881e-02,   3.08979478e-01,   5.12638460e-01,
          5.63927529e-02,   4.00459385e-02,   1.06627659e-02,
          8.48160619e-03,   4.06562032e-03,   3.19545644e-03,
          1.97799367e-03,   1.55326170e-03,   1.12622973e-03,
          1.01813008e-03,   6.66231201e-04,   6.17931356e-04,
          4.98331739e-04,   4.13232011e-04,   3.07432350e-04,
          2.90565737e-04,   2.33065921e-04,   1.80932754e-04,
          1.49499522e-04,   1.44132872e-04,   1.21132946e-04,
          8.89330487e-05,   7.05331076e-05,   8.89330487e-05,
          6.05664729e-05,   7.58997571e-05,   5.05998381e-05,
          4.13998675e-05,   4.29331959e-05,   3.14332327e-05,
          3.44998896e-05,   3.21998970e-05,   3.21998970e-05,
          2.60665833e-05,   2.52999190e-05,   1.37999558e-05,
          1.60999485e-05,   3.06665685e-06,   1.07332990e-05,
          7.66664213e-06,   3.83332107e-06,   1.14999632e-05,
          9.19997056e-06,   5.36664949e-06,   5.36664949e-06,
          5.36664949e-06,   6.89997792e-06,   8.43330635e-06,
          6.13331371e-06,   3.83332107e-06,   6.89997792e-06,
          4.59998528e-06,   5.36664949e-06,   4.59998528e-06,
          2.29999264e-06,   1.53332843e-06,   3.06665685e-06,
          4.59998528e-06,   7.66664213e-07,   3.06665685e-06,
          2.29999264e-06,   3.06665685e-06,   7.66664213e-07,
          0.00000000e+00,   7.66664213e-07,   7.66664213e-07,
          0.00000000e+00,   0.00000000e+00,   7.66664213e-07,
          0.00000000e+00,   7.66664213e-07,   0.00000000e+00,
          0.00000000e+00,   0.00000000e+00,   0.00000000e+00,
          7.66664213e-07,   0.00000000e+00,   0.00000000e+00,
          0.00000000e+00,   0.00000000e+00,   0.00000000e+00,
          0.00000000e+00,   0.00000000e+00,   0.00000000e+00,
          7.66664213e-07,   0.00000000e+00,   7.66664213e-07,
          0.00000000e+00,   0.00000000e+00,   0.00000000e+00,
          0.00000000e+00,   7.66664213e-07,   0.00000000e+00,
          0.00000000e+00,   0.00000000e+00,   7.66664213e-07]),
 array([ 0,  1,  2,  3,  4,  5,  6,  7,  8,  9, 10, 11, 12, 13, 14, 15, 16,
        17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33,
        34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50,
        51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67,
        68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84,
        85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99]),
 <a list of 99 Patch objects>)

In [283]:
cov_simple.max()


Out[283]:
98

In [183]:
fig, ax = plt.subplots()
_ = ax.hist2d(multiplicity, cov_dbg, bins=100, norm=mpl.colors.LogNorm(), cmap='hot')
_ = ax.set(xlabel='multiplicity', ylabel='coverage_dbg', xlim=(0, 150), ylim=(0, 100))



In [184]:
fig, ax = plt.subplots()
_ = ax.hist2d(multiplicity, cov_simple, bins=100, norm=mpl.colors.LogNorm(), cmap='hot')
_ = ax.set(xlabel='multiplicity', ylabel='coverage_simple', xlim=(0, 150), ylim=(0, 100))



In [246]:
reset_attr(dbg, 'weight')
reset_attr(dbg, 'coverage_dbg')
reset_attr(dbg, 'coverage_simple')

In [126]:
start_kmer = candidate[:k]
end_kmer = candidate[-k:]
covered_weight = sum_attr(dbg, gen_kmers(candidate, k), 'weight')

In [208]:
[node for node in dbg.nodes() if dbg.node[node]['weight'] > 80]


Out[208]:
['ILDRLFFKCI', 'DRLFFKCIYR']

In [211]:
[component for component in nx.weakly_connected_component_subgraphs(dbg) if component.has_node('ILDRLFFKCI')]


---------------------------------------------------------------------------
KeyboardInterrupt                         Traceback (most recent call last)
<ipython-input-211-eb3b6feeacf6> in <module>()
----> 1 [component for component in nx.weakly_connected_component_subgraphs(dbg) if component.has_node('ILDRLFFKCI')]

<ipython-input-211-eb3b6feeacf6> in <listcomp>(.0)
----> 1 [component for component in nx.weakly_connected_component_subgraphs(dbg) if component.has_node('ILDRLFFKCI')]

~/miniconda3/lib/python3.6/site-packages/networkx/algorithms/components/weakly_connected.py in weakly_connected_component_subgraphs(G, copy)
    141     for comp in weakly_connected_components(G):
    142         if copy:
--> 143             yield G.subgraph(comp).copy()
    144         else:
    145             yield G.subgraph(comp)

~/miniconda3/lib/python3.6/site-packages/networkx/classes/digraph.py in subgraph(self, nbunch)
   1325         for n in H:
   1326             H_succ[n]=H.adjlist_dict_factory()
-> 1327             H_pred[n]=H.adjlist_dict_factory()
   1328         # add edges
   1329         for u in H_succ:

KeyboardInterrupt: 

In [217]:
for component in nx.weakly_connected_component_subgraphs(dbg):
    if component.has_node('ILDRLFFKCI'):
        break

In [219]:
len(component)


Out[219]:
2173

In [220]:
plot_graph(component)


/Users/laserson/miniconda3/lib/python3.6/site-packages/networkx/drawing/nx_pylab.py:126: MatplotlibDeprecationWarning: pyplot.hold is deprecated.
    Future behavior will be consistent with the long-time default:
    plot commands add elements without first clearing the
    Axes and/or Figure.
  b = plt.ishold()
/Users/laserson/miniconda3/lib/python3.6/site-packages/networkx/drawing/nx_pylab.py:138: MatplotlibDeprecationWarning: pyplot.hold is deprecated.
    Future behavior will be consistent with the long-time default:
    plot commands add elements without first clearing the
    Axes and/or Figure.
  plt.hold(b)
/Users/laserson/miniconda3/lib/python3.6/site-packages/matplotlib/__init__.py:917: UserWarning: axes.hold is deprecated. Please remove it from your matplotlibrc and/or style files.
  warnings.warn(self.msg_depr_set % key)
/Users/laserson/miniconda3/lib/python3.6/site-packages/matplotlib/rcsetup.py:152: UserWarning: axes.hold is deprecated, will be removed in 3.0
  warnings.warn("axes.hold is deprecated, will be removed in 3.0")

In [ ]:


In [128]:
start_dists = [nx.shortest_path_length(udbg, start_kmer, kmer) for kmer in start_kmers if nx.has_path(udbg, start_kmer, kmer)]

In [ ]:
start_dists = [nx.shortest_path_length(udbg, start_kmer, kmer) for kmer in start_kmers if nx.has_path(udbg, start_kmer, kmer)]
end_dists = [nx.shortest_path_length(udbg, end_kmer, kmer) for kmer in end_kmers if nx.has_path(udbg, end_kmer, kmer)]    
p2 = (len(start_dists) == 0) or (min(start_dists) > 0.4 * tile_size)
p3 = (len(end_dists) == 0) or (min(end_dists) > 0.4 * tile_size)

Effect of k-mer size


In [ ]:

Maximizing k-mer diversity


In [11]:
dbg = virscan2_dbg

In [28]:
def seq_to_path(s, k):
    return list(gen_kmers(s, k))

def path_to_seq(p):
    return ''.join([p[0]] + [n[-1] for n in p[1:]])

def fixed_length_paths_starting(graph, source, length, forward=True):
    """enumerate all paths of a given length starting from source in a digraph

    returns a list of paths; each path is a list of nodes

    forward=True uses "successor paths" while forward=False uses "predecessor paths"
    length is the number of nodes in the path, so corresponding sequence is length + k
    will return paths shorter than length if source node is near a leaf
    """
    if length == 1:
        return [(source,)]
    neighbors = graph.successors(source) if forward else graph.predecessors(source)
    paths = set()
    for neighbor in neighbors:
        for subpath in fixed_length_paths_starting(graph, neighbor, length - 1, forward=forward):
            if forward:
                paths.add((source,) + subpath)
            else:
                paths.add(subpath + (source,))
    return list(paths)

def all_paths_containing(graph, node, length):
    """
    
    length is the number of nodes in the path, so corresponding sequence is length + k
    """
    predecessor_paths = fixed_length_paths_starting(graph, node, length, False)
    successor_paths = fixed_length_paths_starting(graph, node, length, True)
    k = len(node)
    paths = set()
    for (pp, sp) in itertools.product(predecessor_paths, successor_paths):
        joined = pp + sp[1:]
        for i in range(length):
            
            
            paths.add(pp[-i:] + sp[(i - length):])


  File "<ipython-input-28-fa8fb6dfbf3b>", line 37
    for i in range(length)
                          ^
SyntaxError: invalid syntax
abc cde abc bcd cde

In [19]:
seq_to_path('AGCTNHYTTC', 3)


Out[19]:
['AGC', 'GCT', 'CTN', 'TNH', 'NHY', 'HYT', 'YTT', 'TTC']

In [20]:
path_to_seq(seq_to_path('AGCTNHYTTC', 3))


Out[20]:
'AGCTNHYTTC'

In [23]:
import itertools

In [24]:
itertools.product?

In [25]:
(1, 3, 4) + (5,)


Out[25]:
(1, 3, 4, 5)

In [42]:
g = nx.DiGraph()

In [43]:
g.add_path([0, 1, 2, 3, 4])

In [44]:
g.add_path([0, 1, 2, 3, 5, 6, 7, 8, 9])

In [19]:
list(nx.dfs_preorder_nodes(g, 0))


Out[19]:
[0, 1, 2, 3, 4, 5]

In [34]:
g.successors(4)


Out[34]:
[]

In [ ]:


In [105]:
def dfs_paths_recursive(graph, path, length):
    incr_attr(graph, path[-1], 'visited')
    if len(path) >= length:
        yield path[-length:]
    successors = graph.successors(path[-1])
    for successor in successors:
        if graph.node[successor].get('visited', 0) <= length:
            yield from dfs_paths(graph, path + (successor,), length)

def dfs_paths(graph, source, length):
    reset_attr(graph, 'dfs_visited')
    path = []
    stack = [source]
    while len(stack) > 0:
        node = stack.pop()
        if node is None:
            _ = path.pop()
            continue
        path.append(node)
        incr_attr(graph, path[-1], 'dfs_visited')
        if len(path) >= length:
            yield tuple(path[-length:])
        for successor in graph.successors(path[-1]):
            if graph.node[successor].get('dfs_visited', 0) <= length:
                stack.append(None) # "op code" for shortening end of path
                stack.append(successor)

In [106]:
list(dfs_paths(g, 0, 3))


Out[106]:
[(0, 1, 2),
 (1, 2, 3),
 (2, 3, 5),
 (3, 5, 6),
 (5, 6, 7),
 (6, 7, 8),
 (7, 8, 9),
 (2, 3, 4)]

In [45]:
plot_graph(g)



In [58]:
for c in tqdm(nx.weakly_connected_component_subgraphs(dbg)):
    print(len(c))
#     if len(list(nx.simple_cycles(c))) > 0:
#         print('cycle found')
#         break


58620
30915
35035
62929
3517
30089
43283
5521
4079
3935
18227
5209
24816
1241
3439
2027
1196
4561
3537
4451
861
84
3964
5793
1425
156
6166
1378
4841
1872
4781
305
1413
2434
1462
1535
4846
7208
260
261
39
481
1758
107
215
267
330
613
449
135
370
189
108
48
188
302
553
101
536
133
153
316
282
386
410
89
137
127
174
262
176
291
285
428
60
97
240
63
93
302
80
2377
184
61
223
57
501
1158
184
1140
585
472
567
161
454
45
63
207
179
258
86
206
205
145
168
389
577
234
65
229
227
200
885
159
466
146
440
220
973
250
388
300
389
110
65
284
172
163
99
275
65
61
724
273
296
379
374
298
425
71
955
457
620
662
129
3700
2014
729
5819
1049
648
871
835
124
1358
46
651
165
1091
343
721
51
201
4751
538
1032
405
588
294
659
705
163
294
235
332
264
731
731
170
831
837
525
709
349
61
174
47
548
379
316
227
242
206
116
696
593
317
322
320
67
59
1098
116
692
684
1038
662
556
535
588
434
228
690
565
147
493
761
540
106
304
219
1270
425
662
440
371
276
55
929
83
295
185
2030
3298
1174
1236
1118
770
470
5008
---------------------------------------------------------------------------
KeyboardInterrupt                         Traceback (most recent call last)
<ipython-input-58-0e20a77b114b> in <module>()
----> 1 for c in tqdm(nx.weakly_connected_component_subgraphs(dbg)):
      2     print(len(c))
      3 #     if len(list(nx.simple_cycles(c))) > 0:
      4 #         print('cycle found')
      5 #         break

~/miniconda3/lib/python3.6/site-packages/tqdm/_tqdm_notebook.py in __iter__(self, *args, **kwargs)
    187     def __iter__(self, *args, **kwargs):
    188         try:
--> 189             for obj in super(tqdm_notebook, self).__iter__(*args, **kwargs):
    190                 # return super(tqdm...) will not catch exception
    191                 yield obj

~/miniconda3/lib/python3.6/site-packages/tqdm/_tqdm.py in __iter__(self)
    860 """, fp_write=getattr(self.fp, 'write', sys.stderr.write))
    861 
--> 862             for obj in iterable:
    863                 yield obj
    864                 # Update and print the progressbar.

~/miniconda3/lib/python3.6/site-packages/networkx/algorithms/components/weakly_connected.py in weakly_connected_component_subgraphs(G, copy)
    141     for comp in weakly_connected_components(G):
    142         if copy:
--> 143             yield G.subgraph(comp).copy()
    144         else:
    145             yield G.subgraph(comp)

~/miniconda3/lib/python3.6/site-packages/networkx/classes/graph.py in copy(self)
   1446 
   1447         """
-> 1448         return deepcopy(self)
   1449 
   1450     def is_multigraph(self):

~/miniconda3/lib/python3.6/copy.py in deepcopy(x, memo, _nil)
    178                     y = x
    179                 else:
--> 180                     y = _reconstruct(x, memo, *rv)
    181 
    182     # If is its own copy, don't memoize.

~/miniconda3/lib/python3.6/copy.py in _reconstruct(x, memo, func, args, state, listiter, dictiter, deepcopy)
    278     if state is not None:
    279         if deep:
--> 280             state = deepcopy(state, memo)
    281         if hasattr(y, '__setstate__'):
    282             y.__setstate__(state)

~/miniconda3/lib/python3.6/copy.py in deepcopy(x, memo, _nil)
    148     copier = _deepcopy_dispatch.get(cls)
    149     if copier:
--> 150         y = copier(x, memo)
    151     else:
    152         try:

~/miniconda3/lib/python3.6/copy.py in _deepcopy_dict(x, memo, deepcopy)
    238     memo[id(x)] = y
    239     for key, value in x.items():
--> 240         y[deepcopy(key, memo)] = deepcopy(value, memo)
    241     return y
    242 d[dict] = _deepcopy_dict

~/miniconda3/lib/python3.6/copy.py in deepcopy(x, memo, _nil)
    148     copier = _deepcopy_dispatch.get(cls)
    149     if copier:
--> 150         y = copier(x, memo)
    151     else:
    152         try:

~/miniconda3/lib/python3.6/copy.py in _deepcopy_dict(x, memo, deepcopy)
    238     memo[id(x)] = y
    239     for key, value in x.items():
--> 240         y[deepcopy(key, memo)] = deepcopy(value, memo)
    241     return y
    242 d[dict] = _deepcopy_dict

~/miniconda3/lib/python3.6/copy.py in deepcopy(x, memo, _nil)
    148     copier = _deepcopy_dispatch.get(cls)
    149     if copier:
--> 150         y = copier(x, memo)
    151     else:
    152         try:

~/miniconda3/lib/python3.6/copy.py in _deepcopy_dict(x, memo, deepcopy)
    238     memo[id(x)] = y
    239     for key, value in x.items():
--> 240         y[deepcopy(key, memo)] = deepcopy(value, memo)
    241     return y
    242 d[dict] = _deepcopy_dict

~/miniconda3/lib/python3.6/copy.py in deepcopy(x, memo, _nil)
    148     copier = _deepcopy_dispatch.get(cls)
    149     if copier:
--> 150         y = copier(x, memo)
    151     else:
    152         try:

~/miniconda3/lib/python3.6/copy.py in _deepcopy_list(x, memo, deepcopy)
    213     append = y.append
    214     for a in x:
--> 215         append(deepcopy(a, memo))
    216     return y
    217 d[list] = _deepcopy_list

~/miniconda3/lib/python3.6/copy.py in deepcopy(x, memo, _nil)
    181 
    182     # If is its own copy, don't memoize.
--> 183     if y is not x:
    184         memo[d] = y
    185         _keep_alive(x, memo) # Make sure x lives at least as long as d

KeyboardInterrupt: 

In [69]:
nterm_nodes = [node for node, attr in dbg.node.items() if attr.get('nterm', False)]

In [73]:
for nterm_node in tqdm(nterm_nodes):
    try:
        nx.find_cycle(dbg, nterm_node)
        print('found one')
        break
    except nx.NetworkXNoCycle:
        pass


found one

In [107]:
for nterm_node in tqdm(nterm_nodes):
    print(len(list(dfs_paths(dbg, nterm_node, 46))))


2732269
2666264
2632771
1340778
48941
478966
2333115
2387429
139779
1331247
2729946
2354182
1908985
246873
209052
1337822
2718360
108863
56251
2343894
549814
2380392
2371172
720401
664713
1338970
2732327
2380392
149821
2718940
246873
2380392
2326105
2306817
2380392
2380392
1931789
2343657
1867092
1070563
1196
2704158
2718360
2718360
2718360
2381891
26054
2334100
2334016
2381891
2382613
2387429
2385197
1910134
1864824
1169049
2321055
886948
85392
1897534
2343894
1185380
1142300
1860761
1185380
14349
1185380
2219879
1904436
254980
149821
1260269
1342167
1335499
1337753
1261337
1234271
1248635
1260358
1261337
1326397
1272338
1335970
1338970
197413
1142744
1270624
578232
1241751
1344337
120692
118277
117905
1331858
1325191
1325191
1333402
1330195
189708
549792
1330195
20895
39
169802
201336
240008
257418
29069
111
259226
1331225
497849
19764
17395
197413
1258759
176132
66287
1340839
116287
339
1331236
44691
1335716
19477
1343643
22242
19658
16654
1343643
197982
251960
222416
215
119446
99950
569
0
3110
62905
65
170
1522
2406
12136
1774
156
1919
144
34
3
218
205
6984
56
8394
129
182
640
562
2216
222
5689
44
92
32145
82
182
640
117
117
1360
1360
131
165
2216
807
807
618
8095
15
20
65
314
18
66
1060
35
6984
4028
56
1060
616
3110
7344
7344
314
215
215
7
280
12
15
2409
5152
312
27593
276
726
28146
427
28146
1038
27583
116
30
3004
0
18
162
71756
134
213
2878
161
160
100
123
344
532
189
20
9766
214
746
24876
114
2455
101
8276
175
652
516
755
447
2523
65
20
239
170
132
67
654
20
16
10292
262
5978
516
251
4428
170
329
253
3503
2762
459
1912
1249
9694
575
20232
81
38860
34254
34457
65047
55513
63472
67848
684
250007
88873
146636
16760
37097
22795
603
3900
4150
4150
79
50019
139223
16770
1
16126
135
23454
81
177
676
3503
6
20232
23446
65047
146626
249760
860
178
201826
493
6241
542
10381
177
450
199798
26974
67913
193157
614
660
38
844
190
1900
219
686
686
16770
125
25647
6241
5035
900
652
135
1950
1539
195192
480
5035
664
304
16
111
2
916
572
271
182
38
916
197
466
111
80
2930
3052
272
277
2928
275
80
22
14
6089
1982
25
926
1980
13209
6038
33304
19181
511
490
2576
8896
218
17447
520
112
33304
448
18007
495
61
2867
106
23529
380
617
23529
395
4176
302
10
68
1437
24183
12
356
3174
140
38
11
12
24183
12630
23372
508
3467
2292
104556
1073
22342
22342
425
158200
158032
41121
501648
484223
497051
489300
1811
58179
122046
33858
86
295
1152
482753
158152
162382
14939
80
1840
3320
47321
102628
26139
476
415
146

152776
482753
9371
692
100
207
6494
411
15711
236
814
537
84
32107
76207
423
141
46
11804
1
236
20830
7852
74397
72
202
841
435
966
87
786
544
108
66
64896
76207
74397
3772
15711
438
346
198
174
792
144461
166236
162382
31841
198
104
32
18
48
69
786
346
172
232
71
114
107
518
320
103
174
1712
151
119
104
542
61
69
11757
3328
482753
61711
23288
41
413
55
64816
166306
33858
476
3772
51
72
18645
69
1726
51
233
326
11363
108
1198
64816
1065075
1024005
1058504
323841
9813
69
2
34622
1058521
1054610
857290
1054568
1064866
1058521
1062323
1062219
1064810
1051629
900507
1056487
321223
306345
287489
3391
11363
2
32
48
1198
1067823
1053828
1054722
1051629
1051629
1062323
323845
306349
323845
8427
57
0
54957
1053828
18645
83
966
47
393
1726
866
230
7852
32
40
395
1650
180398
180985
175776
182028
50104
50104
3605
825
125420
1625
207645
218048
22492
696
53283
50104
2040
11275
37122
242
170478
182804
185743
182028
6115
1774
6119
182804
357
234666
234275
235940
235910
235850
235805
240164
234666
218696
151557
146395
146579
146579
202434
234666
148273
148047
196050
106718
106818
106806
106800
106782
106776
106764
59624
61163
61167
13346
26442
1238
50104
182804
175776
46173
13612
181217
235967
235967
234666
234666
146579
153102
104115
61205
61191
47421
44599
600
4380
45110
40669
13612
13630
240164
234666
201180
234666
238095
234666
235967
13346
39367
1452
2163
440
27663
32449
90
17329
8072
336
27663
123
365
27663
32461
1481
17329
521
490
370
310
62774
979
150
29
227
462
34626
1054568
1053837
1064915
1053828
1054672
857291
1013669
1056393
900509
1054610
321223
323833
306345
9807
63589
63589
32992
38048
306347
5157
27973
1051629
1054722
1030137
1058504
1066208
1064810
1054615
1051629
323841
526
12996
56
28
263
35426
16503
3218
9796
344
660
63589
28
1440
3218
28
3218
32991
12357
28
495
8818
12357
508
1142
12996
9431
27
12
12
12
29
11361
12357
28
2988
16503
758
41544
41544
26441
33910
2967
3386
186
10932
2480
314
19872
41544
480
18907
9646
3386
480
41544
41544
26441
33910
15364
178
33910
19872
186
251960
682
4468
259226
782
26444
682
781
2743
29586
16453
251960
769
22867
2743
2691
26309
29584
281
5423
21074
14555
295
2931
2068
40455
90739
84094
56120
786
4598
487
2646
1128
22377
33
90739
90739
6895
84080
5423
9255
26309
26309
29584
671
1639
90733
56120
480
23445
22378
631
33
9196
294
300
164485
126389
175643
14173
43065
43065
48812
18166
353
9201
43
32
28
56120
29586
50
174193
175643
175171
51266
65165
51218
48812
34483
30472
18166
114
155
51
179
9196
65165
35882
8052
14168
156331
21140
192225
44691
1011
22377
11852
607
153
154
147
36573
4039
108
521
114
25
36574
65165
65165
8052
1214
187
1558
15359
33247
161
192225
949
1011
164485
175643
175171
157572
34483
444
14177
1558
341
376
125420
1492
1254
192225
28
114
15359
287
13392
27
164485
174193
125420
1374
25
13386
37122
53329
33544
26815
74291
148273
218696
146395
177228
146579
61205
2546
234666
146579
146579
238095
240164
276
182804
168093
234666
235967
203010
142137
235967
9025
39367
3224
2677
74289
235967
148581
234666
234666
47421
610
35121
36489
514
25596
182804
61358
4380
2547
53329
36489
53329
516
14
56
950
9634
56
1137
219
467
100082
1394
1394
2557
16046
9133
29
393
74042
0
256
16664
2572
396
37
37
111
13761
131996
233
13761
9634
857
6373
27
100025
43398
405
6372
9129
10109
35729
2028
103
43959
55
138
148
1494
138
251
5053
408
55
84
357
43959
62774
165
1
450
218
430
22
137
220
67
169
111
1276
879
88
68590
46300
869
282
146
36
56
77
70
493
1452
97
194
11
10430
485
16
43
1452
4751
90
30006
42703
3105
10430
25825
24878
27609
27609
29489
2522
29489
257384
2576
25825
27609
6829
90
27215
97
26604
22243
10430
27609
27215
155233
64037
143327
18518
2000
59746
1920
365391
238650
490316
1172
504348
485995
213061
504347
487880
312317
411300
57226
57178
56402
57226
57194
20582
1682
128
12
16683
13609
13767
33914
33813
167
30908
1651
595
294
318
33349
35349
6643
81864
17628
253019
504352
411300
10308
2128
10538
19463
16008
38
16471
486001
151520
312317
370931
31
15842
227563
10365
10812
15173
25735
8430
9115
37206
3856
170
155233
789
264574
247237
366789
45755
411300
211
57226
10812
17701
44426
366796
13691
402237
1682
18135
368972
96640
253019
366789
247237
31
1886
15239
1651
40211
33261
347
2691
3023
1311
1317
323173
487880
238650
45760
402237
57226
10355
15215
1222
318
40211
1337
476043
365391
297420
170
27176
9115
33349
96641
264574
504347
13767
1174
38277
64378
81864
64378
8430
1667
38277
1667
77578
324
6450
879
390
43
91
1081
2404
2393
491
1237
98
345
45070
696
220
11858
411
11858
261891
259781
257317
255109
40567
56886
1106
366
836
2845
4717
1463
239222
122856
242469
30367
40782
257215
261112
46545
1881
4099
2845
236307
241398
241390
241238
213905
236421
348
3236
349
217
32
179
71
243
72
22666
40782
24691
13531
424
250250
1106
17389
17389
354
0
231
9555
84
2404
12
165
2160
28230
36532
255240
258459
6023
1460
18
385
2404
200
413
24691
13531
1197
212
4099
46545
6023
234354
11858
2725
337
197
274
4874
4875
38112
38112
13454
122737
17593
187428
122551
104901
141037
36775
21482
26306
77244
78317
14859
370
195
370
3795
141037
13963
330
13454
4201
363
4360
121208
37643
4147
47434
22859
184
186
172
59041
138815
17593
28969
195
73434
13963
363
318
122737
187555
77244
194
24080
24080
73434
418
187412
187
20139
19152
18720
13877
17995
10498
20139
17995
732
126
15516
15489
20139
122737
8588
15363
498
1616
2348
210
145732
134424
111327
131897
131942
149821
144981
3245
14564
23633
23599
101713
636
111914
120540
143591
134461
116639
20577
3263
14564
19218
14859
12022
35081
1664
15363
24080
4171
1007
7102
20577
200
1171
143591
99258
139441
0
127934
212
149760
111319
21836
20139
14952
15516
172
335
187714
187555
35081
59041
880
174
47434
73434
259
243
134413
134472
134472
116540
5928
2131
4170
274
111241
134402
111236
15063
32008
14952
244483
227922
225398
217935
228099
212251
221684
228047
55831
35296
35296
1616
277
636
32008
32008
797
880
8225
24671
134
264
197439
109274
99579
119446
30477
95
0
433
167107
53250
56599
44934
33131
44669
354
38520
37961
2223
2609
31482
118178
111236
118172
139458
127939
111325
120539
773
34721
170163
178916
29247
208
233677
228099
208296
205930
100
109274
773
11634
366
148
4
179543
220
6354
56599
54530
54548
153
795
1544
228099
214
2588
326
63
44934
36740
29153
191
31729
0
77596
110065
30477
25
15072
335
91
2223
266
74
449
121
0
129453
129453
33131
50
26666
104
343
294
326
247
29
15072
160
377
111
377
252
196
42
1458
56535
262
288
47
208
253
54530
3332
354
206
100
109279
116107
120692
326
166
40144
1401
1401
47
219
261
35591
115
257
32383
72009
45070
2725
212
632
39
1198
11858
348
24244
359
9661
93
2404
343
298
234
4630
40598
41138
1852
56949
20421
53370
1366
391
906
22046
4630
23366
1116
7815
23365
0
235
230
34887
28089
65460
3186
434
4953
29641
29546
784
18444
18449
26858
52435
29107
215695
26760
155135
203559
657
475
215695
215695
203559
81560
1155
215695
203559
5773
89767
35377
15095
7567
1375
1633
1375
1633
4783
31942
4783
1376
215695
20568
172
38716
33331
16503
15095
33331
16503
24182
24182
20568
33331
16503
32737
12920
35377
7868
16127
88
1375
783
1373
12903
16503
176
12903
12920
7567
44
783
16503
31003
16503
16503
1633
1375
1375
2746
2005
116288
300730
300730
1840
596
26827
38696
545
20421
9068
23171
4518
169718
169623
300730
300730
664925
712213
710016
707914
271728
12133
5302
2744
197982
661570
710016
107018
23368
33762
3779
906
93258
300730
1852
597
647377
710016
707914
101877
1096
33762
864
647382
23171
65460
169802
64796
2387429
546
710
26827
815
194296
854
28053
29571
64794
2544
1592
38058
3196
18382
53381
243
493
50433
27764
716
247
7868
16115
24182
16127
16503
943
12903
7888
2544
38058
733
3199
246
14545
10898
747
3199
3164
355
234
36
0
31
56298
56282
53609
328
118230
118230
47
47
117720
62
139348
122842
9971
392
261
7668
54628
51604
396
15614
117720
117605
646
95785
55553
48873
274087
482112
466
51
346
6670
5729
5376
117720
100355
22
117605
118230
56
109
119
29311
23
676
27567
40807
125000
369
2212
1944
337
629
142169
6120
1789
33
29
159
160
58
409
1368
2394
85534
87153
88306
14071
14679
661
38858
219234
222305
217804
139
27992
13268
3581
314010
50750
47831
112427
1042
103515
106400
228
543
17240
17740
0
15440
7895
466
817
1112
9913
98114
53
45
1738
325
7445
20800
556
251
310348
449726
533408
896566
167
1890
20895
1237
281798
298142
287240
50750
625
1966
105770
46
48
296
810
1905
810
0
15
0
8999
11288
1568
33666
303
16
56298
252
252
1982
1722
1722
88
4
92
194
8
454
16
454
194
7601
2119
475
117
200
1627
751
734
36345
13561
21462
9131
111
24
200
176
530
9135
9137
36345
546
60
89930
24209
0
58
5
0
88405
700
567
24
0
0
562
88403
27020
0
396
2172
89930
83753
19466
4436
18149
18114
136299
16401
16990
538
12652
136299
16990
16438
20123
19466
120
0
1402
12588
20123
12587
2478
2447
16401
16990
260
12652
20093
4826
1333
22288
40630
16957
1586
19307
3172
4016
3172
1586
12624
0
22632
12218
16957
56093
602
27026
66802
1240
22632
108
12624
1253
2542
7047
1240
1586
26054
13324
140
30937
844
120
159
994
144
64760
108
10962
0
0
0
4826
10962
1406
1031
3294
30937
23531
66777
64795
5481
56093
30903
789
1092
997
23573
1031
1092
168
200
1406
992
1644
103
11086
711
52423
12829
84961
3501
448
186
50769
19918
246
626
5018
30403
305
231
242
1134
257
21
11142
247
654
85
5012
2428
6566
15376
272
18752
1464
8327
696
2428
371
90
36
10198
5012
8861
636
97
234
227
6673
424
448
1523
10198
113
1464
85
536
850
1128
226
39
7776
1261
325
112
2059
466
12997
3926
1285
2111
65
54
372
314
57
288
482
508
12085
113
3
6566
10500
165
0
451
234
234
257
86
90
714
163
4579
386
1729
3406
986
65
2818
457
75
10190
64
225
1042
198
20454
408
287
855
7405
176
55
1374
21109
64813
7
135
12120
287
248
25113
4820
280
253
334
208
126
540
160
51
16
12314
46
860
422
248
324
43
470
198
924
509
331
14517
66
101
41
23169
52732
116
16
249
68
191
6862
70
212
12314
2768
97
14609
56
14
380
79
4044
279
315
302
42
116
189
19
11
977
198
21109
370
166
142
273
56
50
55
91
7776
57
110
71
580
508
3982
509
181
180
3396
618
3363
418
624
158
51
195
12925
36
32
84
97
113
8
32
8
19
12
18
14
17
22
48
36
3
13
2
26
60
16
11
30
7
6
13
15
230
1
12
32
47
15
1471
2277
253
247
2072
766
299
234
102
50
204
78432
18579
1002
726
38709
429
345
2252
726
40
44
32
86
2274
5779
69947
1124
63
231
17
457
778
320
20454
426
369
43
3980
268
0
29311
252042
158103
210174
247101
118278
214042
101095
551
55997
225894
211265
168782
78432
18579
313
29
74
797893
821465
775848
790939
821465
826758
303734
303734
449736
301
165
18
366
5012
0
174
2072
202
355
2252
1988
2670
989
78
27585
198
211910
247105
221385
226654
212599
55998
534
4082
251430
91124
37435
7954
2212
342
345
71165
328
69030
299
2195
633
41795
24
29
21
1789
684
83
241
418
690
148
91
221
261
38
148
194
118
44
232
125
116
21
64
195
492
300
212
1907
2666
320
2279
277
64
68
380
924
10190
132
246
315
1053
3396
12997
526
3927
3363
372
892
977
12925
2412
289
215
884
195
539
68
15
24
204
81
332
520
681
137
345
83
85
482
82
34
90
79
45
31
45
40
36
140
91
39961
179
176
245
98806
2672
284
72
174
1401
370
64
70
698
43
480
196
4741
1471
289
2492
748
120
10
14528
159
1
258
193
21
2912
248
66
2672
82
55
4781
196
2277
60
188
43
103
149
54
236
2274
20876
90309
47033
55134
852
804728
821465
833175
818538
92466
717113
737386
449
20857
13279
307604
896566
303734
896566
307604
447
3595
20893
895
153
9401
2202
79524
86257
915
14071
1238
55
371
24876
118
25
36
19
96
418
217
696
508
103
103
1160
165
218
92
281
112
38
47
34
36
261
37
39
152
103
113
25
283
75653
833157
832815
833427
821692
833075
833444
833175
549413
482115
299
7704
1150
9401
25765
4679
1283
976
121
540
10
539
301
31
344
28893
212405
241316
211265
252045
251430
80204
212853
68593
91124
41294
112162
2224
41795
21671
41795
632
5494
68
124
38
34
46
22
25
159
1160
89
94
707
273
81
79
89
87
41
184
41
184
39
232
202
34
34
40
212
192
224
312
212
89
546
190
702
246
44040
87153
87153
152
204
1474
1474
15776
6997
4714
1123
212518
685
166223
638
2193
5127
336
47831
113847
31
68
4508
55
163796
214042
144260
189387
37435
256964
221382
28711
211910
28893
256964
12715
54003
51
58
13
94
97
520
214
281
332
194
384
55
232
93
140
39
29
304
202
182
150
180
174
14158
821465
793900
834680
795020
832815
639647
639647
933701
595048
841096
896566
511251
187
45611
106400
224
413
26
4224
43
922
934
289
5729
2168
12085
23
90309
55553
53268
55134
833175
677205
834680
821502
827052
812386
818538
639647
413369
303734
549425
259120
445
35
954
190
126
209
4703
692
5127
19791
19695
413
5036
4224
2344
6259
896566
576485
482115
533428
549413
2202
33234
44040
107
13190
517
87132
742
19801
55
14566
1283
810
26
0
5691
122
58
32
16
19
109
628
628
350
497
112
89
332
91
95
83
204
46
163
46
42
118
45
4003
112
148
18
129
122842
69947
75653
139347
600
145
515036
800904
801482
475
425277
832815
833455
818538
448
303734
851829
5215
831
87153
968
601
7895
14193
14193
27
2344
413
24
7655
254
20899
33693
5696
120
23
111
69947
6997
139
3026
14349
366
366
368
32
252051
226648
19565
320770
71165
27034
367
1122
134309
2752
1002
18579
339
1795
41
54
32
14
13
17
356
99
702
214
82
144
90
116
111
91371
48873
53268
44046
507
20857
833157
831883
717173
785147
686305
833444
818538
896566
896523
303734
801078
2600
409
1368
5982
5982
825
190
243
13826
466
821
4224
384
0
1931
1234
289
1091
5376
235
11815
5640
20520
83447
51981
44046
390
833272
791370
833427
425277
833075
515032
800904
839223
533650
443
896566
13279
841096
166
6670
829
634
34510
298125
4205
55
234
19564
2839
147131
203512
313972
163806
555
214042
37111
118278
258227
203512
2845
7954
112162
1942
18
17
30
3414
162
50
702
9913
483
806
556
74
36
78
74
11
117605
55
36
113
463
114
130
156
82
29
11
16
13
31
12
56
37
15
63
27
101
8
44
27
24
6
40
18
13
11
10
23
11
25
10
78
82
6
69
107
11
8
29
16
69
12
13
20
101
77
14
7
7
22
21
10
21
73
103
20
88

In [103]:
sizes


Out[103]:
[0,
 1,
 2,
 3,
 4,
 5,
 6,
 7,
 8,
 9,
 10,
 11,
 12,
 13,
 14,
 15,
 16,
 17,
 18,
 19,
 20,
 21,
 22,
 23,
 24,
 25,
 26,
 27,
 28,
 29,
 30,
 31,
 32,
 33,
 34,
 35,
 36,
 37,
 38,
 39,
 40,
 41,
 42,
 43,
 44,
 45,
 46,
 47,
 48,
 49,
 50,
 51,
 52,
 53,
 54,
 55,
 56,
 57,
 58,
 59,
 60,
 61,
 62,
 63,
 64,
 65,
 66,
 67,
 68,
 69,
 70,
 71,
 72,
 73,
 74,
 75,
 76,
 77,
 78,
 79,
 80,
 81,
 82,
 83,
 84,
 85,
 86,
 87,
 88,
 89,
 90,
 91,
 92,
 93,
 94,
 95,
 96,
 97,
 98,
 99,
 100,
 101,
 102,
 103,
 104,
 105,
 106,
 107,
 108,
 109,
 110,
 111,
 112,
 113,
 114,
 115,
 116,
 117,
 118,
 119,
 120,
 121,
 122,
 123,
 124,
 125,
 126,
 127,
 128,
 129,
 130,
 131,
 132,
 133,
 134,
 135,
 136,
 137,
 138,
 139,
 140,
 141,
 142,
 143,
 144,
 145,
 146,
 147,
 148,
 149,
 150,
 151,
 152,
 153,
 154,
 155,
 156,
 157,
 158,
 159,
 160,
 161,
 162,
 163,
 164,
 165,
 166,
 167,
 168,
 169,
 170,
 171,
 172,
 173,
 174,
 175,
 176,
 177,
 178,
 179,
 180,
 181,
 182,
 183,
 184,
 185,
 186,
 187,
 188,
 189,
 190,
 191,
 192,
 193,
 194,
 195,
 196,
 197,
 198,
 199,
 200,
 201,
 202,
 203,
 204,
 205,
 206,
 207,
 208,
 209,
 210,
 211,
 212,
 213,
 214,
 215,
 216,
 217,
 218,
 219,
 220,
 221,
 222,
 223,
 224,
 225,
 226,
 227,
 228,
 229,
 230,
 231,
 232,
 233,
 234,
 235,
 236,
 237,
 238,
 239,
 240,
 241,
 242,
 243,
 244,
 245,
 246,
 247,
 248,
 249,
 250,
 251,
 252,
 253,
 254,
 255,
 256,
 257,
 258,
 259,
 260,
 261,
 262,
 263,
 264,
 265,
 266,
 267,
 268,
 269,
 270,
 271,
 272,
 273,
 274,
 275,
 276,
 277,
 278,
 279,
 280,
 281,
 282,
 283,
 284,
 285,
 286,
 287,
 288,
 289,
 290,
 291,
 292,
 293,
 294,
 295,
 296,
 297,
 298,
 299,
 300,
 301,
 302,
 303,
 304,
 305,
 306,
 307,
 308,
 309,
 310,
 311,
 312,
 313,
 314,
 315,
 316,
 317,
 318,
 319,
 320,
 321,
 322,
 323,
 324,
 325,
 326,
 327,
 328,
 329,
 330,
 331,
 332,
 333,
 334,
 335,
 336,
 337,
 338,
 339,
 340,
 341,
 342,
 343,
 344,
 345,
 346,
 347,
 348,
 349,
 350,
 351,
 352,
 353,
 354,
 355,
 356,
 357,
 358,
 359,
 360,
 361,
 362,
 363,
 364,
 365,
 366,
 367,
 368,
 369,
 370,
 371,
 372,
 373,
 374,
 375,
 376,
 377,
 378,
 379,
 380,
 381,
 382,
 383,
 384,
 385,
 386,
 387,
 388,
 389,
 390,
 391,
 392,
 393,
 394,
 395,
 396,
 397,
 398,
 399,
 400,
 401,
 402,
 403,
 404,
 405,
 406,
 407,
 408,
 409,
 410,
 411,
 412,
 413,
 414,
 415,
 416,
 417,
 418,
 419,
 420,
 421,
 422,
 423,
 424,
 425,
 426,
 427,
 428,
 429,
 430,
 431,
 432,
 433,
 434,
 435,
 436,
 437,
 438,
 439,
 440,
 441,
 442,
 443,
 444,
 445,
 446,
 447,
 448,
 449,
 450,
 451,
 452,
 453,
 454,
 455,
 456,
 457,
 458,
 459,
 460,
 461,
 462,
 463,
 464,
 465,
 466,
 467,
 468,
 469,
 470,
 471,
 472,
 473,
 474,
 475,
 476,
 477,
 478,
 479,
 480,
 481,
 482,
 483,
 484,
 485,
 486,
 487,
 488,
 489,
 490,
 491,
 492,
 493,
 494,
 495,
 496,
 497,
 498,
 499,
 500,
 501,
 502,
 503,
 504,
 505,
 506,
 507,
 508,
 509,
 510,
 511,
 512,
 513,
 514,
 515,
 516,
 517,
 518,
 519,
 520,
 521,
 522,
 523,
 524,
 525,
 526,
 527,
 528,
 529,
 530,
 531,
 532,
 533,
 534,
 535,
 536,
 537,
 538,
 539,
 540,
 541,
 542,
 543,
 544,
 545,
 546,
 547,
 548,
 549,
 550,
 551,
 552,
 553,
 554,
 555,
 556,
 557,
 558,
 559,
 560,
 561,
 562,
 563,
 564,
 565,
 566,
 567,
 568,
 569,
 570,
 571,
 572,
 573,
 574,
 575,
 576,
 577,
 578,
 579,
 580,
 581,
 582,
 583,
 584,
 585,
 586,
 587,
 588,
 589,
 590,
 591,
 592,
 593,
 594,
 595,
 596,
 597,
 598,
 599,
 600,
 601,
 602,
 603,
 604,
 605,
 606,
 607,
 608,
 609,
 610,
 611,
 612,
 613,
 614,
 615,
 616,
 617,
 618,
 619,
 620,
 621,
 622,
 623,
 624,
 625,
 626,
 627,
 628,
 629,
 630,
 631,
 632,
 633,
 634,
 635,
 636,
 637,
 638,
 639,
 640,
 641,
 642,
 643,
 644,
 645,
 646,
 647,
 648,
 649,
 650,
 651,
 652,
 653,
 654,
 655,
 656,
 657,
 658,
 659,
 660,
 661,
 662,
 663,
 664,
 665,
 666,
 667,
 668,
 669,
 670,
 671,
 672,
 673,
 674,
 675,
 676,
 677,
 678,
 679,
 680,
 681,
 682,
 683,
 684,
 685,
 686,
 687,
 688,
 689,
 690,
 691,
 692,
 693,
 694,
 695,
 696,
 697,
 698,
 699,
 700,
 701,
 702,
 703,
 704,
 705,
 706,
 707,
 708,
 709,
 710,
 711,
 712,
 713,
 714,
 715,
 716,
 717,
 718,
 719,
 720,
 721,
 722,
 723,
 724,
 725,
 726,
 727,
 728,
 729,
 730,
 731,
 732,
 733,
 734,
 735,
 736,
 737,
 738,
 739,
 740,
 741,
 742,
 743,
 744,
 745,
 746,
 747,
 748,
 749,
 750,
 751,
 752,
 753,
 754,
 755,
 756,
 757,
 758,
 759,
 760,
 761,
 762,
 763,
 764,
 765,
 766,
 767,
 768,
 769,
 770,
 771,
 772,
 773,
 774,
 775,
 776,
 777,
 778,
 779,
 780,
 781,
 782,
 783,
 784,
 785,
 786,
 787,
 788,
 789,
 790,
 791,
 792,
 793,
 794,
 795,
 796,
 797,
 798,
 799,
 800,
 801,
 802,
 803,
 804,
 805,
 806,
 807,
 808,
 809,
 810,
 811,
 812,
 813,
 814,
 815,
 816,
 817,
 818,
 819,
 820,
 821,
 822,
 823,
 824,
 825,
 826,
 827,
 828,
 829,
 830,
 831,
 832,
 833,
 834,
 835,
 836,
 837,
 838,
 839,
 840,
 841,
 842,
 843,
 844,
 845,
 846,
 847,
 848,
 849,
 850,
 851,
 852,
 853,
 854,
 855,
 856,
 857,
 858,
 859,
 860,
 861,
 862,
 863,
 864,
 865,
 866,
 867,
 868,
 869,
 870,
 871,
 872,
 873,
 874,
 875,
 876,
 877,
 878,
 879,
 880,
 881,
 882,
 883,
 884,
 885,
 886,
 887,
 888,
 889,
 890,
 891,
 892,
 893,
 894,
 895,
 896,
 897,
 898,
 899,
 900,
 901,
 902,
 903,
 904,
 905,
 906,
 907,
 908,
 909,
 910,
 911,
 912,
 913,
 914,
 915,
 916,
 917,
 918,
 919,
 920,
 921,
 922,
 923,
 924,
 925,
 926,
 927,
 928,
 929,
 930,
 931,
 932,
 933,
 934,
 935,
 936,
 937,
 938,
 939,
 940,
 941,
 942,
 943,
 944,
 945,
 946,
 947,
 948,
 949,
 950,
 951,
 952,
 953,
 954,
 955,
 956,
 957,
 958,
 959,
 960,
 961,
 962,
 963,
 964,
 965,
 966,
 967,
 968,
 969,
 970,
 971,
 972,
 973,
 974,
 975,
 976,
 977,
 978,
 979,
 980,
 981,
 982,
 983,
 984,
 985,
 986,
 987,
 988,
 989,
 990,
 991,
 992,
 993,
 994,
 995,
 996,
 997,
 998,
 999,
 ...]

In [104]:
plt.plot(sizes)


Out[104]:
[<matplotlib.lines.Line2D at 0x1930e8f60>]

In [109]:
nx.write_yaml??

In [111]:
dbg.add_nodes_from?

In [ ]: